diff --git a/actions/lfp_speed_stim/attributes.yaml b/actions/lfp_speed_stim/attributes.yaml new file mode 100644 index 000000000..5e3955fc8 --- /dev/null +++ b/actions/lfp_speed_stim/attributes.yaml @@ -0,0 +1,7 @@ +registered: '2020-08-28T10:17:36' +data: + results: results.exdir + notebook: 20_lfp_speed.ipynb + html: 20_lfp_speed.html + figures: figures + statistics: statistics diff --git a/actions/lfp_speed_stim/data/10_lfp_speed_stim.html b/actions/lfp_speed_stim/data/10_lfp_speed_stim.html new file mode 100644 index 000000000..1509c4622 --- /dev/null +++ b/actions/lfp_speed_stim/data/10_lfp_speed_stim.html @@ -0,0 +1,13614 @@ + + + + +10_lfp_speed_stim + + + + + + + + + + + + + + + + + + + + + + + +
+
+ +
+
+
In [1]:
+
+
+
%load_ext autoreload
+%autoreload 2
+
+ +
+
+
+ +
+
+
+
In [2]:
+
+
+
import os
+import pathlib
+import numpy as np
+import matplotlib.pyplot as plt
+from matplotlib import colors
+import seaborn as sns
+import re
+import shutil
+import pandas as pd
+import scipy.stats
+
+import exdir
+import expipe
+from distutils.dir_util import copy_tree
+import septum_mec
+import spatial_maps as sp
+import head_direction.head as head
+import septum_mec.analysis.data_processing as dp
+import septum_mec.analysis.registration
+from septum_mec.analysis.plotting import violinplot, despine
+from spatial_maps.fields import (
+    find_peaks, calculate_field_centers, separate_fields_by_laplace, 
+    map_pass_to_unit_circle, calculate_field_centers, distance_to_edge_function, 
+    which_field, compute_crossings)
+from phase_precession import cl_corr
+from spike_statistics.core import permutation_resampling
+import matplotlib.mlab as mlab
+import scipy.signal as ss
+from scipy.interpolate import interp1d
+from septum_mec.analysis.plotting import regplot
+from skimage import measure
+from tqdm.notebook import tqdm_notebook as tqdm
+tqdm.pandas()
+
+import pycwt
+
+ +
+
+
+ +
+
+ + +
+ +
+ + +
+
09:52:58 [I] klustakwik KlustaKwik2 version 0.2.6
+/home/mikkel/.virtualenvs/expipe/lib/python3.6/importlib/_bootstrap.py:219: RuntimeWarning: numpy.ufunc size changed, may indicate binary incompatibility. Expected 192 from C header, got 216 from PyObject
+  return f(*args, **kwds)
+/home/mikkel/.virtualenvs/expipe/lib/python3.6/importlib/_bootstrap.py:219: RuntimeWarning: numpy.ufunc size changed, may indicate binary incompatibility. Expected 192 from C header, got 216 from PyObject
+  return f(*args, **kwds)
+/home/mikkel/.virtualenvs/expipe/lib/python3.6/importlib/_bootstrap.py:219: RuntimeWarning: numpy.ufunc size changed, may indicate binary incompatibility. Expected 192 from C header, got 216 from PyObject
+  return f(*args, **kwds)
+
+
+
+ +
+
+ +
+
+
+
In [3]:
+
+
+
max_speed = 1 # m/s only used for speed score
+min_speed = 0.02 # m/s only used for speed score
+position_sampling_rate = 1000 # for interpolation
+position_low_pass_frequency = 6 # for low pass filtering of position
+
+box_size = [1.0, 1.0]
+bin_size = 0.02
+
+speed_binsize = 0.02
+
+stim_mask = True
+baseline_duration = 600
+
+ +
+
+
+ +
+
+
+
In [4]:
+
+
+
data_loader = dp.Data(
+    position_sampling_rate=position_sampling_rate, 
+    position_low_pass_frequency=position_low_pass_frequency,
+    box_size=box_size, bin_size=bin_size, 
+    stim_mask=stim_mask, baseline_duration=baseline_duration
+)
+
+ +
+
+
+ +
+
+
+
In [5]:
+
+
+
project_path = dp.project_path()
+project = expipe.get_project(project_path)
+actions = project.actions
+
+output_path = pathlib.Path("output") / "lfp-speed-stim"
+(output_path / "statistics").mkdir(exist_ok=True, parents=True)
+(output_path / "figures").mkdir(exist_ok=True, parents=True)
+
+ +
+
+
+ +
+
+
+
In [6]:
+
+
+
identify_neurons = actions['identify-neurons']
+sessions = pd.read_csv(identify_neurons.data_path('sessions'))
+
+ +
+
+
+ +
+
+
+
In [7]:
+
+
+
channel_groups = []
+for i, row in sessions.iterrows():
+    for ch in range(8):
+        row['channel_group'] = ch
+        channel_groups.append(row.to_dict())
+
+ +
+
+
+ +
+
+
+
In [8]:
+
+
+
sessions = pd.DataFrame(channel_groups)
+
+ +
+
+
+ +
+
+
+
In [9]:
+
+
+
def signaltonoise(a, axis=0, ddof=0):
+    a = np.asanyarray(a)
+    m = a.mean(axis)
+    sd = a.std(axis=axis, ddof=ddof)
+    return np.where(sd == 0, 0, m / sd)
+
+
+def remove_artifacts(anas, spikes=None, width=500, threshold=2, sampling_rate=None, fillval=0):
+    sampling_rate = sampling_rate or anas.sampling_rate.magnitude
+    times = np.arange(anas.shape[0]) / sampling_rate
+    anas = np.array(anas)
+    if anas.ndim == 1:
+        anas = np.reshape(anas, (anas.size, 1))
+    assert len(times) == anas.shape[0]
+    nchan = anas.shape[1]
+    if spikes is not None:
+        spikes = np.array(spikes)
+    for ch in range(nchan):
+        idxs, = np.where(abs(anas[:, ch]) > threshold)
+        for idx in idxs:
+            if spikes is not None:
+                t0 = times[idx-width]
+                stop = idx+width
+                if stop > len(times) - 1:
+                    stop = len(times) - 1 
+                t1 = times[stop]
+                mask = (spikes > t0) & (spikes < t1)
+                spikes = spikes[~mask]
+            anas[idx-width:idx+width, ch] = fillval
+    if spikes is not None:
+        spikes = spikes[spikes <= times[-1]]
+        return anas, times, spikes
+    else:
+        return anas, times
+    
+def find_theta_peak(p, f, f1, f2):
+    if np.all(np.isnan(p)):
+        return np.nan, np.nan
+    mask = (f > f1) & (f < f2)
+    p_m = p[mask]
+    f_m = f[mask]
+    peaks = find_peaks(p_m)
+    idx = np.argmax(p_m[peaks])
+    return f_m[peaks[idx]], p_m[peaks[idx]]
+
+ +
+
+
+ +
+
+
+
In [10]:
+
+
+
def zscore(a):
+    return (a - a.mean()) / a.std()
+#     return a
+
+ +
+
+
+ +
+
+
+
In [11]:
+
+
+
def compute_stim_freq(action_id):
+    stim_times = data_loader.stim_times(action_id)
+    if stim_times is None:
+        return
+    stim_times = np.array(stim_times)
+    return 1 / np.mean(np.diff(stim_times))
+
+ +
+
+
+ +
+
+
+
In [12]:
+
+
+
output = exdir.File(output_path / 'results')
+
+mother = pycwt.Morlet(80)
+NFFT = 2056
+
+def process(row):
+    name = row['action'] + '-' + str(row['channel_group'])
+    stim_freq = compute_stim_freq(row['action'])
+    if stim_freq is None:
+        return
+    
+    flim = [stim_freq - 2, stim_freq + 2]
+    
+    lfp = data_loader.lfp(row.action, row.channel_group)
+    sample_rate = lfp.sampling_rate.magnitude
+    sampling_period = 1 / sample_rate
+    x, y, t, speed = map(data_loader.tracking(row.action).get, ['x', 'y', 't', 'v'])
+    cleaned_lfp, times = remove_artifacts(lfp)
+    speed = interp1d(t, speed, bounds_error=False, fill_value='extrapolate')(times)
+    peak_amp = {}
+    for i, ch in enumerate(cleaned_lfp.T):
+        pxx, freqs = mlab.psd(ch, Fs=lfp.sampling_rate.magnitude, NFFT=4000)
+        f, p = find_theta_peak(pxx, freqs, 6, 10)
+        peak_amp[i] = p
+
+    theta_channel = max(peak_amp, key=lambda x: peak_amp[x])
+    signal = zscore(cleaned_lfp[:,theta_channel])
+    
+    if name in output:
+        return
+    
+    
+    results = output.require_group(name)
+    freqs = np.arange(*flim, .1)
+    wave, scales, freqs, coi, fft, fftfreqs = pycwt.cwt(
+        signal, sampling_period, freqs=freqs, wavelet=mother)
+    
+    power = (np.abs(wave)) ** 2
+    power /= scales[:, None] #rectify the power spectrum according to the suggestions proposed by Liu et al. (2007)
+    
+    theta_freq = np.array([freqs[i] for i in np.argmax(power, axis=0)])
+    theta_power = np.mean(power, axis=0)
+
+    speed_bins = np.arange(min_speed, max_speed + speed_binsize, speed_binsize)
+    ia = np.digitize(speed, bins=speed_bins, right=True)
+    mean_freq = np.zeros_like(speed_bins)
+    mean_power = np.zeros_like(speed_bins)
+    for i in range(len(speed_bins)):
+        mean_freq[i] = np.mean(theta_freq[ia==i])
+        mean_power[i] = np.mean(theta_power[ia==i])
+        
+    freq_score = np.corrcoef(speed, theta_freq)[0,1]
+    power_score = np.corrcoef(speed, theta_power)[0,1]
+    
+    results.attrs = {
+        'freq_score': float(freq_score),
+        'sample_rate': float(sample_rate),
+        'power_score': float(power_score),
+        'action': row['action'],
+        'channel_group': int(row['channel_group']),
+        'max_speed': max_speed,
+        'min_speed': min_speed,
+        'position_low_pass_frequency': position_low_pass_frequency
+    }
+    
+    results.create_dataset('wavelet_power', data=power)
+    results.create_dataset('wavelet_freqs', data=freqs)
+    results.create_dataset('theta_freq', data=theta_freq)
+    results.create_dataset('theta_power', data=theta_power)
+    results.create_dataset('speed', data=speed)
+    results.create_dataset('mean_freq', data=mean_freq)
+    results.create_dataset('mean_power', data=mean_power)
+    results.create_dataset('speed_bins', data=speed_bins)
+
+ +
+
+
+ +
+
+
+
In [13]:
+
+
+
sessions.progress_apply(process, axis=1);
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + + + + +
+
+ + +
+ +
+ +
+ +
+ + +
+
/home/mikkel/.virtualenvs/expipe/lib/python3.6/site-packages/numpy/core/fromnumeric.py:3257: RuntimeWarning: Mean of empty slice.
+  out=out, **kwargs)
+/home/mikkel/.virtualenvs/expipe/lib/python3.6/site-packages/numpy/core/_methods.py:161: RuntimeWarning: invalid value encountered in double_scalars
+  ret = ret.dtype.type(ret / rcount)
+
+
+
+ +
+ +
+ + +
+
+
+
+
+ +
+
+ +
+
+
+
+

Store results in Expipe action

+
+
+
+
+
+
In [14]:
+
+
+
action = project.require_action("lfp_speed_stim")
+
+ +
+
+
+ +
+
+
+
In [ ]:
+
+
+
action.data["results"] = "results.exdir"
+copy_tree(output_path, str(action.data_path()))
+
+ +
+
+
+ +
+
+
+
In [ ]:
+
+
+
septum_mec.analysis.registration.store_notebook(action, "10_lfp_speed_stim.ipynb")
+
+ +
+
+
+ +
+
+
+
In [ ]:
+
+
+
 
+
+ +
+
+
+ +
+
+
+ + + + + + diff --git a/actions/lfp_speed_stim/data/10_lfp_speed_stim.ipynb b/actions/lfp_speed_stim/data/10_lfp_speed_stim.ipynb new file mode 100644 index 000000000..68a019aa2 --- /dev/null +++ b/actions/lfp_speed_stim/data/10_lfp_speed_stim.ipynb @@ -0,0 +1,414 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "09:52:58 [I] klustakwik KlustaKwik2 version 0.2.6\n", + "/home/mikkel/.virtualenvs/expipe/lib/python3.6/importlib/_bootstrap.py:219: RuntimeWarning: numpy.ufunc size changed, may indicate binary incompatibility. Expected 192 from C header, got 216 from PyObject\n", + " return f(*args, **kwds)\n", + "/home/mikkel/.virtualenvs/expipe/lib/python3.6/importlib/_bootstrap.py:219: RuntimeWarning: numpy.ufunc size changed, may indicate binary incompatibility. Expected 192 from C header, got 216 from PyObject\n", + " return f(*args, **kwds)\n", + "/home/mikkel/.virtualenvs/expipe/lib/python3.6/importlib/_bootstrap.py:219: RuntimeWarning: numpy.ufunc size changed, may indicate binary incompatibility. Expected 192 from C header, got 216 from PyObject\n", + " return f(*args, **kwds)\n" + ] + } + ], + "source": [ + "import os\n", + "import pathlib\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "from matplotlib import colors\n", + "import seaborn as sns\n", + "import re\n", + "import shutil\n", + "import pandas as pd\n", + "import scipy.stats\n", + "\n", + "import exdir\n", + "import expipe\n", + "from distutils.dir_util import copy_tree\n", + "import septum_mec\n", + "import spatial_maps as sp\n", + "import head_direction.head as head\n", + "import septum_mec.analysis.data_processing as dp\n", + "import septum_mec.analysis.registration\n", + "from septum_mec.analysis.plotting import violinplot, despine\n", + "from spatial_maps.fields import (\n", + " find_peaks, calculate_field_centers, separate_fields_by_laplace, \n", + " map_pass_to_unit_circle, calculate_field_centers, distance_to_edge_function, \n", + " which_field, compute_crossings)\n", + "from phase_precession import cl_corr\n", + "from spike_statistics.core import permutation_resampling\n", + "import matplotlib.mlab as mlab\n", + "import scipy.signal as ss\n", + "from scipy.interpolate import interp1d\n", + "from septum_mec.analysis.plotting import regplot\n", + "from skimage import measure\n", + "from tqdm.notebook import tqdm_notebook as tqdm\n", + "tqdm.pandas()\n", + "\n", + "import pycwt" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "max_speed = 1 # m/s only used for speed score\n", + "min_speed = 0.02 # m/s only used for speed score\n", + "position_sampling_rate = 1000 # for interpolation\n", + "position_low_pass_frequency = 6 # for low pass filtering of position\n", + "\n", + "box_size = [1.0, 1.0]\n", + "bin_size = 0.02\n", + "\n", + "speed_binsize = 0.02\n", + "\n", + "stim_mask = True\n", + "baseline_duration = 600" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "data_loader = dp.Data(\n", + " position_sampling_rate=position_sampling_rate, \n", + " position_low_pass_frequency=position_low_pass_frequency,\n", + " box_size=box_size, bin_size=bin_size, \n", + " stim_mask=stim_mask, baseline_duration=baseline_duration\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "project_path = dp.project_path()\n", + "project = expipe.get_project(project_path)\n", + "actions = project.actions\n", + "\n", + "output_path = pathlib.Path(\"output\") / \"lfp-speed-stim\"\n", + "(output_path / \"statistics\").mkdir(exist_ok=True, parents=True)\n", + "(output_path / \"figures\").mkdir(exist_ok=True, parents=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "identify_neurons = actions['identify-neurons']\n", + "sessions = pd.read_csv(identify_neurons.data_path('sessions'))" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "channel_groups = []\n", + "for i, row in sessions.iterrows():\n", + " for ch in range(8):\n", + " row['channel_group'] = ch\n", + " channel_groups.append(row.to_dict())" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "sessions = pd.DataFrame(channel_groups)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "def signaltonoise(a, axis=0, ddof=0):\n", + " a = np.asanyarray(a)\n", + " m = a.mean(axis)\n", + " sd = a.std(axis=axis, ddof=ddof)\n", + " return np.where(sd == 0, 0, m / sd)\n", + "\n", + "\n", + "def remove_artifacts(anas, spikes=None, width=500, threshold=2, sampling_rate=None, fillval=0):\n", + " sampling_rate = sampling_rate or anas.sampling_rate.magnitude\n", + " times = np.arange(anas.shape[0]) / sampling_rate\n", + " anas = np.array(anas)\n", + " if anas.ndim == 1:\n", + " anas = np.reshape(anas, (anas.size, 1))\n", + " assert len(times) == anas.shape[0]\n", + " nchan = anas.shape[1]\n", + " if spikes is not None:\n", + " spikes = np.array(spikes)\n", + " for ch in range(nchan):\n", + " idxs, = np.where(abs(anas[:, ch]) > threshold)\n", + " for idx in idxs:\n", + " if spikes is not None:\n", + " t0 = times[idx-width]\n", + " stop = idx+width\n", + " if stop > len(times) - 1:\n", + " stop = len(times) - 1 \n", + " t1 = times[stop]\n", + " mask = (spikes > t0) & (spikes < t1)\n", + " spikes = spikes[~mask]\n", + " anas[idx-width:idx+width, ch] = fillval\n", + " if spikes is not None:\n", + " spikes = spikes[spikes <= times[-1]]\n", + " return anas, times, spikes\n", + " else:\n", + " return anas, times\n", + " \n", + "def find_theta_peak(p, f, f1, f2):\n", + " if np.all(np.isnan(p)):\n", + " return np.nan, np.nan\n", + " mask = (f > f1) & (f < f2)\n", + " p_m = p[mask]\n", + " f_m = f[mask]\n", + " peaks = find_peaks(p_m)\n", + " idx = np.argmax(p_m[peaks])\n", + " return f_m[peaks[idx]], p_m[peaks[idx]]" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "def zscore(a):\n", + " return (a - a.mean()) / a.std()\n", + "# return a" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "def compute_stim_freq(action_id):\n", + " stim_times = data_loader.stim_times(action_id)\n", + " if stim_times is None:\n", + " return\n", + " stim_times = np.array(stim_times)\n", + " return 1 / np.mean(np.diff(stim_times))" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "output = exdir.File(output_path / 'results')\n", + "\n", + "mother = pycwt.Morlet(80)\n", + "NFFT = 2056\n", + "\n", + "def process(row):\n", + " name = row['action'] + '-' + str(row['channel_group'])\n", + " stim_freq = compute_stim_freq(row['action'])\n", + " if stim_freq is None:\n", + " return\n", + " \n", + " flim = [stim_freq - 2, stim_freq + 2]\n", + " \n", + " lfp = data_loader.lfp(row.action, row.channel_group)\n", + " sample_rate = lfp.sampling_rate.magnitude\n", + " sampling_period = 1 / sample_rate\n", + " x, y, t, speed = map(data_loader.tracking(row.action).get, ['x', 'y', 't', 'v'])\n", + " cleaned_lfp, times = remove_artifacts(lfp)\n", + " speed = interp1d(t, speed, bounds_error=False, fill_value='extrapolate')(times)\n", + " peak_amp = {}\n", + " for i, ch in enumerate(cleaned_lfp.T):\n", + " pxx, freqs = mlab.psd(ch, Fs=lfp.sampling_rate.magnitude, NFFT=4000)\n", + " f, p = find_theta_peak(pxx, freqs, 6, 10)\n", + " peak_amp[i] = p\n", + "\n", + " theta_channel = max(peak_amp, key=lambda x: peak_amp[x])\n", + " signal = zscore(cleaned_lfp[:,theta_channel])\n", + " \n", + " if name in output:\n", + " return\n", + " \n", + " \n", + " results = output.require_group(name)\n", + " freqs = np.arange(*flim, .1)\n", + " wave, scales, freqs, coi, fft, fftfreqs = pycwt.cwt(\n", + " signal, sampling_period, freqs=freqs, wavelet=mother)\n", + " \n", + " power = (np.abs(wave)) ** 2\n", + " power /= scales[:, None] #rectify the power spectrum according to the suggestions proposed by Liu et al. (2007)\n", + " \n", + " theta_freq = np.array([freqs[i] for i in np.argmax(power, axis=0)])\n", + " theta_power = np.mean(power, axis=0)\n", + "\n", + " speed_bins = np.arange(min_speed, max_speed + speed_binsize, speed_binsize)\n", + " ia = np.digitize(speed, bins=speed_bins, right=True)\n", + " mean_freq = np.zeros_like(speed_bins)\n", + " mean_power = np.zeros_like(speed_bins)\n", + " for i in range(len(speed_bins)):\n", + " mean_freq[i] = np.mean(theta_freq[ia==i])\n", + " mean_power[i] = np.mean(theta_power[ia==i])\n", + " \n", + " freq_score = np.corrcoef(speed, theta_freq)[0,1]\n", + " power_score = np.corrcoef(speed, theta_power)[0,1]\n", + " \n", + " results.attrs = {\n", + " 'freq_score': float(freq_score),\n", + " 'sample_rate': float(sample_rate),\n", + " 'power_score': float(power_score),\n", + " 'action': row['action'],\n", + " 'channel_group': int(row['channel_group']),\n", + " 'max_speed': max_speed,\n", + " 'min_speed': min_speed,\n", + " 'position_low_pass_frequency': position_low_pass_frequency\n", + " }\n", + " \n", + " results.create_dataset('wavelet_power', data=power)\n", + " results.create_dataset('wavelet_freqs', data=freqs)\n", + " results.create_dataset('theta_freq', data=theta_freq)\n", + " results.create_dataset('theta_power', data=theta_power)\n", + " results.create_dataset('speed', data=speed)\n", + " results.create_dataset('mean_freq', data=mean_freq)\n", + " results.create_dataset('mean_power', data=mean_power)\n", + " results.create_dataset('speed_bins', data=speed_bins)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "1f5b845ccb4c460780c75e4829109535", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "HBox(children=(IntProgress(value=0, max=696), HTML(value='')))" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/mikkel/.virtualenvs/expipe/lib/python3.6/site-packages/numpy/core/fromnumeric.py:3257: RuntimeWarning: Mean of empty slice.\n", + " out=out, **kwargs)\n", + "/home/mikkel/.virtualenvs/expipe/lib/python3.6/site-packages/numpy/core/_methods.py:161: RuntimeWarning: invalid value encountered in double_scalars\n", + " ret = ret.dtype.type(ret / rcount)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "sessions.progress_apply(process, axis=1);" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Store results in Expipe action" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "action = project.require_action(\"lfp_speed_stim\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "action.data[\"results\"] = \"results.exdir\"\n", + "copy_tree(output_path, str(action.data_path()))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "septum_mec.analysis.registration.store_notebook(action, \"10_lfp_speed_stim.ipynb\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/actions/lfp_speed_stim/data/20_lfp_speed.html b/actions/lfp_speed_stim/data/20_lfp_speed.html new file mode 100644 index 000000000..2ae5e02a6 --- /dev/null +++ b/actions/lfp_speed_stim/data/20_lfp_speed.html @@ -0,0 +1,14628 @@ + + + + +20_lfp_speed + + + + + + + + + + + + + + + + + + + + + + + +
+
+ +
+
+
In [1]:
+
+
+
%load_ext autoreload
+%autoreload 2
+
+ +
+
+
+ +
+
+
+
In [25]:
+
+
+
import os
+import pathlib
+import numpy as np
+import matplotlib.pyplot as plt
+import seaborn as sns
+import re
+import shutil
+import pandas as pd
+import scipy.stats
+
+import exdir
+import expipe
+from distutils.dir_util import copy_tree
+import septum_mec
+import septum_mec.analysis.data_processing as dp
+import septum_mec.analysis.registration
+from septum_mec.analysis.plotting import despine, plot_bootstrap_timeseries, violinplot, savefig
+from phase_precession import cl_corr
+from spike_statistics.core import permutation_resampling_test
+import matplotlib.mlab as mlab
+import scipy.signal as ss
+from scipy.interpolate import interp1d
+from skimage import measure
+from tqdm.notebook import tqdm_notebook as tqdm
+tqdm.pandas()
+import scipy.signal as ss
+
+
+from tqdm.notebook import tqdm_notebook as tqdm
+tqdm.pandas()
+
+import pycwt
+
+ +
+
+
+ +
+
+
+
In [34]:
+
+
+
plt.rcParams['figure.dpi'] = 150
+figsize_violin = (1.7, 3)
+figsize_speed = (4, 3)
+plt.rc('axes', titlesize=10)
+
+ +
+
+
+ +
+
+
+
In [26]:
+
+
+
project_path = dp.project_path()
+project = expipe.get_project(project_path)
+actions = project.actions
+
+output_path = pathlib.Path("output") / "lfp_speed"
+(output_path / "statistics").mkdir(exist_ok=True, parents=True)
+(output_path / "figures").mkdir(exist_ok=True, parents=True)
+
+ +
+
+
+ +
+
+
+
In [6]:
+
+
+
data_action = actions['lfp_speed']
+output = exdir.File(
+    data_action.data_path('results'),
+    plugins = [exdir.plugins.git_lfs, exdir.plugins.quantities])
+
+ignore = ['wavelet_power', 'wavelet_freqs', 'signal']
+results = []
+for group in output.values():
+    d = group.attrs.to_dict()
+    d.update({k: np.array(v.data) for k, v in group.items() if k not in ignore})
+    results.append(d)
+results = pd.DataFrame(results)
+
+ +
+
+
+ +
+
+
+
In [7]:
+
+
+
results.head()
+
+ +
+
+
+ +
+
+ + +
+ +
Out[7]:
+ + + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
freq_scoresample_ratepower_scoreactionchannel_groupmax_speedmin_speedposition_low_pass_frequencymean_freqmean_powerspeedspeed_binstheta_freqtheta_power
00.1917291000.00.4325321833-010719-1010.026[7.154332133229601, 7.106500202042717, 7.13862...[18.005621200653046, 18.66435212100411, 20.504...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.799999999999997, 6.799999999999997, 6.79999...[3.990633076071412, 3.992883430179942, 3.99513...
10.2558821000.00.4349381833-010719-1110.026[7.035831237674811, 7.05973079549096, 7.120455...[16.966011451769536, 17.60417640800431, 19.452...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.799999999999997, 6.799999999999997, 6.79999...[3.649171825378523, 3.6511305369806806, 3.6530...
20.1691161000.00.3389421833-010719-1210.026[7.156957284750235, 7.121730043055997, 7.17760...[14.747162413722597, 15.548073560884317, 16.81...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.799999999999997, 6.799999999999997, 6.79999...[3.069575227276876, 3.0713927350182493, 3.0732...
30.0714801000.00.1414051833-010719-1310.026[7.256682286107137, 7.237350035531646, 7.27254...[13.017027147293039, 12.651121743582284, 13.91...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.399999999999999, 6.399999999999999, 6.39999...[1.9508693636836856, 1.9523977795413874, 1.953...
40.2167921000.0-0.0121911833-010719-1410.026[7.095817125902336, 7.050223640391819, 7.12869...[32.456068185302364, 23.01562486642484, 21.395...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.399999999999999, 6.399999999999999, 6.39999...[1.2545438245339104, 1.2553897239251606, 1.256...
+
+
+ +
+ +
+
+ +
+
+
+
In [8]:
+
+
+
identify_neurons = actions['identify-neurons']
+sessions = pd.read_csv(identify_neurons.data_path('sessions'))
+
+ +
+
+
+ +
+
+
+
In [9]:
+
+
+
results = results.merge(sessions, on='action')
+
+ +
+
+
+ +
+
+
+
In [10]:
+
+
+
results.head()
+
+ +
+
+
+ +
+
+ + +
+ +
Out[10]:
+ + + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
freq_scoresample_ratepower_scoreactionchannel_groupmax_speedmin_speedposition_low_pass_frequencymean_freqmean_power...iiisessionstim_locationstimulatedtagdateentity_dateHz11Hz30
00.1917291000.00.4325321833-010719-1010.026[7.154332133229601, 7.106500202042717, 7.13862...[18.005621200653046, 18.66435212100411, 20.504......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
10.2558821000.00.4349381833-010719-1110.026[7.035831237674811, 7.05973079549096, 7.120455...[16.966011451769536, 17.60417640800431, 19.452......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
20.1691161000.00.3389421833-010719-1210.026[7.156957284750235, 7.121730043055997, 7.17760...[14.747162413722597, 15.548073560884317, 16.81......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
30.0714801000.00.1414051833-010719-1310.026[7.256682286107137, 7.237350035531646, 7.27254...[13.017027147293039, 12.651121743582284, 13.91......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
40.2167921000.0-0.0121911833-010719-1410.026[7.095817125902336, 7.050223640391819, 7.12869...[32.456068185302364, 23.01562486642484, 21.395......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
+

5 rows × 27 columns

+
+
+ +
+ +
+
+ +
+
+
+
In [11]:
+
+
+
results = results.query('stim_location!="mecl" and stim_location!="mecr"')
+
+ +
+
+
+ +
+
+
+
In [13]:
+
+
+
def action_group(row):
+    a = int(row.channel_group in [0,1,2,3])
+    return f'{row.action}-{a}'
+results['action_side_a'] = results.apply(action_group, axis=1)
+
+ +
+
+
+ +
+
+
+
In [14]:
+
+
+
lfp_results_hemisphere = results.sort_values(
+    by=['action_side_a', 'channel_group'], ascending=[True, False]
+).drop_duplicates(subset='action_side_a', keep='first')
+lfp_results_hemisphere.loc[:,['action_side_a','channel_group', 'min_speed']].head()
+
+ +
+
+
+ +
+
+ + +
+ +
Out[14]:
+ + + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
action_side_achannel_groupmin_speed
71833-010719-1-070.02
31833-010719-1-130.02
151833-010719-2-070.02
111833-010719-2-130.02
231833-020719-1-070.02
+
+
+ +
+ +
+
+ +
+
+
+
In [35]:
+
+
+
colors = ['#1b9e77','#d95f02','#7570b3','#e7298a']
+labels = ['Baseline I', '11 Hz', 'Baseline II', '30 Hz']
+# Hz11 means that the baseline session was indeed before an 11 Hz session
+queries = ['baseline and i and Hz11', 'frequency==11', 'baseline and ii and Hz30', 'frequency==30']
+
+ +
+
+
+ +
+
+
+
In [16]:
+
+
+
def make_entity_date_side(row):
+    s = row.action_side_a.split('-')
+    del s[2]
+    return '-'.join(s)
+
+ +
+
+
+ +
+
+
+
In [17]:
+
+
+
lfp_results_hemisphere['entity_date_side'] = lfp_results_hemisphere.apply(make_entity_date_side, axis=1)
+
+ +
+
+
+ +
+
+
+
In [18]:
+
+
+
from functools import reduce
+
+ +
+
+
+ +
+
+
+
In [19]:
+
+
+
keys = [
+    'freq_score',
+    'power_score',
+    'speed_bins',
+    'mean_freq',
+    'mean_power'
+]
+
+results = {}
+for key in keys:
+    results[key] = list()
+    for query, label in zip(queries, labels):
+        values = lfp_results_hemisphere.query(query).loc[:,['entity_date_side', key]]
+        results[key].append(values.rename({key: label}, axis=1))
+        
+for key, val in results.items():
+    df = reduce(lambda  left,right: pd.merge(left, right, on='entity_date_side', how='outer'), val)
+    results[key] = df.drop('entity_date_side', axis=1)
+
+ +
+
+
+ +
+
+
+
+

Scores

+
+
+
+
+
+
In [91]:
+
+
+
vss = [
+    ['Baseline I', '11 Hz'],
+    ['Baseline I', 'Baseline II'],
+    ['Baseline II', '30 Hz'],
+    ['11 Hz', '30 Hz'],
+]
+
+ +
+
+
+ +
+
+
+
In [92]:
+
+
+
ylabel = {
+    'freq_score': 'Frequency score',
+    'power_score': 'Power score'
+}
+
+ +
+
+
+ +
+
+
+
In [93]:
+
+
+
for stuff in ['freq_score', 'power_score']:
+    for vs in vss:
+        base, stim = results[stuff][vs].dropna().values.T
+        plt.figure(figsize=figsize_violin)
+        plt.ylabel(ylabel[stuff])
+        violinplot(base, stim, colors=[colors[labels.index(l)] for l in vs], xticks=vs)
+        plt.ylim(-0.35, 0.5)
+        plt.yticks([-0.25, 0, 0.25, 0.5])
+        despine()
+        fig_path = output_path / "figures" / f"{stuff}_{' '.join(vs)}".replace(' ', '_')
+        savefig(fig_path)
+        
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+ +
+ + + + +
+ +
+ +
+ +
+ +
+ + + + +
+ +
+ +
+ +
+ +
+ + + + +
+ +
+ +
+ +
+ +
+ + + + +
+ +
+ +
+ +
+ +
+ + + + +
+ +
+ +
+ +
+ +
+ + + + +
+ +
+ +
+ +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
In [94]:
+
+
+
def plot_speed(results, stuff, colors, labels, filename=None, show_raw=False, ylim=None):
+    base, stim = results[stuff][labels].dropna().values.T
+    base_bins, stim_bins = results['speed_bins'][labels].dropna().values.T
+    
+    base = np.array([s for s in base])
+    stim =  np.array([s for s in stim])
+    
+    if show_raw:
+        fig, axs = plt.subplots(1, 2, sharey=True, figsize=figsize_speed)
+
+        for b, h in zip(base_bins, base):
+            axs[1].plot(b, h)
+            axs[1].set_xlim(0.1,1)
+            axs[1].set_title(labels[0])
+
+        for b, h in zip(stim_bins, stim):
+            axs[0].plot(b, h)
+            axs[0].set_xlim(0.1,1)
+            axs[0].set_title(labels[1])  
+
+    fig, ax = plt.subplots(1, 1, figsize=figsize_speed)
+    plot_bootstrap_timeseries(base_bins[0], base.T, ax=ax, label=labels[0], color=colors[0])
+    plot_bootstrap_timeseries(stim_bins[0], stim.T, ax=ax, label=labels[1], color=colors[1])
+
+    plt.xlim(0, 0.9)
+    plt.gca().spines['top'].set_visible(False)
+    plt.gca().spines['right'].set_visible(False)
+    plt.legend(frameon=False)
+    if ylim is not None:
+        plt.ylim(ylim)
+    despine()
+    if filename is not None:
+        savefig(output_path / "figures" / f"{filename}")
+
+ +
+
+
+ +
+
+
+
In [75]:
+
+
+
plot_speed(results, 'mean_freq', 
+           colors[:2], labels[:2], filename='lfp_speed_freq_11', ylim=(7.3, 8.3))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
In [77]:
+
+
+
plot_speed(results, 'mean_freq', 
+           colors[2:], labels[2:], filename='lfp_speed_freq_30', ylim=(7.3, 8.3))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
In [78]:
+
+
+
plot_speed(
+    results, 'mean_freq', 
+    colors=[colors[0], colors[2]], labels=[labels[0], labels[2]], filename='lfp_speed_freq_baseline', ylim=(7.3, 8.3))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
In [95]:
+
+
+
plot_speed(
+    results, 'mean_freq', 
+    colors=[colors[1], colors[3]], labels=[labels[1], labels[3]], filename='lfp_speed_freq_stim', ylim=(7.3, 8.3))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
+

Power Familiar

+
+
+
+
+
+
In [79]:
+
+
+
plot_speed(
+    results, 'mean_power', 
+    colors[:2], labels[:2], filename='lfp_speed_power_11', ylim=(5, 35))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
In [80]:
+
+
+
plot_speed(
+    results, 'mean_power', 
+    colors[2:], labels[2:], filename='lfp_speed_power_30', ylim=(5, 35))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
In [81]:
+
+
+
plot_speed(
+    results, 'mean_power', 
+    colors=[colors[0], colors[2]], labels=[labels[0], labels[2]], filename='lfp_speed_power_baseline', ylim=(5, 35))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
In [96]:
+
+
+
plot_speed(
+    results, 'mean_power', 
+    colors=[colors[1], colors[3]], labels=[labels[1], labels[3]], filename='lfp_speed_power_stim', ylim=(5, 35))
+
+ +
+
+
+ +
+
+ + +
+ +
+ + + + +
+ +
+ +
+ +
+
+ +
+
+
+
+

Table

+
+
+
+
+
+
In [82]:
+
+
+
from septum_mec.analysis.statistics import make_statistics_table
+
+ +
+
+
+ +
+
+
+
In [102]:
+
+
+
stat, _ = make_statistics_table(
+    {k:v for k, v in results.items() if k in ['power_score', 'freq_score']}, 
+    labels, lmm_test=False, wilcoxon_test=True, use_weighted_stats=False, normality_test=True)
+stat
+
+ +
+
+
+ +
+
+ + +
+ +
Out[102]:
+ + + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
Freq scorePower score
Baseline I1.8e-01 ± 1.7e-02 (46)1.6e-01 ± 2.2e-02 (46)
Normality Baseline I3.4e+00, 1.8e-012.5e+00, 2.8e-01
11 Hz-6.4e-03 ± 1.1e-02 (44)-2.2e-02 ± 3.0e-02 (44)
Normality 11 Hz1.1e+01, 4.0e-032.0e+01, 5.5e-05
Baseline II2.2e-01 ± 2.0e-02 (32)1.1e-01 ± 1.8e-02 (32)
Normality Baseline II2.0e+00, 3.6e-011.2e+00, 5.5e-01
30 Hz1.1e-02 ± 1.4e-02 (34)5.3e-02 ± 2.3e-02 (34)
Normality 30 Hz2.8e+00, 2.4e-012.0e+01, 3.7e-05
Wilcoxon Baseline I - 11 Hz1.6e+01, 2.3e-08, (44)1.1e+02, 7.0e-06, (44)
Wilcoxon Baseline I - Baseline II1.8e+02, 1.2e-01, (32)1.7e+02, 7.3e-02, (32)
Wilcoxon Baseline I - 30 Hz7.0e+00, 1.5e-06, (32)1.3e+02, 1.0e-02, (32)
Wilcoxon 11 Hz - Baseline II3.0e+00, 1.1e-06, (32)9.2e+01, 1.3e-03, (32)
Wilcoxon 11 Hz - 30 Hz2.2e+02, 3.8e-01, (32)1.6e+02, 5.9e-02, (32)
Wilcoxon Baseline II - 30 Hz9.0e+00, 1.9e-06, (32)1.5e+02, 3.6e-02, (32)
+
+
+ +
+ +
+
+ +
+
+
+
In [103]:
+
+
+
stat.to_latex(output_path / "statistics" / f"statistics.tex")
+stat.to_csv(output_path / "statistics" / f"statistics.csv")
+
+ +
+
+
+ +
+
+
+
In [87]:
+
+
+
for key, result in results.items():
+    result.to_latex(output_path / "statistics" / f"values_{key}.tex")
+    result.to_csv(output_path / "statistics" / f"values_{key}.csv")
+
+ +
+
+
+ +
+
+
+
+

Register in expipe

+
+
+
+
+
+
In [104]:
+
+
+
action = project.actions["lfp_speed"]
+
+ +
+
+
+ +
+
+
+
In [105]:
+
+
+
outdata = {
+    "figures": "figures",
+    "statistics": "statistics"
+}
+
+for key, value in outdata.items():
+    action.data[key] = value
+    data_path = action.data_path(key)
+    data_path.parent.mkdir(exist_ok=True, parents=True)
+    source = output_path / value
+    if source.is_file():
+        shutil.copy(source, data_path)
+    else:
+        copy_tree(str(source), str(data_path))
+
+ +
+
+
+ +
+
+
+
In [ ]:
+
+
+
septum_mec.analysis.registration.store_notebook(action, "20_lfp_speed.ipynb")
+
+ +
+
+
+ +
+
+
+
In [ ]:
+
+
+
 
+
+ +
+
+
+ +
+
+
+
In [ ]:
+
+
+
 
+
+ +
+
+
+ +
+
+
+ + + + + + diff --git a/actions/lfp_speed_stim/data/20_lfp_speed.ipynb b/actions/lfp_speed_stim/data/20_lfp_speed.ipynb new file mode 100644 index 000000000..607e98a2d --- /dev/null +++ b/actions/lfp_speed_stim/data/20_lfp_speed.ipynb @@ -0,0 +1,1383 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import pathlib\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import seaborn as sns\n", + "import re\n", + "import shutil\n", + "import pandas as pd\n", + "import scipy.stats\n", + "\n", + "import exdir\n", + "import expipe\n", + "from distutils.dir_util import copy_tree\n", + "import septum_mec\n", + "import septum_mec.analysis.data_processing as dp\n", + "import septum_mec.analysis.registration\n", + "from septum_mec.analysis.plotting import despine, plot_bootstrap_timeseries, violinplot, savefig\n", + "from phase_precession import cl_corr\n", + "from spike_statistics.core import permutation_resampling_test\n", + "import matplotlib.mlab as mlab\n", + "import scipy.signal as ss\n", + "from scipy.interpolate import interp1d\n", + "from skimage import measure\n", + "from tqdm.notebook import tqdm_notebook as tqdm\n", + "tqdm.pandas()\n", + "import scipy.signal as ss\n", + "\n", + "\n", + "from tqdm.notebook import tqdm_notebook as tqdm\n", + "tqdm.pandas()\n", + "\n", + "import pycwt" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [], + "source": [ + "plt.rcParams['figure.dpi'] = 150\n", + "figsize_violin = (1.7, 3)\n", + "figsize_speed = (4, 3)\n", + "plt.rc('axes', titlesize=10)" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "project_path = dp.project_path()\n", + "project = expipe.get_project(project_path)\n", + "actions = project.actions\n", + "\n", + "output_path = pathlib.Path(\"output\") / \"lfp_speed\"\n", + "(output_path / \"statistics\").mkdir(exist_ok=True, parents=True)\n", + "(output_path / \"figures\").mkdir(exist_ok=True, parents=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "data_action = actions['lfp_speed']\n", + "output = exdir.File(\n", + " data_action.data_path('results'),\n", + " plugins = [exdir.plugins.git_lfs, exdir.plugins.quantities])\n", + "\n", + "ignore = ['wavelet_power', 'wavelet_freqs', 'signal']\n", + "results = []\n", + "for group in output.values():\n", + " d = group.attrs.to_dict()\n", + " d.update({k: np.array(v.data) for k, v in group.items() if k not in ignore})\n", + " results.append(d)\n", + "results = pd.DataFrame(results)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
freq_scoresample_ratepower_scoreactionchannel_groupmax_speedmin_speedposition_low_pass_frequencymean_freqmean_powerspeedspeed_binstheta_freqtheta_power
00.1917291000.00.4325321833-010719-1010.026[7.154332133229601, 7.106500202042717, 7.13862...[18.005621200653046, 18.66435212100411, 20.504...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.799999999999997, 6.799999999999997, 6.79999...[3.990633076071412, 3.992883430179942, 3.99513...
10.2558821000.00.4349381833-010719-1110.026[7.035831237674811, 7.05973079549096, 7.120455...[16.966011451769536, 17.60417640800431, 19.452...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.799999999999997, 6.799999999999997, 6.79999...[3.649171825378523, 3.6511305369806806, 3.6530...
20.1691161000.00.3389421833-010719-1210.026[7.156957284750235, 7.121730043055997, 7.17760...[14.747162413722597, 15.548073560884317, 16.81...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.799999999999997, 6.799999999999997, 6.79999...[3.069575227276876, 3.0713927350182493, 3.0732...
30.0714801000.00.1414051833-010719-1310.026[7.256682286107137, 7.237350035531646, 7.27254...[13.017027147293039, 12.651121743582284, 13.91...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.399999999999999, 6.399999999999999, 6.39999...[1.9508693636836856, 1.9523977795413874, 1.953...
40.2167921000.0-0.0121911833-010719-1410.026[7.095817125902336, 7.050223640391819, 7.12869...[32.456068185302364, 23.01562486642484, 21.395...[0.02795137493203615, 0.0283076211590443, 0.02...[0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000...[6.399999999999999, 6.399999999999999, 6.39999...[1.2545438245339104, 1.2553897239251606, 1.256...
\n", + "
" + ], + "text/plain": [ + " freq_score sample_rate power_score action channel_group \\\n", + "0 0.191729 1000.0 0.432532 1833-010719-1 0 \n", + "1 0.255882 1000.0 0.434938 1833-010719-1 1 \n", + "2 0.169116 1000.0 0.338942 1833-010719-1 2 \n", + "3 0.071480 1000.0 0.141405 1833-010719-1 3 \n", + "4 0.216792 1000.0 -0.012191 1833-010719-1 4 \n", + "\n", + " max_speed min_speed position_low_pass_frequency \\\n", + "0 1 0.02 6 \n", + "1 1 0.02 6 \n", + "2 1 0.02 6 \n", + "3 1 0.02 6 \n", + "4 1 0.02 6 \n", + "\n", + " mean_freq \\\n", + "0 [7.154332133229601, 7.106500202042717, 7.13862... \n", + "1 [7.035831237674811, 7.05973079549096, 7.120455... \n", + "2 [7.156957284750235, 7.121730043055997, 7.17760... \n", + "3 [7.256682286107137, 7.237350035531646, 7.27254... \n", + "4 [7.095817125902336, 7.050223640391819, 7.12869... \n", + "\n", + " mean_power \\\n", + "0 [18.005621200653046, 18.66435212100411, 20.504... \n", + "1 [16.966011451769536, 17.60417640800431, 19.452... \n", + "2 [14.747162413722597, 15.548073560884317, 16.81... \n", + "3 [13.017027147293039, 12.651121743582284, 13.91... \n", + "4 [32.456068185302364, 23.01562486642484, 21.395... \n", + "\n", + " speed \\\n", + "0 [0.02795137493203615, 0.0283076211590443, 0.02... \n", + "1 [0.02795137493203615, 0.0283076211590443, 0.02... \n", + "2 [0.02795137493203615, 0.0283076211590443, 0.02... \n", + "3 [0.02795137493203615, 0.0283076211590443, 0.02... \n", + "4 [0.02795137493203615, 0.0283076211590443, 0.02... \n", + "\n", + " speed_bins \\\n", + "0 [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \n", + "1 [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \n", + "2 [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \n", + "3 [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \n", + "4 [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \n", + "\n", + " theta_freq \\\n", + "0 [6.799999999999997, 6.799999999999997, 6.79999... \n", + "1 [6.799999999999997, 6.799999999999997, 6.79999... \n", + "2 [6.799999999999997, 6.799999999999997, 6.79999... \n", + "3 [6.399999999999999, 6.399999999999999, 6.39999... \n", + "4 [6.399999999999999, 6.399999999999999, 6.39999... \n", + "\n", + " theta_power \n", + "0 [3.990633076071412, 3.992883430179942, 3.99513... \n", + "1 [3.649171825378523, 3.6511305369806806, 3.6530... \n", + "2 [3.069575227276876, 3.0713927350182493, 3.0732... \n", + "3 [1.9508693636836856, 1.9523977795413874, 1.953... \n", + "4 [1.2545438245339104, 1.2553897239251606, 1.256... " + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "results.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "identify_neurons = actions['identify-neurons']\n", + "sessions = pd.read_csv(identify_neurons.data_path('sessions'))" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "results = results.merge(sessions, on='action')" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
freq_scoresample_ratepower_scoreactionchannel_groupmax_speedmin_speedposition_low_pass_frequencymean_freqmean_power...iiisessionstim_locationstimulatedtagdateentity_dateHz11Hz30
00.1917291000.00.4325321833-010719-1010.026[7.154332133229601, 7.106500202042717, 7.13862...[18.005621200653046, 18.66435212100411, 20.504......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
10.2558821000.00.4349381833-010719-1110.026[7.035831237674811, 7.05973079549096, 7.120455...[16.966011451769536, 17.60417640800431, 19.452......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
20.1691161000.00.3389421833-010719-1210.026[7.156957284750235, 7.121730043055997, 7.17760...[14.747162413722597, 15.548073560884317, 16.81......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
30.0714801000.00.1414051833-010719-1310.026[7.256682286107137, 7.237350035531646, 7.27254...[13.017027147293039, 12.651121743582284, 13.91......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
40.2167921000.0-0.0121911833-010719-1410.026[7.095817125902336, 7.050223640391819, 7.12869...[32.456068185302364, 23.01562486642484, 21.395......TrueFalse1NaNFalsebaseline i107191833-010719TrueFalse
\n", + "

5 rows × 27 columns

\n", + "
" + ], + "text/plain": [ + " freq_score sample_rate power_score action channel_group \\\n", + "0 0.191729 1000.0 0.432532 1833-010719-1 0 \n", + "1 0.255882 1000.0 0.434938 1833-010719-1 1 \n", + "2 0.169116 1000.0 0.338942 1833-010719-1 2 \n", + "3 0.071480 1000.0 0.141405 1833-010719-1 3 \n", + "4 0.216792 1000.0 -0.012191 1833-010719-1 4 \n", + "\n", + " max_speed min_speed position_low_pass_frequency \\\n", + "0 1 0.02 6 \n", + "1 1 0.02 6 \n", + "2 1 0.02 6 \n", + "3 1 0.02 6 \n", + "4 1 0.02 6 \n", + "\n", + " mean_freq \\\n", + "0 [7.154332133229601, 7.106500202042717, 7.13862... \n", + "1 [7.035831237674811, 7.05973079549096, 7.120455... \n", + "2 [7.156957284750235, 7.121730043055997, 7.17760... \n", + "3 [7.256682286107137, 7.237350035531646, 7.27254... \n", + "4 [7.095817125902336, 7.050223640391819, 7.12869... \n", + "\n", + " mean_power ... i ii \\\n", + "0 [18.005621200653046, 18.66435212100411, 20.504... ... True False \n", + "1 [16.966011451769536, 17.60417640800431, 19.452... ... True False \n", + "2 [14.747162413722597, 15.548073560884317, 16.81... ... True False \n", + "3 [13.017027147293039, 12.651121743582284, 13.91... ... True False \n", + "4 [32.456068185302364, 23.01562486642484, 21.395... ... True False \n", + "\n", + " session stim_location stimulated tag date entity_date Hz11 \\\n", + "0 1 NaN False baseline i 10719 1833-010719 True \n", + "1 1 NaN False baseline i 10719 1833-010719 True \n", + "2 1 NaN False baseline i 10719 1833-010719 True \n", + "3 1 NaN False baseline i 10719 1833-010719 True \n", + "4 1 NaN False baseline i 10719 1833-010719 True \n", + "\n", + " Hz30 \n", + "0 False \n", + "1 False \n", + "2 False \n", + "3 False \n", + "4 False \n", + "\n", + "[5 rows x 27 columns]" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "results.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "results = results.query('stim_location!=\"mecl\" and stim_location!=\"mecr\"')" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [], + "source": [ + "def action_group(row):\n", + " a = int(row.channel_group in [0,1,2,3])\n", + " return f'{row.action}-{a}'\n", + "results['action_side_a'] = results.apply(action_group, axis=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
action_side_achannel_groupmin_speed
71833-010719-1-070.02
31833-010719-1-130.02
151833-010719-2-070.02
111833-010719-2-130.02
231833-020719-1-070.02
\n", + "
" + ], + "text/plain": [ + " action_side_a channel_group min_speed\n", + "7 1833-010719-1-0 7 0.02\n", + "3 1833-010719-1-1 3 0.02\n", + "15 1833-010719-2-0 7 0.02\n", + "11 1833-010719-2-1 3 0.02\n", + "23 1833-020719-1-0 7 0.02" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "lfp_results_hemisphere = results.sort_values(\n", + " by=['action_side_a', 'channel_group'], ascending=[True, False]\n", + ").drop_duplicates(subset='action_side_a', keep='first')\n", + "lfp_results_hemisphere.loc[:,['action_side_a','channel_group', 'min_speed']].head()" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [], + "source": [ + "colors = ['#1b9e77','#d95f02','#7570b3','#e7298a']\n", + "labels = ['Baseline I', '11 Hz', 'Baseline II', '30 Hz']\n", + "# Hz11 means that the baseline session was indeed before an 11 Hz session\n", + "queries = ['baseline and i and Hz11', 'frequency==11', 'baseline and ii and Hz30', 'frequency==30']" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "def make_entity_date_side(row):\n", + " s = row.action_side_a.split('-')\n", + " del s[2]\n", + " return '-'.join(s)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "lfp_results_hemisphere['entity_date_side'] = lfp_results_hemisphere.apply(make_entity_date_side, axis=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "from functools import reduce" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "keys = [\n", + " 'freq_score',\n", + " 'power_score',\n", + " 'speed_bins',\n", + " 'mean_freq',\n", + " 'mean_power'\n", + "]\n", + "\n", + "results = {}\n", + "for key in keys:\n", + " results[key] = list()\n", + " for query, label in zip(queries, labels):\n", + " values = lfp_results_hemisphere.query(query).loc[:,['entity_date_side', key]]\n", + " results[key].append(values.rename({key: label}, axis=1))\n", + " \n", + "for key, val in results.items():\n", + " df = reduce(lambda left,right: pd.merge(left, right, on='entity_date_side', how='outer'), val)\n", + " results[key] = df.drop('entity_date_side', axis=1)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Scores" + ] + }, + { + "cell_type": "code", + "execution_count": 91, + "metadata": {}, + "outputs": [], + "source": [ + "vss = [\n", + " ['Baseline I', '11 Hz'],\n", + " ['Baseline I', 'Baseline II'],\n", + " ['Baseline II', '30 Hz'],\n", + " ['11 Hz', '30 Hz'],\n", + "]" + ] + }, + { + "cell_type": "code", + "execution_count": 92, + "metadata": {}, + "outputs": [], + "source": [ + "ylabel = {\n", + " 'freq_score': 'Frequency score',\n", + " 'power_score': 'Power score'\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 93, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAHWCAYAAAACWoDJAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5hkVZn48e+9dStX5zg9eZjhMAxhyEmUICIGFAMGBBUTBnRddc2L2WUFdw2oK/vTVVlM6KIEJUpGMkiawwyTZ3qmc6p8w++PWzU0Q4fq7lv5fJ6nn5qpe+ue0xPePvE9muM4KIqi1DO93BVQFEUpNxUIFUWpeyoQKopS91QgVBSl7qlAqChK3VOBUFGUuqcCoaIodU8FQkVR6p4KhIqi1D0VCBVFqXsqECqKUvdUIFQUpe6pQKgoSt1TgVBRlLpnlLsCpSKEuAD4BCCABHAz8EUp5bYCP78H6Jrm8hVSyo/td/9rgc8DhwIWcDfwZSnlP+b3HSiKUixaPeQjFEJ8E/gC8AxwPbAMeCswDBwrpdwyy+e7gV7gMeDPU9zyoJTyxkn3fwD4KbANuAZoAd6Ru3yKlPLBBX1DiqJ4quYDoRDicOBx4B7gdCllJvf+OcAfgeuklGfP8oxXA38BviCl/PYs93YBW4EdwDFSytHc+8cBdwEbgPVSytr+g69SQoibAUdKeeYU134KvEJKKab57BeAS6SUwWmuvxP4X6BHStnrYbWVBaqHrvHHc69fywdBACnl/wkh7gJeJ4RYLKXcNcMzDs+9PlFAeR8EQsB38kEwV94DQojfABcAJwD3zeWbUIpHCKEBrwX+CgwCjhDCD5yJ+wPwVcAduWuDQggdOAV4VEo5IoQ4DXgkfz33zOOA3VLKHUKIk4BN+WcDQ0KIdYAtpXy2ZN+oMq16mCw5DTBxW2P7uw3QgFNnecb63GshgfC0Sc+eqrzJ9yiV4TjgOmA77pjuIbjDGtcBbwNuAHYDr8QdJ5a4f5dvFEIEgGtxh07OB3xCiMeAvwPvyz3//wE7gc8BaeAm4CngsyX43pQC1HQgzP0jXQ7skFKmp7hlc+71oFketR6YAN4shHhcCBEXQvQKIa4UQiza794DcQPvVJMwhZanlNYDuAHwu8BaYB3wE+BE4Le4E2yfAQ4GVuEGxtOBq3O9jHXAhcBqoBN4GreF+e+5578cOBfoxu0tJIE3Af9U/G9NKURNB0KgFbfFNzTN9XzXtXm6BwghwsAaIAZ8Gfc/zU9xf8K/H3hYCLFi0kfagFEppTWf8vYr++lpvsaEEFNN2ijzkBuvlcCrcf9+H8btDj8mpbSklBuBlwF7gT8BZwFP5IdapJQ7cANoCPg5cAawQUqZyF3vw50wWw38EDcw7pZSjpTsm1RmVOtjhIHc61Stwcnvh2Z4xiLcn/AjwDlSyiHYN670TdwlMv+N223Kl7mQ8goRWL169etxx5sUD1x55ZV89KMf5de//jWGYXDuuedy6aWXJgE2bNhAKBTi8ssv59BDD135+te/nosuumgg/9mBgQGam5v5yEc+wlvf+tb3nn322ZxyyinP56+n02mWLVvGqaeeyuc+97mPvfOd76S5ufnv5fg+64A2rw/V8qyxEKID6AMellIeM8X11+Muh/melHLO3RQhhAE8j7scp0dK2SuEiAMJKWXHFPcfCvwD+JOU8o1zLW/Sc55evXr1wTfccMN8H6FMoa+vj87OTgD27t1LV1dXQdcA+vv7aW9vR9O0F92bNzY2RiAQIBQKMTg4SFNTE4ZR6+2QsphXIKz1rvEoYDN9V7Rp0n1zJqU0gUdzvz0g9zoENOZajJ6WpxTX5OC1f6Cb6RpAR0cHmqa95N68xsZGQiG3I9DW1qaCYIWp6UCYG8PZDCzLLYfYXz54PTPdM4QQPUKIlwshlk5zSzT3msy9bsDtHk91/6zlKYpSejUdCHPuwA1MJ01x7XTccbZ7Z/j8u4A7mWKpgxAiBhyJu2Xv6UnlwdRLZE7Pvd4zS50VRSmhegiEP8u9fis3Awzs21lyMvBnKeXOGT7/B9zlMO/NjfHlP28A/4k7S/wTKWUqd+kq3EmRLwkh2ibdfxzumrTHpZQzBV5FUUqspidL8oQQPwQ+CmzEXfy6BHdd1wBwopRyc+6+U3B3DDwupbx20uc/BVyG2/39Pe4e5dNw157dA5yZXyqRu//TwHdwF+H+FmgE3ok7XnmqlPKhBX4/arJEUaamJktmcHHuK4275e4VwG+YFARzTgEuAV40oyulvBx4DXA/cA5wEe6f3eeBV04Ogrn7L8MNfLuBDwOvB24BTlpoEFQUxXt10SKsNapFqCjTUi1CRVGU+VCBUFGUuqcCoaIodU8FQkVR6p4KhIqi1D0VCBVFqXsqECqKUvdUIFQUpe6pQKgoSt1TSdGUskokEmQymdlvVIoqEAgQiUTKXY2yUYFQKZuPfOQj/OQnP0Ft8yw/TdO46KKL+NGPflTuqpSF2mtchWphr3EikSAWi6kgWEE0TWNiYqLaW4Zqr7FSPTKZjAqCFcZxnLodplBdY6UibN26laamptlvVDw1OjrKihUryl2NslOBUKkITU1NNDcXdNyzonhOdY0VRal7KhAqilL3VCBUyiIQCKDr7j8/n89HIBAoc43qk/p7cKlAqJTMcDrBppE+No30sTszwfkffB8+n493feBCdmcm2DTSx5axAWzHLndV60YkEuHiiy/G5/PxsY99rNqXzsybWkdYhapxHWF/cpz33voLUlZ2xvt0dN665kg+sO7kEtVMqTHzWkeoZo2Vktg8OsBENs3u+Ag+beqOiONA0DDYONJf4top9U4FQqUkRjNJLMchbARYHJ16mUzCzDCQmmAknZjyuqIUixojVEpiJJ3Asu1pW4MAPk3Hsm0VCJWSU4FQKQm3RWhjzBYIHYfxbBrTtkpYO6XeqUColMRI2g2EPn2mQKjhOA6O4zCWSZWwdkq9U4FQKYmRdHLWrrGmafh0HdOxGUknS1g7pd6pQKiUxEgmgenY+LSZVzfsGyfMqHFCpXRUIFRKopCuMYCh6ViOzXBKBUKldFQgVIrOdux9s8YzTZYA+PRcIFQzx0oJqUCoFN1oJoVl29iOM+MYIbhdY1MtoVFKTAVCpeiGUnF3fFDX0WYZIzRykyWDqXiJaqcoKhAqJdCfHC+oWwzuGKFpWwykJkpQM0VxqUCoFN1AcoKsbWHovlnvNXQfpm0zkFSBUCkdFQiVotubHMe0LYxZZowB/LrbIuzLtSIVpRRUIFSKrjc+Sta28BfQIvRpOg7sC4aKUgoqECpF15twA2GggECoaRp+XSdjWeyOj5agdoqiAqFSZLZjs3N8mEyBLUIAv26QtS12TgwXuXaK4lKBUCmqPYlxUlYW23EKDoQBn4+0ZbJ9fKjItVMUlwqESlFtGe0nbZkEdN+sawjzgrpBxjbZPKYyVSuloQKhUlSbcoEw6Cs8GXrQZ5C2TLaMDaqZY6UkVCBUikqO7CVlZQn6/AV/xq/7cByHeDbN1vHBItZOUVwqECpFY9k2zw7tIWlmCRuFB0JN0wgZfpJmlmeGeotYQ0VxqUCoFM3G0T7Gsykcxylo6cxkYZ+flJXliYGdRaqdorxABUKlaB7t307CzBAxAgVPlORFjADxbIYnBnaqcUKl6FQgVIrmkb5tJLJuIJyroM/AzuUllCN7ilA7RXmBCoRKUQyl4jwztIeEmSHqn3sg1DSNqD9IPJvmvt7NRaihorxABUKlKO7rfZ54Nk3QZxSUdWYqMX+QiWyae3ufx3Ecj2uoKC9QgVApitt3SsazKWL+4LyfETECZCyTnRPDavZYKSoVCBXP7ZoY4emh3cSzGRoWEAh1TSPmDzKWSXHrjmc9rKGivJgKhIrnbtz2JOOZNBHDP+9ucV5DIMRYJsUdu54jnk17VENFeTEVCBVPJc0sN29/lpFMgqZAeMHPC/v86JrGYCrOLapVqBSJCoSKp27d8aybUNVhXstm9qdpGs2BMKOZJH/a/IRaU6gUhQqEimdM2+KaTY8ynErQHIzMeRH1dBoCIdKWybbxQe7cvdGTZyrKZCoQKp65fadk+/gQGdukMRDy7Ll6rlU4lErw240PYzuqVah4SwVCxRMZy+Qq+QBD6TgtwQi6R63BvKZgmKSZYeNIH7fvlJ4+W1FUIFQ8cf3WJ93WoGV6MkmyP5+m0xqKMpia4Cr5ABnL9LwMpX6pQKgs2HA6wdXyQfqTE7SGop63BvOaAmEyuYStf3z+saKUodQnFQiVBfvVhr/TmxhFAxr93o0N7k/XNNpDMQaSE/xm48PqEHjFMyoQKgvyzFAvN2x9ksFUnI5wzLOZ4unE/EF0TWNvYowfP3VXUctS6ocKhMq8ZW2L7z9xOwPJCaJGgLAH6wZno2kaneEGhlJx7tr1HPfvUZlplIVTgVCZt99ufJgNw3uImxnaQ7GSlRv0GTQFwvQlx7niH3cwnkmVrGylNqlAqMzLppE+rpYPsjcxTkcohk8v7T+l1lCUrG2xdWyQ/3r67pKWrdQeFQiVOUtbJpc/dit9yXFCPmNBqbbmS9c0usKN9CfHuWnb09zb+3zJ66DUDhUIlTn7+TP38czQbiayaTrCDUWfIJlO2PDTFAizNzHO9x6/Tc0iK/OmAqEyJw/t3cofNz/G3uQ4XeEGjBJ3iffXFopiOzY7Joa5/LFb1PY7ZV5UIFQKNpCc4DuP3czexBgN/iDRMnSJ96dpGt2RRoZScR7Yu4XfbHy43FVSqpAKhEpBLNvm0kdvYvvYEJZt01bCWeLZBHwGHeEYvfExfrXhAf6hzkJW5kgFQqUg/7Phfh7eu43hdILuSGPRttHNV2MgTNjw0xsf5duP/JWhVLzcVVKqiAqEyqzu7X2e3258mN7EKF2RRgI+o9xVmlJnuGHfkppvP/JXTNsqd5WUKqECoTKjnRPDXP7oLeyJj9LgD5VlqUyhdE1jUW688KG9W/n5s/eVu0pKlVCBUJlW0szw9YduZMfEMADtoWiZazS7gM+gK9LInsQYv9/4KHfueq7cVVKqgAqEypQcx+Hyx27NrRdM0R1pKtt6wbmK+YM0BkL0Jkb57mO3snl0oNxVUiqcCoTKlH678WH+tlPSlxinO9JU9vWCc9UWdPMi7oyP8PWHblD7kZUZVde/bqUkHt67jf959n52x0dpD8UIG/5yV2nONE2jO9xIIpvhuZG9/NsjN6nF1sq0VCBUXmT3xAj/9uhf6U2MEjUCNAW9T7tfKj5dpyfaxEBygvt6n+cXz/693FVSKpQKhMo++cmR7eND2I5De7hyFk3PV9Bn0BluoDcxyq83PsTd6jhQZQoqECqAOznyn4/fzlNDuxnLpFhUgYum56shEKLRH6I3Psrlj93KtvHBcldJqTAqECoA/N/mx7l157P0JcZYFGnC0H3lrpKn2kJRNDR2Tgzz9QdvJJ5Nl7tKSgVRgVDh6cHdXPn0PfTGR2kLRatycmQ2+eQM8WyaDcN7+I/Hb8NxnHJXS6kQKhDWueF0gm89/Bf2xEcJ+fxFOZO4Uhi6zqJIE/3Jcf62U3Lt5ifKXSWlQqhAWMdsx+Y7j97M5rEBMrZFZwlOoSu3kOGnLRSlNzHKlU/fzYbhPeWuklIBVCCsY9dsepS/79nCUCqemxypj38OTYEwQZ/BnsQYlz5ykxovVFQgrFcbhvfw82fvZ09ilPZwrGIzyhRD/kjQpJll40gfP/jH38pdJaXMVCCsQykzy2WP3kJfYoygz6DRHyp3lUrOp+ksiriHP922Y4NKzlDnitYMEEJEgBYp5a5ilTEXQogLgE8AAkgANwNflFJuK/DzpwL/AhwHxIDdwHXA16SU/fvd+2rgLzM87hgpZdlyyv/82ft4bmQvCTPDslhrzY8LTidk+GkORtibGOOKf9zBIW09FZV5WykdTwOhEEIHPgm8HzgQcABDCPFJ4ATgk+UIjEKIbwJfAJ4BrgCWAW8HzhRCHCul3DLL598D/AxIAn8E9gLHAx8DXi+EOF5KOXnUfX3u9efA9ikeuXv+383CPDO0m2s3P05fcpyucGPJzyOuNK3BCDuyaXZMDPOjJ+/iy8e8ptxVUsrAs0AohDBwW0ivwg2AY0Bj7vIy4C3AUbmg0T/1U7wnhDgcNwjeA5wupczk3v8dblD7HnD2DJ9vAb4PTOC25OSka18DvgxcCrx70sfygfCLUspe776bhcnaFt9/4m8MJCeIGgGi/kC5q1R2mqbRFWlk58Qwd+16jnuXCE5adEC5q6WUmJfNgU8AZ+K2nNpxA0ze54DvAiuBT3tYZiE+nnv9Wj4IAkgp/w+4C3idEGLxDJ9/DdAA/PfkIJjzdSANvH6/9w8H+ispCAL8afPjbBjeQ9zM0K66gPsEfQZNwTB9yXF+8uSdpMxsuauklJiXgfAC4HEp5QeklCO4rUIApJRpKeWngb/z0qBRbKcBJm7Q299tgAacOsPnnwW+CFwzxTULyOKOGQIghAgDa4CKWq07nE5wtXyI/uQE7aFo3XeJ99cajJKxLLaPD/OH5x8rd3WUEvNyjHANbhdyJnfjjquVhBAiACwHtkopp1ostjn3etB0z5BSPgo8Os3lV+MGwcnXDwN8wLgQ4krcoYJOYCPwU+AKKWXJ93ZdteEB9iTH0ICGOpwlno2uabSHovSnxvn9pkd4zfJ1tFTB0QSKN7wMhCmgbZZ7unC7kqXSitviG5rm+mjutXmuDxZCNAH/mfvtjyZdOjz3eg7wEPA73KGC1wI/AE4QQryrkGAohHh6mktzGsTamxjjr9ufZigVpzvSWLezxLOJ+YOMZJL0J8f5/aZH+eAhJ5e7SkqJeNk/ehg4Oze58BJCiG7cSYmHPCxzNvnZgOmCb/79OTWRhBANwA24reC/4I6L5gVxW5pfllIeK6X8jJTyvcA64EngncB5cylvoX6/6RGGUnGCukHEUBMk09E0jdZglKFUguu3PslwOlHuKikl4mWL8DvATcCdQogvkGsdCiHacZeafAdoYvbus5eSudfp/vfnz6acKPSBuYB+A3Ak8ADwtsmtOynlD3Bbfi8ipewXQnwKd/3i+cBVs5UlpVw3TR2eBg4upL7jmRQ3b3+WkXSCrkjj7B+ocxHDj6HrDKXi3Lj1Kc4Tx5a7SkoJeNYilFLeAnwG9z/on4CP5i7tzf1eAN+QUt7gVZkFGAVspu/6Nk26b1ZCiEOBB3GD4O3AGVLK8TnU58Hca8nWZ9y8ww2CPk0n7Ku99Fpe0zSN5kCY0UySv2x7Sh0SXyc8nTqUUl6OGyR+gttVfh54HHdh8UlSyku8LK+A+mRwu6nLhBBTRYF8QHpmtmcJIU7DXYu4FLc1d9ZUQVAIcZgQ4gwhxFQDcfnR9+QU1zznOA43b3+G0UySpkBYjQ0WKOYPkrUteuOjPNI31Xp4pdZ4uaD6YuDe3CzrR2e7v4TuwN3pclLu15OdjrvM596ZHiCEOBm4HggD35JSfnGG238DrAWOwf1hMNnLc68PUgLbxofYMjZA0szSrbrFBdM0jQZ/kPFsirt7N3Fc98pyV0kpMi9bhF/F3cFRafITGd/KrfEDQAhxDnAy8Gcp5c7pPiyEaMOd+Q3jToDMFATBDYQA/5ZbvpN/znLg33DXHv5wzt/FPNzb+zwT2TQRw4+vTlJseSXmDzGeSfP33s1YtjoGtNZ5OVniB2bcs1sOUsr7hRBX4LZSnxBCXAssAc7FHb/85/y9QohTgFNwF4Zfm3v7U0A3MIK7b/or0xT1NSmlDVyGuxvldOBJIcSNuMt43oA7JvkJKWVJVuw+MbCTRDZD1AjOfrPyIiGfge3YjGSSbBrtR7R0lbtKShF5GQh/CZwnhJhqK1q5XQxsAD6Eu+VuELfl9q9Sys2T7jsFuAT4BZAPhGflXptz16bzDcCWUiZyAfVfgHcAH8HNdvMA8O9Syts8+H5mlbFMNgz3kjQztKuFwXOmaRphI0DSzPDk4E4VCGucl4FwO+7i5aeEEE/iTlJMtRDLkVK+e4r3iya3vOWHzNIllVJ+BfjKfu8dMY/yUsDXcl9lsXNimGRuz6y/xk6kK5WQzyBtmTw/OlDuqihF5mUg/PakX6/nhQws+3N4caYWpQi2jQ+RsUyCPkPNFs9TwGeQSCfYPjHdxiSlVngZCGdKXKCU2J7EGBnbUq3BBQjoPjK2xZ54QctMlSrmWSCUUt7p1bOUhRtNJ7EcW80WL4BP07Ecm4SZJWOZdXWuS73x/G9WCBHFTcJ6BO4C4kHcPbZ/nuMuDGUBxrMpbMdRLcIF0DUNHHdh+kQ2TasKhDXL61T9ZwD/i7vPePLAlAMM5bKu3ORlmcr0Sp7rq8bkx1YdwFF/mjXNs36TEOJg3CUnrbjLTy7EzVj9duBK3CzP1wghhFdlKkoxOY4z6ddlrIhSdF62CL+Im+XlNVLKm/e79jshxDXAX3HX173Pw3KVKYQNPzoatvofPG/5Pzld09T5LjXOy0B4GnDDFEEQACnlrUKI64EzPCxTmUaDP4RP0zAd77aHpUcrf4g32NTg2bMsx0bXNHyaTkhl7qlpXgbCVtx09DPZiJveXimy1lAUQ/eRypqePfP2C2bbZl1+Z/3Ju3SXpm1j6D5aQxG1FrPGebm2Yg/uTPFMjgD6PCxTmUZ3pBG/7iOr8unNWza3DnNRpGn2m5Wq5mUg/CtwqhDigqkuCiE+gLvo+q8elqlMY3G0Gb/PDYSOGiecl4xt4td9LI7N+Ugbpcp42TX+OvBW4OdCiLfj5v4bBRYDrwBehpvB5RselqlMozvaSIM/iE/TyNgWQbUGbs7SlkmjP8SqxvZyV0UpMi93luzMZXG+Cncc8NW4E2/5wZUNwHlSSpXytwR0TWdVUwfPjw6QtrKeBMLTfvlND2pWHRzHIW2ZBMMGq5o6yl0dpcg8bSZIKR/PnetxPG7K/iZgDPfc3/vLcZ5vPVvb0s3duzeRNLM0BsKzf2AWXs7IVrr82GrUCLJaBcKaV4z+UiuwQ0p5f/4NIcT5uElbe4tQnjKNda09hH1+xjIlOSKlpiStLCGfnwNbutQe4zrg6Y783DGeu4F3TXrPwD28aasQ4sNelqfM7JC2HiKGH8u21ezxHCXMDBEjwGFti8tdFaUEvNxi93bciZBdwFOTLmnAP+Embv2hEOJNXpWpzCzqD3JQazdhI0DCzJS7OlXDcRySZpaI389RncvKXR2lBLxsEX4C2AEcIaW8Pv+mlDIrpfwhcDRu1/ifp/m8UgRHdCwjYgRIZFUgLFTaMtHQaApEOLBZpeivB14GwoOAa6SUU2axzL3/R2ZfdK146NiuFUT9botQrScsTNzMEPUHOKpzGYZKY1YXvAyENu4BRzMJ5u5TSmR1Uwcd4QYM3bfvDBNlZvFsmqgR5JjO5eWuilIiXgbCJ4DXCSE6p7oohGgFXpe7TykRXdM5LtcqnDDT5a5OxcvaFlnbIuoPcEzXinJXRykRL9cF/Aj3IPRbhBBfAu7H3VnSBByHewB8N/AZD8tUCnBc90r+tOUJeuOjOKGYSiAwg3g2TcQIcHDrIpqDkXJXRykRz1qEUsprcA83PxQ3QeteIJV7/TPuAusfSCmv9qpMpTBHdCyjMRDGAdK2d9loalE8myHqD3J896pyV0UpIU/XEUop/wU4Cfgp8CDwPG5X+JfAaVLKf/KyPKUwQZ/BUR3LiPmDxNXs8bQsxyZpuRMlJ6hAWFc8XzKf21Fy/6w3KiV1fPdKbt2xgcHUBG2haLmrU5ES2QwhX4CVje0q40ydKfreISHEMuBEYLOU8sFil6dM7diulUT9AfYkrH159pQXm8imifoDqltch7zeYvcBIcSzQohg7vevBp7DPdnufiHEb4QQ6n9gGTQFw6xr6yFiBIhn1ezx/hzHIWFmiPmDHNe1stzVUUrMyy12bwX+C1iJOzsM8J+4Bzr9D3Anbr7Cj3hVpjI37jIaNU44laSZxdB9dIQbEC1TrgBTapiXLcKPAP3AWinlNiHE4cCBwB+llO+TUp6GO3Hybg/LVObg2K6VRPwBklYW28NDnWpB3Ezn1g4uR9c87SgpVcDLv/H1uFvstuR+n0/Meu2ke24H1LnGZbI01sLiaDNBn0FC7TJ5kbiZIWoEObZzRbmropSBl4HQj5uENS9/bOftk97zAep/YJlomsYxXStUEob9ZC0Ly7aJ+gOs71ha7uooZeBlINwMHA4ghGjHPaPkWSnl7tx7Gm5w3OZhmcocHdWxjKg/QFwlYdgnnss9eHBrD1F/sNzVUcrAy0B4A3CmEOIXuV/7gasBhBDH5d5bizuDrJTJYe2LiRpBbEcla81LmBki/gBHqtZg3fIyEH4d+BtwPnAMcA/w3dy1t+KOGd4A/NDDMpU5ChsBdxmNXyVrhXwSVrdFeKRKwlq3vDzFLgG8UghxMKBLKSdnqf49cBNwqzrAqfyO6FjK3bs3Es9maK7znmDKMvHpOi3BiDqkqY4VY4vdM1O894DX5Sjzd0THUiJGgIHkBI7j1HU2mvzZJIe3L1XLZuqY+puvQ6ubOmgKhtE1nbRV39lo8t3i9R1Lyl0VpYxUIKxDuqZzWNtiIoa/rscJbcchZWUJG37Wt6uJknqmAmGdWt++1N1lUscLq1NmFr9u0BVppCfaVO7qKGWkAmGdOrxjCWEjv92uPuevXhgfXFLX46SKCoR1a1mslY5QDL/uI2XVZ6swHwhVt1jxMvvM5UKIdV49TykuTdM4vH1J3Y4TWrZNxrbc8UE1UVL3vGwRfhL4hxDiQSHEh4UQKsVvhVvfsdTtHtdhIExaWUI+g2UNrbSFYuWujlJmXgbCV+FuqTsYuALYLYT4tRDiVbl9xkqFObJjGREjQDqXdKCeJLK53SQdajeJ4u0pdrdKKc/HTcr6fuBh4FzgL8B2IcQ3hRAHelWesnDt4RjLG9sI+Yy66h47jkPcTLv7i9W2OoUiTJZIKSeklD+TUr4cWAP8K7Ab+CzwrBDibiHEe4QQIa/LVubumM7lbtbqOgqEGdvCARr8IQ5rW1zu6igVoKizxlLKzcAfgeuBHYCGe9znz4CdQgh1vGeZHd25fF8ChnpJy5U/xHisvIYAACAASURBVP2w9iWEDH+5q6NUgKKcYieE6ALOw81Ec1ju7d3At3DHEY8EPgNcLoRollJ+pRj1UGZ3SFsPrcEovROjpCyTcB0EhriZoSUY4bju2jykKdP3PGN3/Rw7HS9aGaFVx9Bw/DtqZv2lZ4Ew19V9E27wOz337AzwB9wW4E2TMs88I4T4M7AR+CjwFa/qocyNofs4pnM5W8cGmcimaz4QmrZF2jKJGAGOr8HT6rJDO+n7xUfI9EqcIq4PTTxzO3Z6guZTPli0MkrJyxbhXiCG2/39B27wu0pKOTTVzVLKMSHETqDHwzoo83BSz2r+su1p9iRGaQ9Fa+an/FQmsmmiRoB1bYtoD9fWshlzrI++X36UTO8G7HQcPdpapIIymEPbGbntx/gizTQce25xyikhLwOhBfwY+JmU8tECP/NVYKeHdVDm4ejO5bSEIuxJjNV893g8m6Y5GOZli9aUuyqesuLD9P3qYtI7nsROjmO0r0DzFWXky6VpmIPbGbru39ACEWLrX1e8skrAyz+pRVLKNIAQwiel3JcHXgixKjdx8iJSyj97WL4yT0GfwQndq9g5Mcx4NlWzgTBrWWQsk5g/xMk9q8tdHc9YyTH6fvUx0lsfwU4MY7QtL24QBPRYO45tkx3azuD/fRXNCBA95FVFLbOYvFxHmBZCvEII8SgvPcT9aSHEU0KII7wqT/HWK5eupTEQYjyTqtkkDGPZFDF/kCM7ltZMt9hOjtP3q4tJPf8g5vgARtsyNCNQ9HI1TcPX2InmD5Md2MrA779I4pnbZ/9ghfJyr/ExuOn4D8UdJ8y/H8Y9q+QA4B4hxHqvylS8c3j7YhZFmgn4DOLZdLmr4znHcRjLJGkMhDl96dpyV8cTdmqCvqsuJrXpfszxfvxty9GM0p29oGkavqZuNCNIdnAb/b/7HIln/1ay8r3k5TrCf8U9s/h4KeX3829KKZNSyrfgrh/UgEs8LFPxiK7pnLn8YJoCYUYzyXJXx3MJM4Ou6XSEY7xs0QHlrs6C2akJ+n71MZIb78Mc63NbgmU4ilTTNHzNi9B8frIDW+n/bXUGQy8D4VHAr6WUj0x1MTeB8jvgFR6WqXjo1cvW0RgIkbbMmkvhP5JJ0hQIc8aytQSKPH5WbFMFQd1fvo1abjDsyQXDLfT/9rNVFwy9DISNwGxNiWEg7GGZiofawzFe1rOapmCYkXSi3NXxTMYySZlZmoIhXrvisNk/UMHcMcHKCYJ5Lw6GW91gWEVjhl4Gwo3AGUKIKX/cCiF8wKnAS2aPlcrxxlXraQ5EGM+mMWvkAPjhdILGQJgTuw+o6pT8+THBSguCeS8Jhr/7XNUEQy8D4dXAQcDPhRBtky/kchP+F+5EytUelql4bG1LN4e299DgDzKSrv6xQtO2GM+maQlGePPq6l204HaHKzcI5k0ZDJ+9o9zVmpWXgfA/gPtw9xjvzi2XuVcI8RTurpMLgQeByzwsU/GYpmmcu/poWkJRRjPJqs9TOJxO0BAIsb5jKQe3VucmJjudoO9/P0Fy470VHQTzXhoMP0tC3lXuas3Iy3WEJm7X94u43d+DgRNyr7uBrwGn5BddK5Xr2K4ViJYuov4gw5nqHSs0bYvRTIrWYIS3rTmq3NWZFzuTpO9//4nkc/dURRDMmxwMzX53zDC56f5yV2tank6fSSmzwLeBbwshgkAbMCGlHPOyHKW4NE3jvAOPRQ7vYcf4MM2BCIZefed8DeVag4e1L67KTNSOmaH/N58hKe/CHN2L0bq0KoJgXj4YWsO7MPu30P/rT9F5/g8JrTiy3FV7iaL965ZSpqWUu1UQrE4ndK9ibcsit1VYxHROxZK1LcZzrcF3ieOrLpGEY1sMXPMlEs/cjjnai9G6BD1QfQsuNE3D17IYNI1s/xb6/veTpHc9U+5qvYSnLUIhRAR4A7ASCDJph8kkjpRSLaqucJqm8Z61J7JheA/bx4doDkbw675yV6tgg6k4jYEwx3St4IiO6jqu03Echq77FvEnbsQc2YXRsgQ9ECl3teYtHwzNwR1k+zbRd9Un6L7wSvwdK8pdtX28zEe4ArgTWMLUATDPQe0uqQpHdizlmK4VjKSTDKbidEcay12lgqSsLPFsmhWNbbx37Ynlrs6cjd72Y8Yf/D3Z4Z0YzT3owWi5q7RgmqZjtC7FHNxGdo9k71UX0/2+n2E0dpS7aoC3LcJvAkuBO4A/AyO4QU+pUpqmceHaE3m0bztbxgZImdmKT23vOA4DyQlaQ1FOX3IQa5o7y12lORl/6BpG7vgp5uB2fI2d6KGGclfJM5r+QjDM7Hqa/qv/ia73XokeLH9r18tA+CrgQSnlaR4+Uymz1c2dnLFsLddsepT+1ARLos0VPd4WNzNkbZuOcIz3VFlrMLnxPoauvxRzaAd6tAVfpPaOBtd8BkbrUrIDW0lteZiB33+ejnd+F63Mwy5eTpZEgeraYKgU5N0HnUBXpBHLsZmo4Mw0dq412BGO8eYDjqQzUj2tqUzfZvp/93nMoR1ogTB6rL3cVSoazQi4LcPRPSSeuY2Rm78/+4eKzMtAuAFY5eHzlArRHo7x9jVH0xFqYCA1UbH5CkfSCQzdx9JYC+dW0bpBKzlG/68/hTmwBcdx8DUtquhWtxf0QBijaRHm0E5G7/kFE4+VN0ezl4HwB8Abc3kJlRpzzgFHsKqpnaDPYLgCEzKYtsVwOkFHOMaFB59EuATJSb3g2DaDf/gymV1PYacmMFoW13wQzNPDjejRFszhnQxe9+2yLqvxcoxwFHgcuFsIcTNuCzE1xX1q+UwVCvoM3r/uZVzywHXsGB+iMRCqqOU0A6l4bivdEk5dcmC5q1Owsbt/5q4VHOsrSYr9SqPH2nGyKczBHQz87nN0X3QVvnDpVyd4+ad+zaRfvy73NRW1fKZKndi9imO7VjCWSdKfnKiYTC5JM0vczLCyoY0PHfJydK06dsGktj7KyO3/hTm8C19jV1XtGvFKfveJ2b+FTO8Ghv70DdrfdmnJW8VeBsL3evgspQJpmsaHDjmZx/t3sGVsgHg2Q9Rf3i6o4zj0J8dpD0U5a/k6DmzuKmt9CmUlxxj4w5cxh3ehBSM1OUNcKE334WtZgjm4jfiTNxFafTwNR7+ppHXwLBBKKX/h1bOUyrW8oY03rlrPr+TfGUiNEzFayzqmNZZxR18WRZq4YO0JZavHXA3f+B2yezfimGmM9to7aH6u9EAIX0M75sguhv/6XUIrj8HfVrodQUXpQwghuoUQZwkhzsv9vmu6hK1K9XmnOJYl0RZ0TWekjOebWI7NYDpOR7iBdx10HC0VsDC3EAl5FxOPX485utfN0FKFCS2KQY+2gubDHN7J0J+/gVPCFHCe/g0IIXqEENcBu4DrgXwr8QPAViGEWmxdA2L+IBesPZ6OcANDqThmmXIWDqXihA0/oqWL1604tCx1mCs7nWDo+kuxRnrxRVuqMpFCsWiahtG8CGtimOSm+5l47E8lK9vL4zzbcROzvhZ39vgfvLDnOA30ANcJIQ7xqkylfM5cdjBrW7uJ+YMMlSE7TcYyGcukaA/F+MC6kzEqaAZ7JqN3XEm273kcM4PeULuLpudLMwL4GjowR/cwcssPsRKjJSnXyxbhl4BlwLullEcB1+YvSCm/g5uVJgB8zsMylTLRNZ0PrTuZtnCM8Uyq5KfeDaTiNAcjnNC9iqM6qyPXYHZwO2P3X401ttc9D7hKZrdLTY+2gGNjDu1g9I6flqZMD5/1BuBGKeWvproopbwOuA73fGOlBhzWvoSXLTqA5mCEwVTpWoVJM0vKytIWivK+ddXzz2nk9p9gjfejGUH0UKzc1alYmqbha+zCGutn/MFryA7tLHqZXgbCHtzu8EyeAxZ5WKZSZu9ZeyJtoSgpK0vSzBS9PMdxGEhN0BqM8url61je0Db7hypApu95Ek/ehBUfRG+srow45aAHo+APYk0MMHbXz4pfnofPGgQOmOUekbtPqRHLGlp59fJ1tAajDKbiOEXeh5wwM1i57DLniWOLWpaXxu75JVZ8CD0QrcuF0/Pha+jAnhhk4okbMMf6ilqWl4HwNty9xuunuiiEOAF3t4nKUFNj3nHgMbSFomRti6SZLVo5juMwmIrTGopy9qrDaauS7qU1MUTiqZux48PosepowVYCPRAGI4gdH2bi4T8UtywPn/U1IAPcI4S4DDgKQAjxltzvb8td/7aHZSoVoCPcwGtWHEJrKMpgEWeQ42YGG4fOcANvOaDyDgCaTvzJv2LFh8HnV8tl5sgXbcGKDzPx+PVFXVfo5XGeG3GXzowC/4zb+tOA3+Z+nwDeIqV82qsylcpx7pqjaA3mW4XejxU6jsNwOkFLMMprVx5KU7B6Akrimduwk2PokcrYm11NtFAMx8xgDu0is/PJopXj9XGedwkhVuLOIB8NtADjwGPAtVLKCS/LmwshxAXAJ3DHKRPAzcAXpZTbCvz8MtxW7+m4x5Q+B1whpbxymvtfC3weOBSwgLuBL0spZ5tQqkptoRivWnYwA89NMJxOeJ4GK2llMW2LtlCUN62acvSlIlnJMdI7nsROT+Bvqo590JVE03T0UAw7PUFy030Elx1elHI83/YmpcwAv899VQQhxDeBLwDPAFfgrnd8O3CmEOJYKeWWWT6/HHexeAfwG2APcA7wUyHEQVLKT+13/weAnwLbgCtxfyC8AzhDCHGKlPJBL7+/SvGmA47ghq1PMpSKk7FMAh6mlBpJJ2kORjhj6VpaQtVzmFFm55M4mQSaz4/mq+zzXiqVFojgpOOkd1RBizDXYiqIlHK7V+XORghxOG4QvAc4PReoEUL8Dvgj8D3g7Fke8x+4y4NeK6W8Mff5S4DbgU8KIa6WUj6Se78L+D6wEThGSjmae/+nwF3AlUKI9VLKykzzvACLY80c372SwdQEI5kknWFvUuVnbYuEmaEr0sDZqw7z5Jmlktm7CSebRlMzxfOm+cPYE4Nk924qWhleTpZsBbYU+FVKH8+9fi0fBAGklP+HG5heJ4RYPN2Hc63BNwL35YNg7vNJ3ACrAR+a9JEPAiHgO/kgmLv/AdzW5GFA9aRJmaOzVx1OUzDCeCblWUr/0UySBn+QozqXV826wTxrdC+OlVWtwQXQDD+OlcWKD2Nnpsr1vHBedo3vY+rjO6O4Z5k0AvcDpe4WngaYuEFvf7cBLwdOBa6a5vOn4Aa726a4dg/uTPjkZBL5X091/23ABbl77pul3lVpffsSlsZa6EuMMZFN0xhYWEvIcRzGMykWRZs4a/k6j2pZOnY6Do4FPu/GTAfjxVui5JW2qIeBf99WRAcnk4AF/puaipf5CF823TUhhI47c/w1XmihFZ0QIgAsB7ZKKac6fm1z7vWgGR6Tz/v+kna5lDIrhNgBrBRCBHItzgNxA+9UkzCFlFfVdE3nVcsOZuNIH+OZ1IIDYcLMoms6HeEGju+uwrPBNI0Xco9446jLHvf0ecWw9ZIiHV1UpP3ZJckRKKW0gcuEEK8CvgGcVYpygVbcf4VD01zPd11nSg+c74vN9Awdt8U7kLt/VEppzbO8fYQQ0y01mm0HT1mdukTwi2fvpy85jmlbC8oMM5FN0eAPcnLPmoo6I6VQvkgz6D6cEielqCm26QZA3Yfu0bjz/kqd/uIRoJSnbuf7I9Mdxpt/f6Zmy1yfEVhgeVWvO9LI2tZuIkaAiez81xQ6jsNENk0sEOIVPWs8rGHpGG3L0Iwgjlm550FXOiebRjMC+FuXFO0g+FJnjT6cqccRiyWfPnm6AZpg7nWm9Y1zfUZygeXtI6WcclAs11I8uJBnlMtJiw7gob3bGM+maJ7n4ueklcXQfXSEY6xrq85cHcElh6AFwjgjvTiOrVJvzYOTSaAHIgR6ijdG7OXymemyT+tAA/B64EzgBq/KLMAoYDN9V7Rp0n3TyXeJZ3qGA4xNur9TCKFNsUSmkPJqwrFdK4n4A/Qlx7Ede14ny8WzaaL+AMd0rqiak+n25+9cjdHUjTm0EycVR/Oga/fIp6tnQflCOY6DnRzDaF5EeE3xFlt42SK8lZlbexpusPiCh2XOSEqZEUJsBpYJIfxSyv2n2/JjbTOdLL1hv3v3EUL4gaVuUdKedP+S3Pv7r5cspLyasDTWQk+0id3xEZJmlqg/OPuH9pMws3SEYxzdubwINSwNTdeJHv4asns3YSWGPRnj8nRGtsI5ub3rekM74YNOKVo5Xv6Y/eU0X7/A3V3xSWCVlPIpD8ssxB24XdWpMniejhu8753h83fm7pmqxXty7tn37Fce09x/eu71nimu1RRN0zi8fQkRIzCvjDSmbZO1LUKGn8Pap13mWRUajn6zezBRNoWdTpS7OlXDcRysiQF8sTYajnxjURNWeLl85j1ePctjPwPeD3xLCHF6biE0QohzcAPZn6SU06bAlVLuFELcjLsd741Symtznw8D38zddsWkj1wFfBn4khDiOinlYO7+44C3AY9LKWcKvDXjsLYlXOt7nKF5/OdPWVmCPoMVDW00V8npdNMxWnqIHfkGxu7+OdbYXrT2FWU9ArVa2MkxsC18Td00nnR+Ucuq+SM2pZT3CyGuAD4KPCGEuBa363ousBd3fSMAQohTcBdQP54PeDkfx10Mfk1ua95O3N0ma3B3kOxb2CWl3CaE+BLwHeAfQojf4i6teSeQxd15UhcOaukmaPhJJ0wcx5nTf/6UmSVs+Fnb0l3EGpZO82kXkXj6FqzkKPbEID51cNOMHMvEGtuLv2UJTa+4sOh/Xl5Olnxtnh91pJSXeFWPaVyMO3b3IdygNoi73e1fpZSbJ913CnAJbnd+8uFTzwkhjsddA3km7vKX53Bbmi/JIy6lvEwIsQs3yH4Yd2z0llx5T3j9zVWqnmgTTYEwPk0nbZuE5rDNLG2ZNAbDHNhSGxlbfLFWWs76FAPXfInswBa0YAQ9UN0t3WJxHAdzeBe+SBPBFUfQeGJxW4MAmlep1YUQNi+eLNn/x78z3ftSyupbKVtGQoinV69effANN5RyAn5+/uXeP3Lz9meI+YNz2mWyeWyAJbEWfnTKOziwuTaCoeM4DP7hS4w/9AfM0b34O1aoPchTMEf34mSTBBYJFn3wl/g7Vs7l4/Mac/Cya3wMbtaV9cCPcffV9gOdwHG4LTET99jP4uycVirOisY2Aj4fmTnsrDBtG9txCOg+lsVai1i70tI0jdbXf5FM3/M4m/6OObgDo3150RYJVyMrPoSTGsffvoK2N14y1yA4b14GwtfiBsGXSSkf2+/ajUKIq4CHgBVSys97WK5SwZbFWgjoBhPZwn/2ZW0Lv+6jM9JAyKitFpMejND5zv9gz5XvJb3zKcyhHRity9D06lwn6SUrMYo1PoC/fTnNZ3yM6LpXlqxsL//03wdcPUUQBPal8r8GN/uKUid6Ys34dR9Ze6qt11PL2CYB3UdPtKAt2VXHaF5E5/nfJ9C9Bk03MId3FvU8jmpgJ8fcyZHWpTSe+C4aT35vScv3MhC288J2tOlYFJhwQKkNiyJN+H0+srZd8FGfpm1j6D4W1fAZH4HuA+l81/fwd61G03TMoR11GwytxCjm6B78rUtpOPattLz6UyVfXuRlIHwOOFsI0TjVRSHEItwlJ5WfQ0jxTFsoipHbHldoolYz1zXuCFfHcZ3zFVx6GF0X/BB/1xo0n4E5uB1nDi3nWmDFh/e1BBuOO5fWs79UlmECL8cIf0JukiSXxv5B3IObeoCXAf+K22p8v4dlKhUu4DNoDkYwdB3TsfAV8LPXtG2ifjcHYa0LLj2Mrvf8iL5ffZzMnucwB7ZhtC2t+dlkx3GwJwax48P425bTeNK73JZgmcZKvTzO879wDyw6CrgOd7FyAjeh6f8AK4HPSimv86pMpTq0hCL4NB2zwK6f6dj4NJ2WUH2sswsuXkfXhT8luPRQ9FAMc2AbTrZ203Y5joM1thc7OYrRvpzm0y6i5axPl3XCyNOSpZQX4S5K/hlu7sHncWeKrwCOkFJe5mV5SnVoCUYwNB3TKSwQWo6Noes019GC40DnAXRf+N+EVh6FL9ZKdnAbdqb29iU7jo01vAsnk8TfvoLW132O5tM/XPYth8U4zvMupj4fRKlTTYEwPl0vaIzQcRws220RzjePYbUyWnrouvD/0X/1J0luut9dWtPUU7SszKXm2Bbm0E40TcfftZr2N32V6CGvKne1gCJlqBZCHCeE+LAQ4gu5368RQlTX8WOKZxoDIXRNwyqga2w7Dmju4uOGIhzSU+l80WY63/1joutfi791KeZoL1Z8uNzVWjDHzGIObEUzAgR6DqLr/B9UTBAEjwOhEOIwIcQTuCe0XQF8PXfpPGC7EOJdXpanVIeYP4RPK6xFaDkOPk0nYvir8owSL+iBEB1v+3caTjgPf9ty7IkBrLG+gpcfVRonmyY7uBU93OhODr3vvwmtPLrc1XoRzwJh7vzf24F1uAkL7px0eWeurP8RQpTyzBKlAsT8QbdFWMAYoZvNWiNizD2Ray3RdJ87fnbGxzDaV2CnJrBG91RdMLQzCbKD2zBi7YRWHUv3+39GoLPyzh7zskV4CW66qdOllG/mhQSlSCn/Gzf3Xxb4Fw/LVKpAzB90W4QFHFdj51qEsXlktK41mqbRfMoHaHvDl/F3rMQx0+5EQ5UEQzs1kRvn7CZ80MvpuvBKjKbKTKDhZSA8E/ijlPLOqS5KKR8G/oi7vEapI2HDj65pBXWNbRy3Reiv7XV0c9Fw9JvoeNulbgICx8Ya2olT4Ax8udipccyRXRgtS4geeiad51+BLzzlXouK4GUgbAO2zHLPLtxF1UodiRiBwgOhY6OjETamOwiwPkUOPo3O876HP9etNCs4GNrJccyRXvytS4kdcTYdb78MvcInvrwMhHtwxwdncjjuQmuljkT8ATRNwy5ojNDNZB1RgfAlwquPp/P87+PvOgANKrKbbKcmMEd78bcuIXbUObS/5RtoVZBByMtAeCPwGiHEq6e6KIR4M3AG8FcPy1SqQNjnx0dhs8a243aNw1Xwn6ccQiuOovO8/8TfucrtJo/srphgaKcTmCO78LcsJnbkG2g756tVk2vRy0D4dWAAuE4IcQ25U9yEEJ/J/f53wDDwLQ/LVKpA2Mi3CJ1Z/9PmA6FqEU4vtPJoOt5+GUbbchwzgzXeX+4q4WTTmMM7MZp7iBx6Zi4IVk+ORS/3GvcCpwJPAG/CnSXWgEtzv5fAGVLK/c/6VWpc1O+OEcLMB19DfrJEV2OEswivOZG2c76Cv3UpTnIUKzFStrq4O0Z24GtoJ7zmRNrf8i00X3WdC+dpbaWUzwJHCyGOxk3d34KbgeYx4F4pZWW04ZWSCvoMNNjXKtRn2FdqOw46GhHVNZ5V7PDXYA7vZOSWH5Id3IZmBIt69u9UHMfBGt6NFowSXLyuKiZGpuLlKXZ3AbdJKb+aWyrzsFfPVqqbrumE9i2hsZmpI5IPlCHVIixI08vfT6ZXEn/sOqyR3WjtK0vaJbXjQzh2lkDnSjre/h180ZaSle0lL//EjgFq56QdxVPh/BKaWTrHTn6ypMbz8XlF03Xa3/gV/IsEmhHEGivdogwnm8YaH8BoWUzLWZ8m0H1gycr2mtfLZ1QgVKYUMfzozL6W0MbdYhf1qxZhofRwA+3nfBWjuRs7NY6dLn76LsdxMEd78TW0E1n3SmJHnVP0MovJyzHCjwO/FkJ8A3eGeDNuYtaXkFJW5kpQpWgKXVRt5VqE0TrfazxXoRVHEjvmrYzd/XOssT1uF7mIOf7s5CjYNkbrElpf+9my5xNcKC9bhN8E0sDncSdHRnH3Fu//lfGwTKVKuIkXZl9L6I4R6qpFOA/Np30Yo3UJ4J4KVyyOY2OP9+Nr6qL5Fe/DaOwsWlml4mWLsBEYy30pyotE/UF8Bewu2beOUCVdmDNftJnGky5g6IZLscb60MONRWmp2YlRNF8Af/sKGo57u+fPLwfPAqGUcoVXz1JqTyEtwvyCa5+mqewz89Rw7LmM3fsrrLF+nPQEWsjb7NaO42DHh/A1dtH0sgvQamR2v3qWfitVLbovJ+FMgdBG0zT0XGJWZe70YITYUefgi7YUJbO1kztHxWjqIrr+9Z4/v1zmHQiFEI8KIT7oZWWU2tWQz0k4Q9fYzrUGo0YAXVM/o+crdvQ56OEmnEwCx8p6+mw7MYIeaSJ62Fnowdo5XGsh/9rWA937vymEeLcQ4vYFPFepQTF/aNYs1VZuoqQezyrxkr9lMcHl69GDMezkuGfPdRwbOzWBHnYDYS0pxo/dFcArivBcpYo1BtxzS2bqGluOrcYHPRI5+DT0cAN2ysNAmE6gGQGMlh4CSw7x7LmVQPU/lJJoDITw6TPPGlu5g90bS7xfthaFDzwZPRjDySZxCjg9sBB2egI9FCVy4MlVv25wfyoQKiXRUECL0HYcfLpOo+oaL5i/bSlG6xI0I7hvgmOhnHQCPRAltOpYT55XSVQgVEqiORB2A6FtT5uTMH+we5NqEXoiuPwI9EDEk0Do2BaOmUELhAkuP8KD2lUWFQiVkmgIhNA0DW2GJTT5rnFTUAVCLwSXHoYWCGNnUwt+lpNJovmD+NuXV22GmZmoQKiUhKH7cktopp85Nh0bn67RrFqEngguOQTNH8LJJBeczt/JptADYQI9sx1LVJ0WurPkPUKIU/Z7bwXADEtoHCnl6QssV6lCTcEwPl2fNhDu6xqrFqEn/B2r3LV+mgZWFhawC8TJptBDMQI9B3lYw8qx0EC4Ivc1lVOmeV9lqa5TzcHIvnHCqeS7xs01tFC3nDSfgb9zNdm+53GyqQVth3OyKbSGdgKLhIc1rBwLCYSnelYLpS40ByIY2tQtQsdxsHKzxioQeifQvYbkhjtxzPS8n+HYFo6VRTOC+LvWeFi7yjHvQCilvNPLiii1WG6G9AAAGVRJREFUryUUwafrmFMEQhsHBwefptOiAqFn/F2r0fzBBS2sdrJpNCOIr6kTX7jRw9pVDjVZopRM6wxd4/z4YNQfIFhlJ6BVskDXGnfCJLuAFqGZRvMHCXRVbyr+2ahAqJRMSzCCMU2L0HRsDE2nOaBag17yd61xF1VbWRzbmtcznGwqFwhrs1sMHh/nqSgzaQlFMTQfGctkKBV/0bWMbeHTdVpD0TLVrjb5Ik34mjrR+re4Lbt5/KBxzDR6qAF/9+oi1LAyqBahUjId4Rh+n4+oP4jp2C/60jWNBn+IjnCs3NWsOYFOd5zQmcfCasdx3DFC1SJUFG+saGjjg+tOZsfE0JTX/brBG1cdXuJa1b5At5j/OKGVcZPlBqMYbcu9r1yFUIFQKRlN03jL6iPLXY26E+hxA+F8DnRyW4MhAl2rS3pwfKnV7nemKAoA/m6B7g/hmOk5b7Wzsyk3EC6qzR0leSoQKkqNM1oWo0ea0XRjzgurnWxSBUJFUaqfpmkEFol9CRgK5TgOTibXIlx8cBFrWH4qECpKHQj0rEULhOY2c2xlITdR4u9YVbzKVQAVCBWlDgR61qL5w3MKhE42ie4PEeheg1bju31UIFSUOhDsOdidMMmmcWY4N2YyO5NCC4QILK7NHISTqUCoKHXA17wIPdqKZhgFryd0t9aFCfSsLXLtyk8FQkWpA5qmEZxD99jdUZKbKFGBUFGUWuGOExY4YWLmdpSEYvjbVxa/cmWmAqGi1Il9S2gKaRHmW4PdB9b0jpK82v8OFUUBwL+o8B0mtpnfWle7OQgnU4FQUeqE0dyDHm5E030wyw6TfIvQ3127GWcmU4FQUeqEpmlu6n4jhD3LzPG+1FvdqkWoKEqNCXQegOYPztgidGwLHAvNF6j5HSV5KhAqSh3xd65CMwIzJl9wsmk0XwCjeZF7LnIdUIFQUeqI0b7CPcPEzEx7j2Om0YwA/o7aXzaTpwKhotQRf9vyXIswM+3MsWNl0IwARtuyEteufFQgVJQ64mvoQAuE3ZljKzv1TWbuMPe2paWtXBmpQKgodUTTdYzmHvD5caYJhG6L0I/RsrjEtSsfFQgVpc4YLT37usf/v707j5KzKvM4/q2qTkMSshAhhD2S6MNOBlS2BBHCEkWGTSGIggooq8MSiEAAAUUBEXFBwYAiyCCjHpDoZFgCiKi4sIbkkcARkE1A9gRCunv+eG4lb4rqpNeqrnp/n3M4b3fdqsqt5vSv73vXajqWvAOlQZRGrF3jmtWPglAkZ1pGjIn9BduWvKssps60Uyi20DJiTB1qVx8KQpGcKQ0fHbfG7VVujduWUCi1UBwyIjdTZ0BBKJI7pWFrxEFOVVuES6A4iNJq76lDzepHQSiSM6XV1ohb4/YqQdi2hEKpRGnYGnWoWf0oCEVyprTae6CTFiHtS6DYQmnoqNpXrI4UhCI5Uxy6eswjbG9716Tqjva2aBEqCEWkmZWGjIRiKb6pPMgptQiLQ0bUvmJ1pCAUyZlCSyvF1iFLW4XLaW+jUChRHDKyPpWrEwWhSA4VBw+LfsKKIOxob4diieLg4XWqWX0oCEVyqDh4OBSL1VuECkIRyYPiqsOr3hp3tLdBsURpVQWhiDS54uDhUCjR0VHRIuxoo1AsqkUoIs1v6SFO7ctGjTs62qGjAwoljRqLSPMr9xEuN1jS3gaFIhRLFFrzs84YFIQiubSsRbh8EBaKJUqDh1MoFOpXuTpQEIrkULQIS5DpI8zr1BmAlnpXQERqrzR4BBRLtL/1BoufnR8PdnRQXGVo7voHQUEokkut62xKabU1KA4aXFFSYNUNt6lLneqp6YPQzHYAzga2AQYBfwbOcfc7u/Ee44AZwG7AaOBl4C7gXHd/oOK5Q4DX6bzbYZq7X9TNjyHSp1pGjmG9abNpX/Taco8XSi2524sQmjwIzWwKcBMRXNcCJeBg4HYz28/db+zCe2xJhN4I4DfAI8A4YF9gLzOb4u5zMi/ZkgjBOel1le7p+ScS6TvF1sEUWytbhPnUtEFoZqsAM4FXgW3c/an0+MXAvcAPzOwWd1+4krf6PhGCB7v7dZn3nwzMBmaa2Xh3L0/ImpCuV2SfLyIDVzOPGn8SWBv4YTkEAdz9MeC7wBhgnxW9gZmtC+wI3FcZau5+K3AH8F5g80zRVum63C2ziAxczRyEu6TrbVXKbqt4TmeWANOAb3ZS/na6Dss8NgF4C/Au1FFEBoCmvTUG3p+uC6qUPZ6uG6/oDdz9eaDqwIaZrQVMIsJyXnqsCGwBPAWcZmYHA2OBfwH/QwzSvNqtTyEi/a6Zg7A89PXvKmXlMOrN7pOXAqsB17h7+d8YDwwF3gccDtxItLp3AU4E9jSzie7+clf+ATOb20nRuF7UW0QqNFQQmtkCuhAC7l4AWtO3b1d5SvmxVXtYj28TfZD/BE7IFK1JjCrPBw5x90Xp+YOIgZtPAxcSISkiA0RDBSHwGHEr2hWL0rUVqDzJepV0faM7/3gKtCuAQ4EXgCnu/mK53N1/D2xW+Tp3f8fMjgUOAA4ys6Pcvcrp2u963bveK9VjLrBpd+ouIp1rqCB09z268fTy7epI4M2KsvIaoi7315nZSOBXwM5EH+Du7j6/q69399fMzInBlLWI1qSIDAANFYTdNB+YSNxKP11RVr69fqQrb2Rm6xNzBjcB7gc+5u7PVHneWGJw5OFsSzFjaLouqlImInXSzNNn7kjXalNkdk3Xu1f2Jml0+HYiBP8PmFQtBJNTiBUlh1V5n/WIOYePu/tLK/t3RaR2mjkIbwReAo4zs43KD6Z1w8cAzwG/6ML7XEOMBv8W2MvdV9Sv+N/perKZrZP5N4cAlxMt8Eu68yFEpP8VKk+6byZm9kngOqIvsLwyZCowHNjP3W/KPHcs0ZJ7xd0vSY/tTtwSQ0yX6Wzay9Xu/nh6zaXAccArwA3EQM2ewEbEXMIDM8vxevq55o4fP37TWbNm9eZtRJpRj3aUbeY+Qtz952b2MnAGMdK7GLiP6rvPjAXOAp5gWattSqb8+BX8U3eTJmm7+/Fmdi/R6vxUKp8HHAVc3tsQFJG+19QtwmalFqFIp3rUImzmPkIRkS5REIpI7ikIRST3FIQiknsKQhHJPQWhiOSeglBEck9BKCK5pyAUkdxTEIpI7ikIRST3FIQiknsKQhHJPQWhiOSeglBEck9BKCK5pyAUkdxTEIpI7ikIRST3FIQiknsKQhHJPQWhiOSeglBEck9BKCK5pyAUkdxTEIpI7ikIRST3FIQiknsKQhHJPQWhiOReoaOjo951kG4ys9daW1uHbbDBBvWuisiAsmDBgl+7+97dfV1Lf1RG+t3CxYsXs2DBgqfqXZFeGpeuj9W1FpL7/w9qEUrdmNlcAHffrN51yTP9f1AfoYiIglBEREEoIrmnIBSR3FMQikjuadRYRHJPLUIRyT0FoYjknoJQRHJPQSgiuacgFJHcUxCKSO4pCEUk9xSE0rTMbFC96yCNQUEoTcnMdgBmmdmG9a6LDHwKQmkqZlZILcHzgcnAlWa2fp2r1VTMrLii7xuRlthJU0otwWuBHYDfAYe4e6Pv6F13ZlZ09/b09QHATe6+uM7V6rWGT3KRSmZWcvcngKnAvcAk4Bq1DHunIgSnAz8HzkjfF+pZt95SEErTcfe2FIZPAZ9AYdhrFSF4DvC1VDQEwN0b+tZSQShNSWHYdypC8FyiFfhL4C3gfeXn1K+GvdfQlRdZEYVh76WfXzYETwe+D5wDzAfGpNtitQhFBiqFYfeY2UZmtnH5e3dvS49/hWUheKG7Pwi0AUPcvaN8a9yofYUKQml6CsOuMTMDHgIuMrNNMo8fDcwAvgNc5O5PmFkJWAisbmaj0vOKmUAc1Ui3yw1TUZHeWEEY/liTrpdalzjkfTfgzEwY/hT4MnCpu/8DlrYUnwaGASPTY+Vb6I8BVwI71bLyvaEglNyoEob3AB8BvmdmLfWt3YBwJ3AC8UfiQCIMt3L314EL3P0xWO7291WgBAwuv4GZ7Q58BdgbeLaGde8VBaE0pJ7edlWE4SHAbcBp7r6kTyvYYMyskFp5dxBBdg8RhtPNbLOKPsDyz/4NYvrM6FS2J/ANYiR5K3f3mn6IXtDKEmk4FdM59gAmAFsDLwI3A3e5+5upvFBtjlsKwzYza8l7CJaVf1ZpieJEIhC3B24AvubuD6fnFd293cyOBS4F9gOeIwZSxgMT02BKw1CLUBpK+mUth+AZxOqGc4l+raOAWcA3zGwn6Hyib3k0lBj5zKXKVnUKwZK7v+Puc4i5gouBvYDTy32G5Z8/8Eq6TiImWDdkCIKCUBpM5hbtOGIu26+APdx9FHAw8CBwNDC1K9twNfqKiJ4ws83S7W57Ngwzt8eY2bbAvsAg4EmW9Rlumnmrl9P1BOADwKRGDEFQEEoDSlNevkhspvD11HqBaKGsATwPnAUMM7PB1d8ln8xsHDFFZnY2DCumvkwELiA2rPgY8CmW9RnOyIThk0SLejGwnbs/UOOP02cUhNKI1gA2IXY+mZ9+kfcDLiFaMB8iRjOvBqbUr5oD0mvAHGAd4Hoz29zd2zPdDROBrxIhuKe73wLMI/oLf8+yMNzY3R8CjgE2d/dH6vBZ+oyCUBrRsHT9d7r+J9FHNRLYNo0Ibwd8NP0nibu/ABwE3ARsSoThJgCpX7Ucgnu4+21pMGkxcDvLwnA/4GIzG+vul7v7gnp8lr6kIJSGUJ67lq6L0sNTzewIYhPW1YHtyxN+gT+n6+u1rGcjSGF4BBGGmwA3mNlniNUj5Zbg7el2eUmm73AOcDbwd+IPzTt1+QD9QNNnZEDKTpHppPxnRMvmVaKPaoK7P5spPwm4EDjM3a/u7/o2IjNbE7iCmPz8JtBK/DH5W3l6Uea55ak1JWKU+B+ZPzoNT7PpZcCpmCe4N7ANMJaYKvOb1Kl/GbAR0R/4HZZN5cDM9gcOI0aQb6tl3RuJu79gZkcCBeDjwBNA1V28UwhmJ103FbUIZUDJToA2sxlEv1TW2cSgyJvAJ4FTgC2IDv05wDhgW2I0cxd3n1ubmjcuMxsNXE60DOcBU939wZW1ypuJglAGJDP7LNHquxG4BngvcDzRCvw6MTiykGgtfpFYLjcIeIbo0D/D3R+tfc0Hhu6GWMVt8iPAQe7+cF7CUEEodZcGQArZXzgzux5YGzjc3f+eHtubaBFOINa0ft3dX01lY4k+rmeBJe6+iBwyszXc/cX0dW/D8EB3n9vZMsVmoiCUujCz/wA2cfefVTx+JhFoHwGuc/fvZtcDm9lexIqSCcRo8aXu/nxtaz8wpf0EbwBmuvu302O9CcPngF3dfV5/1Hcg0fQZqTkzGwPcBRyQvi4/vgHR73casdh/FECawlFKX99MTPO4j9gj75jUxyWxXf7mwOfSZqpULqNbmTS15nCiv3UMMSLf9BSEUg9vEb9s33P358oPuvuTwInAbGKwY3szG5/K2jJhOAs4k5greAZwZCPthtwf0udfDLxNDB59ycy+AD0KwxeJP0gblPcgbHa6NZaaMbN13P2Z9HVrWrFA2s5pibv/IH0/mTgf48PAD4FzM69bOr/NzPYFvgQc3ehLvPqCmb0PeAB4lNgJ5hXgK+5+eSrPxcBHTygIpSbMbBuiBXeRu5+SHisAHwT+CPyTGOm9OpXtQmycMIkYPf5qJ2E4tLz3YN6lfte/AtOJQaPvE2F4rsJwxXJ9OyE1NTRdTzazs2DpFliPAicB7wHONrNDU1l5bevviH0GTzezdVJZ9jZZIcjSPyp7p2/vBn4BnEysv56RJk53+zY5L/QDkX6Xpl/cRYwEdwBnmdnZAO7+MnAVMUCybio7LJVVhuF0M1svleV2Q9Vq0h+VEjHR/AF3X0jMvzwRheFK6Ych/S4tzyq6+53ArkQYnpkJw1eAnxCrRNZNZYelsnIYzgGOJQYBSjX/EAOMVTlsyt3PBPYH3ko/7zeBn6EwXCn1EUrNZM662JlYA1wAznH3s1P5SOBQYlPQp1PZj1PZHsTKkml5HRgxs62AU9394PR9tq+01Fkr2cyGErt3X4z6DKvSXwSpqfSLdwddbxl+OpXNBj6RxxC0ZcdnTgUOMrOfwLv6SjvtKqjSMpxuZsenstyHICgIpR9V3npld0JOYbg7Kw7D0cB3zGxqKltYs8oPTPPT9dNpG7LlwnBFMmH4X8ROPkemFrigW2PpJxVbaX2QOOt2fWJX6dnAC+6+KM0ZnE312+QvEgcD7dgMuyD3VpogfRkxIX1V4Bp3/0wq6/TWuOI9ViP6Ef/k7vNX9vy8UItQ+lxFCE4HfkuMYJ5PTJC+BTjVzEa5+610fpt8GbBx3kMw0+IbTZwcdwyxd+AhZnY1dKtl+AZwtUJweWoRSr8xs5OJgY/rgZ8Sv7wfJVp5Y4jO+1PTL/EuREAWgG+6+7T61HrgMrNZwAfdfbSZrUtMRF+XHrQMZXkKQukXZjaB2EtwHnBCeQcTMzsA+B6xJnZr0vpYd3/bzD5MTJMBGF3eTkpiey3ijJE24kyRN9MmFXcD66Ew7BXdGkt/WZ84MvI6d59nZgUz2wc4j7gN3pFYbfINYEuANM9wJ2AzheDy0s/jKuC8FIKtaZOKicTyxG7fJssyCkLpL1sQKx3+nr7fn9hZenXiMPCniCVhXyDCr9y3eHce9r/rjvL0GXe/glhlg7svTi2/FYWhziTqIgWh9KnMnLeH03W/1P93HhGC2/qy08/KW+mXf9E1p62K7O7Q2SlE5ZZflTC8KpUvqXllG5SCUHqs2hKtzC/tPGKE8yRixHgksLUvfwTkRKAdmJver4B0S5Uw/AdwqJldVt+aNRY1naVHKqbI7AZsRXTazwOudfdH0y7JPyVGiL/s7k9nXr8PsC/wN2LrqOVaPtJ12TA0s12JQZUf1LtejUSjxtJtFSF4GjANGJGKb3X33VPZEOBI4qD1ErGy4WFgY2AKcUeyk/oE+4als10sc8aLdI2CUHrMzE4AvglcSxy+/jzwlLs/W/G8A4BvEXsOrgr8izhz5ARN7O17loNT5/qaglB6xMy2Bn5JTOo9y909U3YwsfP0msSRmw+b2UbAcGIL+fuBF9PqEZG6Ux+h9NQYYANgRjkEzWx/4ADgwMzzdjWzHdz98fT9/bWtpsjKadRYemrVdDUz293MriUGRvYiztY9kFgrvBYxiqkRYRmwFISyQisIsL8CdxBb7P8vsVfeY8RI8HHufgNx1CbAIPVZyUCmW2PpVMXo8Fhi4vNgd3/E3Z8wszOJc0jGEQe23+juL6XnF4BPEWtjl84TVCDKQKTBEqmqIgSPJA5PWpdYJ3yuu3+3ymuWTttIZw7PIG6hJ3s6ilNkIFIQyrtkW27p6M2ziA1VHyIOXQc42d0vzrxmZ2JX6WeIaTIfIrpeJrv73NrVXqT71Eco75IJwWOA04Eria2fPkIcAgRwUdpvsKyFWEb3OSIE/0hMllYIyoCnFqFUlfa6+zWxkP/EzBSZGcDngbWBQcBJ7v6tVLZmevw5YGHaDVlkwFMQylIVt8TbA78HPu/uV6XBj12JlSS3Aw8QLUWA0939/HrUWaQv6NY4p8xsqJmtbmbjUkuufBB7eUPP1nQdnq5rA9OJczMuSucNX5jKvmpmv0g7TIs0HAVhDpnZFsTWWE7sCfg7MzsKljsf92XgXmJdMMR2WjsA+2d2kXkpXZ3YcfrJ/q+9SN/TrXHOmNm2wM3AQuAvxGjw51PxEe4+M/PctYBXgY2APwE/AqZlpshcA2wCHAY8U55DKNJo1CLMkdTvdyfwOHCsu+/v7kcQW+ZDLIUbUt7i3d2fd/e3iPmDQ4FnMyG4D9EKvA+YpxCURqaVJTlhZtsRgxz3E5ukzkmPt7r7zWb2I+ADVP/jWL5t2M3MHgU2BA4ndpc+X3vfSaPTrXEOmNmHiHXBjxDrgP+QHl967KOZ/YRYEnclsYXWPOKgoJnpoKAriVtgiAB8HNhX8wSlGahF2OTMbDQwk1jq9hciDDGzQe7+Tvp6MjCZaA1OII7ifD+wD7C+mZ0BnArcA2xHnEx3vbs/UdtPI9I/1CJscmY2AjgaOAJYjZjycrW7P5/KJwJfIwLus8CtwCrEnMHziE0T9nH3v9W+9iK1oSDMATMbTix9O4VYDXIhcbjP+4kJ0jsAH3X3WzKvGUYsrzsFOL7aJgsizUK3xjng7q+lPj6IYDuZmBKzObAtsY74tnQ8ZwdQcPfXzeyu9PxR9ai3SK1o+kxOuPtrxEDIBcDbxOly2wGfSCHYQhodzhy0vjPwDtG3qHOHpWkpCHMkheFVwMXEbtILgTFmNjpNgSlm1hpPIeYX/oFYYaJzh6VpqY8wh9IASrnPsIXoJ5zp7i+k8j2A84nDmSbp3GFpdgrCnMoMoEwjNli4gFhCtyVwCbH9/o7u/lDdKilSIwrCHKsYTW4BbiT6DTcEJrr7g3WsnkjNKAhzLhOGxwNjiU0WdlJLUPJEQSjlMDwW2A84zN0frnOVRGpKQSjA0jBscfd/17suIrWmIBSR3NM8QhHJPQWhiOSeglBEck9BKCK5pyAUkdxTEIpI7ikIRST3FIQiknsKQhHJPQWhiOSeglBEck9BKCK5pyAUkdxTEIpI7ikIRST3FIQiknsKQhHJvf8HvP+AjP/oYeYAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAHaCAYAAAB1mECyAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOy9d5hkV3nn/7mxYucwPTlqzoyk0SgShBAKgJBAWPhnwBgDDrAYYczisGtMXDCY/QFe1iDAwCOHZTG2sQEJIYRyQqOAZhRnjqTJOXao6go37h+3WjSjzn0r9vk8Tz81c9M53V39rfecN2lhGKJQKBQLGb3eE1AoFIp6o4RQoVAseJQQKhSKBY8SQoVCseBRQqhQKBY8SggVCsWCRwmhQqFY8CghVCgUCx4lhAqFYsGjhFChUCx4lBAqFIoFjxJChUKx4FFCqFAoFjxKCBUKxYLHrPcEaoUQ4t3AhwEBFICfAx+TUu6d4f1HgEWTnL5BSvnHp13/RuCjwCbAB+4HPiGlfHJu34FCoagW2kKoRyiE+BzwV8CzwE+AFcBbgUHgZVLK3dPcPwAcBrYCN01wySNSyp+Ou/59wLeAvcAPgC7gHZXTl0kpH5nXN6RQKGKl5YVQCLEZ2AY8AFwppXQqx98C/Cdws5TyzdM84w3ArcBfSSn/ZpprFwF7gP3ARVLK4crxlwP3ATuAc6WUrf2DVyiaiIWwR/gnldfPjIkggJTyh0TC9CYhxNJpnrG58vrEDMb7L0AS+OKYCFbGexj4PnAO8MoZzl2hUNSAhSCEVwAekeidzp2ABlw+zTPOrbzORAivGPfsicYbf41CoWgAWtpZIoSwgZXAHilleYJLdlVeN0zzqHOBPPD/CSH+ADgDGCHab/yklPLwuGvXEwnvRE6YmY6nUChqSEsLIdBNZPGdmuT82NK1c7IHCCFSRMJnAJ8g2le8G7gEeC9wjRDiVVLKPZVbeoBhKaU/l/FOG/uZSU4tB+6Zbm9ToVDMjFYXQrvyOpE1OP54copnLAaeAYaAt0gpTwEIITTgc0QhMt8BXjtuzPmMNxPsdevWXQsoh0sV+cu//Et++MMfcs899/D973+fn/zkJxw9epT+/n6uvvpqPvjBD5JOpwEoFAp84xvf4J577mH//v2YpsnGjRt5xzvewTXXXFPn72RBoc3lplYXwmLl1Z7kfKLymp/sAVLKXfzKWTL+eCiE+CTwTuBKIcTiyhK5OJ/xThvjrImOVyzFM2fyDMX8+dCHPsS+fft4/etfTyaT4bbbbuM73/kOe/bs4YYbbgDg+uuv56GHHuKSSy7h0ksvJZ/Pc9ttt/GRj3yEXC7H29/+9jp/F4qpaHUhHAYCJl+Kdoy7btZIKT0hxONEcYlriWINTwH9QghtghCZeY2nqA9DQ0Pceuut9PT0APD+97+fq6++mjvuuIOjR48yMjLCQw89xJvf/Ga++MUvvnjfe9/7Xq6++mpuvPFGJYQNTkt7jSvhMruAFUIIa4JL1lZen53sGUKIJUKIS4UQyye5JFN5HbM+dxBZhBNdP+14isbjHe94x4siCNDd3c35558PwP79+wmCAIBdu3Zx6tSvtqOXL1/Orbfeyo9//OPaTlgxa1paCCvcQyRMr5rg3JVE+2wPTnH/7wL3Av/99BNCiCxwPlHK3phj457K60QhMldWXh+YZs6KBmLNmjUvOdbe3g6A67oIIbjwwgt5+umnufTSS3nPe97Dt771LbZv387y5ctJJue7JayoNgtBCG+svH6+4gEGXswseTVwk5TywBT3/wdROMzvCyE2jbvfBL5C5CX+ppSyVDn1XSKnyMeFED3jrn858HZgm5RyKuFVNBiJROIlxzQt2pMfy8z6zne+w4c//GFWrFjBli1b+PKXv8x1113HVVddxb333lvT+SpmT6vvESKlfEgIcQPwQeAJIcSPgGXA24CjwJ+OXSuEuAy4jEisflS5f6cQ4i+BLwEPCyH+nShH+QqiggoPEIXVjI23VwjxceCLwJNCiH8F2oHfAVyizBNFi5FKpbj++uu5/vrrOXLkCFu2bOGOO+7g9ttv54Mf/CA/+9nPWLZsWb2nqZiEhWARAnyo8lUmSrl7DVG628UVr/AYlwGfAq4bf7OU8svANcBDwFuAPyL62X0UeK2UsnDa9V8iEr5DwAeAa4HbgVdJKR+N+XtT1Jlt27bxhS98gW3btgEwMDDAddddx9e+9jV+8zd/E9d12bp1a51nqZiKlrcIIQp1Ab5W+Zrquk8Dn57k3K1EhRdmOua/AP8y40kqmpZ8Ps8//MM/8Pzzz/Ptb38bXY/sizAMOXjwIBA5ThSNy4IQQoWimlx88cVcdtll3HPPPVx77bVcfPHFGIbBli1b2L59O1dddRXnnnvu9A9S1A0lhArFPNF1na985St897vf5eabb+aHP/whnuexevVqPvrRj/LOd76z3lNUTEPL1yNsRYQQz6xbt+7MW265pd5TUSgajTml2C0UZ4lCoVBMihJChUKx4FFCqFAoFjxKCBUKxYJHCaFCoVjwKCFUKBQLHhVHqKgrhUIBx3Gmv1BRVWzbfrHa9kJECaGiblx//fV885vfRMWy1h9N0/ijP/ojvv71r9d7KnVBBVQ3Ia0QUF0oFMhms0oEGwhN08jn881uGaqAakXz4DiOEsEGIwzDBbtNoZbGioZgz549dHR0TH+hIlaGh4dZtWpVvadRd5QQKhqCjo4OOjtn1O5ZoYgdtTRW1AXbtl+s22cYBrY9WQdURTVRv4cIJYSKupBOp/nQhz6EYRj88R//cbNv0Dct6vcQobzGTUgreI0ViioxJ6+x2iNU1IRnTx3maGFkRteaus75fSvIWC/tHqeYPblcGafszfs5nV0pDKM1F5FKCBVVZ2/uJB+5/98oeu6Mrjd1nWtWbeLPz3tdlWfW+jz/3AluuelZwmCeKz8Nlizt4G3v2PxiK9NWQgmhouocyA1S8jyOFkZIGtaU1/phgK7pHMgN1mh2rc3WXx4kN1KmXPaYj36N6eiRwzkWL2mPZ3INhBJCRdUZdIr4YUDKtFmSmTpWsOi5HCvmGHaKNZpd63LqZIFDB4cplz26e9LzWtaODJcoFj2eefpISwphay74FQ1FzinhhwHGDEwSQ9Pww4ARp1SDmbU2Tz15mFLRxbKNee/tJVMWpaKL3H6ccgz7jY2GEkJF1fmVEE7/djM0nSAMKXgObuDXYHatiev4PPvMUQpFl1Rq6u2ImWBZOpqmURh12P7ssRhm2FgoIVRUnRG3RBCG6DOwCHVNIwxDwjAk75ZrMLvWZMeOY+RzZQjBto15P0/TNFIpi0LR5cmthwjm63xpMJQQKqrOqFuesUWoaRq6phGEIaNKCOdEGIY88fghigWXVNqKzcubSJq4js+JE6Ps29NaziwlhIqqk3fLM7YIAXRNxw8DZRHOkb17Bjl2LI/j+CST818Wj6HrFauw4LL18YOxPbcRUEKoqDqjLwrhzN5uRsUizDtKCOfC448dpFBwSaYsdD3emL9UOnKa7NkdiW2roIRQUXXyLy6NZ2oRagRhwKinhHC2HD2SY++eQUpFl3Q6PmtwDMPQSSRMikWXXz56IPbn1wslhIqqMzqnpbFylsyFRx/ZT6HgkEiYVUuHS6UtigWH53YcZ3CwNeI9lRAqqooX+BQ8lyAMZ+QsgXFLYyWEs+LkiVFeeO4ExaJLOlO9clqWZWBaBoWCw2OP7K/aOLVECaGiquTc8ovhMLN1luRUUPWsePihfRQKLrZtYprV/dPOZGwKoy7PPn2UoaHmtwqVECqqykglvU7XtBmHcYxll6g0u5lz/Hie5+RxCgWHTCb+vcHTiaxCnULB4ZEt+6o+XrVRQqioKsPlSAgNfeZvNUOPLMKhshLCmbLlwb0URp2KNTj/AOqZMGYVbn/mGKdOFWoyZrVQQqioKqfKBfwgwJzh/iCAqen4QcBgubn/uGrF4UMjvPD8SQoFl0wV9wZPZ8wqHB112PLg3pqNWw2UECqqysnSKN4cLEIvDDhVGq3izFqDMAx58P49jI46JJLV3xs8nWzWplBweE4e5+iRXE3HjhMlhIqqcqKYww18LG3myzVLM/AqFqHjt16lkzjZs+sU+/YOUirV1hocwzQNErbJaN7h/nt3N22vaiWEiqpytDCCFwSY+syFcMy77IcBx4rNa2VUmyAIeeC+3YzmHVJJq25l9DNZm2LJZd/eQXbvOlWXOcwXJYSKqnJwdBg38LFnIYSapmHrBq7vczA/VMXZNTdPP3mYo0fzOI5X1bjB6TAMnVTKIp8v88C9u/H9oG5zmStKCBVVwwt8DuWHcHwPy5idJ9PSDZzAY3++OS2MalMquTz04F7yuTLpjB17TvFsSadtXCfg2LE8T247XNe5zAUlhIqqsT8/SMmPGjbNxmsMYBsmZd9j98jJakyt6Xn4oX0MDRUJQ2IpvDpfdF0jk7XJ5cpseWgvhYJT7ynNCiWEiqqxc/g4Zd/DNsxZ18RLVIRw5/DxKs2ueTl5YpRtjx8in3fIttkN01UumTQhhJGhEg890FzhNEoIFVVj+6kjlHyX1DSd6yYiaViUfY+9uZMq53gcYRhyz107yefLWKaObTdO/zVN02hrS5DPOzz15OGmCqdRQqioGk+fOkTJc0masxdCU9cxNZ2S5/Hsqebbc6oWz8sT7N0zSLHokm1L1Hs6L8GyDWzbIJ93uPvOF5qmpL8SQkVVOFHMs3fkJMU5WoQAKdOm6DlsPd78uaxx4JQ97rtnF7mRMum0XbdwmenIZG3KJZeDB4Z55ukj9Z7OjGjMn6Si6Xn02B4KnkNCN2eVVTKetGUx6jk8enRv0wbqxslDv9jLqZMFfD+oStHVuDAMnXTGJjdS5sH79zSF40QJoaIq/OLwLkbdMllr7su3jGlT9j325U+xb4GH0Rw7lmfb44fI5cu0tSUaxkEyGamURRjC0GCRB+7bXe/pTIsSQkXsDJeLbD2+n/w8hVDXdNKmRd4tc+/B52OcYXMRBCF33/4CuVwZyzKwE43jIJkMTdNoa08wmi/zzFNHObC/sQPjlRAqYufeg88x4hSxdAPbmN8fbZuVJOeUuHP/DoKw+TIW4uCpJw5z4MAQpZJLNlu/DJLZYlkGiYRJPlfmrjtewPMa9/enhFARK2EYcuveZxhxSrTbyXk/L2MlcHyPg6ODPH6sNcrCz4Z8rsyDD+xhZKRMNpNoWAfJZGSyCRzH5+iRXEOX9W+un6qi4Xny5EFeGD5GwXNoi0EIdU2j3U4yVC7y491PxDDD5uLeu3cyPFREA5Kpxl8Sn46ua2TbIsfJow/vb9gCrkoIFbHygxceZ6hcpN1OzrhZ03R02ClyTolHju5m1/CJWJ7ZDOzaeZLndhxndNRpCgfJZCQSJoapMzJS4q7bGzO2UAmhIjaeGzrKw0d3M+wU6bLTsT3XNkzSps1Quci/Pv9YbM9tZBzH5+47XmAkVyaVsjCt2pTfrwZjGSfFosvePYNsf+Zovaf0EpQQKmLjn3dsYahcIGslZl1tZjq6k2mGygXuPfgcuxZA/vFDD+7h5MkCvhfUpeBq3BiGTiZjkxspcf99uymMNlZsoRJCRSxsPb6fh4/sZrhcpCeRif35CcMibdmcKo9y4/ZfxP78RuLokRxbf3mQ3EhzxAzOlFTKIiSKLbzvnl31ns6voYRQMW+8wOdbT9/PydIobXYydmtwjJ5EluFykYeP7ObhI40fpDsXgiDkztufJ593sO3miBmcKb8qylBm+7NH2btnsN5TehElhIp5c/Pup9gxeISC61TFGhzDNgw67BTHi3n+/un7KLdgP5NtWw9y6OBIFDPY1vxL4tOxLINk0iKXi4oyeJ5f7ykBSggV8+RIYYR/3vEQx4o5epKZOecVz5TuZJqy77Jz+Dj/Vz5c1bFqTS5XZsuDe8mNlMlmE+hV/lnWi0zGxnV9jh/N88iWxogtbM2ftKImhGHIV5+4i8OjwxiVeL9qo2s6fak2jhVz/PsLj/PcUON5IOfKvXfvZHi4hKZVipy2KLqu0ZZNkMuV+eWjjRFbqIRQMWd+sucpthzZzWC5QH+qrWab+lkrQdK0OFYY4UuP307Jc2sybjXZs+sUz8vjjOYd2tpbx0EyGXbCwDB1ciNl7rlzZ92rCykhVMyJfblTfOeZBzhSGKEnmZl3TvFs6U+2Meo57Bg80vReZM8LuPfuneTGYgbN5o0ZnCljjpNC0WXP7lM8L+sbKK+EUDFrSp7L3zz2Mw6NDmFqOh12quZzMHSdRal2jhVz/GjnNh489ELN5xAXW395gGPH8rhOUNe2nLXGMHTSqajh0/337sJx6uc4UUKomDXffPo+njl1iJxbZlG6vW7LuIxl024lOVIY5n9tu5NDo8N1mcd8yOfKPLJlP7lcmWxb/dty1pp0xsL3Ak6eLNS1KIMSQsWsuHXv0/xkz1McLeQYSLVj1tmz2ZPMEAL78qf43GM/bbr9wgfv30NupISuaSRaKGZwpmiaRrYtQT5X5vHHDjA8XKrLPJQQKmbMjsEj3PDkvRweHaYrkSJt1X8Zp2kai9PtjDglnjpxkK8+eXfdN95nypHDObY/e5TRUYdsC2WQzBbbNjAMnVyuzC/ur0+gvBJCxYw4Uczz2Udu4eDoIJZu0JWIr6jCfDF1g4F0O0cLI/xs3zP8x87H6z2laQnDkAfu281o3sG2TawmLqowXzQtag4/OuogdxznyOHatwFVQqiYlpLn8tlHb2Hn8HEc32cgXbtQmZmSNm16klkO54f5zjMPsuVIY+Wyns6e3YPs2ztIseSSaaKq09XCsgwStslo3uHB+3fX3KpXQqiYkiAM+NLW29l6fD9DTpEl6Q70mOoMxk2HnSRt2hwaHeILv7ytYavUBEHIQw/uYTTvkEpaTVd1ulpksjbFosu+PYPs31fbHifqN6CYkn/avoW7DuzgaGGExen2qhVUiANN0+hLZdHQ2J87xacevpmTpXy9p/USdu08yZFDOcqOt6DCZabDMHSSKYvRUYctv9hXU6tQCaFiUn6652m+99wjHBodpi/VRsps/D9aTdMYyLRT8l2eHzrGJx++maLXOLXvwjDkkS37GB11SKWsBRcuMx3ptEWp5HFg/xAH9tcuHEoJoWJCHju6l68+eTeHRofpsFM1ySOOC0PTWZLpZMgp8uTxA3z+sZ/hB43RQW3vnkGOHM5RLnuk043/wVJrxqzCQsGtaVyhEkLFS9g5fJzPPXYrh0aHSBgm3Q3kIZ4plm6wJN3BsWKOBw69wA1P3dMQYTVbf3mQwqhDUlmDk5JOW5SKLnt2D3L8WG22NpQQKn6NY4Ucn9xyE3tzJwlDWFTDYgpxkzQtFqXbOTQ6zE27n6h7v5OTJ0bZu2eQUskjnbbqOpdGxjB07IRJseiy7fFDNRlTCaHiRfJumU8+fBMvDB+n7HssztQvfS4uslaCnmSag/lhbtz+C+46IOs2l6eeOEyx6L4YQKyYnHTKolh0kTuOUSpVP1tI/TYUALiBz+ce/SlPnTzEiFNkSaYjtnac9aYzkSZrJTg0OsSXt97OkycO1HwOnuezY/sxikWXVEpZg9NhWjq6plEouMjt1Q+Dao13umJehGHI3z1xFw8d2cWJYo4lmQ4svXHDZOZCbzKDpRkczA/y2UdvYX/uVE3H37XzFPm8QxiCZbfWz7YaaJpGMmVSKrnsePZY1cdTQqjgX59/jJ/ueZrDo8MMpNtJGK1nsWiaxqJ0O34YsnvkJJ96+GaGy8Wajf+cPE6p5JFMmk2/3VArkkkTp+xz+PAIw0PV/V0pIVzgPHDoBW7c/gsOjQ7Tk8ySsRL1nlLV0DWNxekORl2HHYNH+dxjt+IG1a+B57o+e3cPUi57C7LCzFzRdR3TMnDKHjt3nqzuWFV9uqKh2TV8nC8+/nMOjw6TtWw6E7UvsFprTF1nSaaDk6U8Dx/dzQ1PVj+s5uCB4Rc3/E1T/cnNhkTCoFz22bOruq0/1W9lgTJcLvKZR27hQH4QXdPoTWbrPaWakTBMBtLtHCmM8JM9T3HL3qerOt7+fUM4ZR/bNtSyeJbYtonj+Bw6OFzV1p9KCBcgQRjwPx+/jeeGjlH0XAZSzR8mM1syVoLuRJrDo8N8/cl7ePbU4aqNdejACI4bCaFidhhG9L50yj7HjlYvuFoJ4QLke889ypYjuzhZyrM401H1XsSNSqedwtYNjhRG+MIvf8aIE391ZM8LOH48j+f6C7rm4FzRNA3L0nE9v6p1ChfmX8AC5qkTB/nujoc5PDpCX6qNRI27zzUSkSe5jVKlYfzfbr099v3CocEiruMThqiUujliWgauG3DixGjVxlBCuIAYdct8aevPOVoYIW1aTVVIoVroms7idDsninkeOPwCP9v3TKzPHxws4vkBpqkvuO2HuDAMHd8LGDxVvRCaqpkDQog00CWlPFitMWaDEOLdwIcBARSAnwMfk1LuneH9lwP/DXg5kAUOATcDn5FSHj/t2jcAt07xuIuklDVPfP32Mw+wc/gEZd9jRVtXrYdvWBKGRXcyw5HREf7+6fs5v28Fi9LtsTw7N1LC90N0lVI3ZwxDww8Ccrly1caIVQiFEDrwEeC9wHogBEwhxEeAVwIfqYcwCiE+B/wV8CxwA7AC+G3gKiHEy6SUU3aMEUL8HnAjUAT+EzgKvAL4Y+BaIcQrpJRHxt1ybuX1H4B9EzyyNpnk43jqxEF+uvdpjlcyRxq1ynS96LRTjLpljhRG+MZT9/Kpl70pFguuMOoQBKFaFs8DXdcI/JBioXo/y9iEUAhhEllIrycSwBFg7GN1BfBbwAUV0ahZDXUhxGYiEXwAuFJK6VSO/xuRqP1v4M1T3N8F/B2QJ7Lk5LhznwE+AfxP4D3jbhsTwo9JKavnjpwhfhDwtafu4UQxT5udbIoCq7VG0zT6U23szw/ywOGdbDm6m1cOrJn3c8uOT6iEcF7oukYYQhBEzqdqeN/jNAs+DFxFZDn1EgnMGH8J/C2wGvjzGMecCX9Sef3MmAgCSCl/CNwHvEkIsXSK+68B2oDvjBfBCp8FysC1px3fDBxvBBEEuG3fszw3eJSC59CTzNR7Og2LbZh0JFKcLOa58dkH8WLIOvHcgDAMUTI4f8IwxHOrE0sYpxC+G9gmpXyflHKIyCoEQEpZllL+ObCFl4pGtbkC8IhE73TuBDTg8inu3w58DPjBBOd8wCXaMwRACJECzgCemON8Y8XxPb4rH+ZEKU93It0yFWWqRXciTdF3eWHoOHfs3zH/ByoFbAri3CM8g2gJORX3E+2r1QQhhA2sBPZIKSfaaR3r+bhhsmdIKR8HJmuU+wYiERx//hzAAHJCiG8TbRX0A88D3wJukFLWrFTyHft3cGh0CC/w6bBbP4VuvuiaTlcizanyKD944XFev2LjvPZTdV0DTaP+tbGbH02jak6nOIWwBPRMc80ioqVkregm+kyerObSWHeYztk+WAjRAXyl8t+vjzu1ufL6FuBR4N+ItgreCHwVeKUQ4ndnIoZCiMliOdbOZI5hGPKjXdsYLBfoTKRV+MYM6bCTnCqNsnvkBI8c3cMr5rFXmEya0R5XoKRwrgRBGImgrlUtOydOeX0MeHPFufAShBADRE6JR2McczrGvAKTie/Y8VkF1Akh2oBbiKzgW4n2RcdIEFman5BSvkxK+RdSyt8HzgKeAn4HeOdsxpsrcugou0dOUPRcOlTM4IzRNZ12O8WIU5z38nisU12ghHDOjHmKE4nq9XmJ0yL8InAbcK8Q4q+oWIdCiF6iUJMvAh1Mv3yOk7EIzMncpGM1p2acxFgR9FuA84GHgbePt+6klF8lsvx+DSnlcSHEnxHFL74L+O50Y0kpz5pkDs8AZ053/90HJDm3TNZKqHCZWdJuJzk4OsSWI7sZdctzLk/W3p7EMDRKfnxd9PL52jY/nwvZ7KwXWZMS+CGGodPeUb0ScbEJoZTydiHEXxCFkvx43KmjlVcN+KyU8pa4xpwBw0DA5EvfjnHXTYsQYhORCC4H7gKuk1LOJgHykcrrjJa28+WxY3sZdct0NWEXunqTMEx0TWPULfPEiQNcvHhuv7KOrmSUGeFXvMcxbE98/NOTRns1DF/50kS+ybnh+QGGodHRWb097ljNBCnll4kspW8SLZV3AtuIAotfJaX8VJzjzWA+DtEydYUQYqKyy2Pv7mene5YQ4gqiWMTlRNbc1ROJoBDiHCHE64QQE73jx2JXql4a+Xgxx4H8ECXfJWW2XsXpWpA2bQqew7Z59Djp6UljmnolDk4tj+eC5wWYlkFfX/VCv+IMqP4Q8GDFy/rBuJ4bA/cQZbq8qvLv8VxJFObz4FQPEEK8GvgJkAI+L6X82BSXfx/YCFxE9GEwnksrr49QZXYOH8fxPWzdVCEzcyRpWOTdErtHTsz5GaZp0NOb4dSpIp4bqO51c8BzfTIZi77+6tXMjPO38j+IMjgajTFHxucrMX4ACCHeArwauElKOelHvhCih8jzmyJygEwlghAJIcAXKuE7Y89ZCXyBKPbwa7P+LmbJgfwg5cAjYajST3MlYRiUfZ+9I/MrE79kSTu2reNUKRi4lfH9gCAIsSyDxUviyf+eiDidJRYwZc5uPZBSPiSEuIHISn1CCPEjYBnwNqL9yz8du1YIcRlwGVFg+I8qh/8MGACGiPKmPz3JUJ+RUgbAl4iyUa4EnhJC/JQojOc3iPYkPyyl3Brn9zgRp0oF/CDA1JQQzhVTM/DDgJxbxgt8zDl29lu6vAPbMmMrGvDXn74pluc0A47jY9kG/YuyVS1sG6cQ/jPwTiHERKlo9eZDwA7g/UQpdyeJLLdPSil3jbvuMuBTwD8BY0J4deW1s3JuMv4aCKSUhYqg/jfgHcD1RNVuHgb+fynlnTF8P9OSc0v4YYCplsVzRtc0wjAkDENy83A6rVjZiZ0w8IcCfH/+y+M4PbKNjlNpeLVqdXdVx4lTCPcReYafFkI8ReSkKExwXSilfM8Ex6tGJbzla0yzJJVSfhr49GnHzpvDeCXgM5WvujC2LR9nEHV5uHoVguMi0dFW7ym8hGTSYsnSDoaHSpTLHtj0lqsAACAASURBVOm0KnoxE8IwxHF82toTrF7TPEL4N+P+fS6/qsByOiG/XqlFUQUsTUeDWCsu3/Xu6bZH68/VP44/TFXTmLdlfcb6XnbtPElh1FFCOEOcso9p6nR2puhfVN3mYnEK4VSFCxQ1pqNSYMEL4wvkXWh4YYCuaZi6Qcaan3itW9/LvXfvZGSkFIWDqLae01IsuSRTFmeIvqqnh8YZUH1vXM9SzJ/eZAZTNyi5br2n0rR4QYCpG/QkM/POzMlkbFau6mJkuESp5JLNVi9LohUIggDX8enoSLLxzP6qjxd7qX4hRIaoCOt5RAHEJ4lybG+aZRaGYh4sb+smYZicLKmQjblS9j1sw2B5Np79qTPPWsQLz51gaKhEJmOrIhhTUCxGTpLFi9vp6a1+Dc24S/W/Dvi/RHnG43/LIXCqUnXltjjHVEzMmvZeLMPAC338IIilZecV//y5GGbWPJR9l6Rhsaa9N5bnrVnXQ3tHkpFcGafsk0gu3A6CUxGGIaWiS3t7krM3D9RkzDgzS84kCjlJEIWf3AccBLqIiqP+HvADIcSFDRhe03K02UlWtfVwKD9E0XfJ6vNfijWiR7aaFD2XjkSKs3qWxPI8w9A5a9MAp04VKBQdJYST4Dg+mqbR1p5gveiryZhx/iY+RlTl5Rop5c9PO/dvQogfAD8jiq/7wxjHVUzCOb3L2Hp8PwXPITvH6ikLFdf38cOAlGFzdnc8QghwzubFPPbIfvI5B1c1fZ+QYsEllbY4a9NAzX4+cbqurgBumUAEAZBS3kGUr/u6GMdUTMHL+leRtRLk3XLsjctbnbwXld7a1LuU9Dw9xuPJtkVWTiptUSwoR9bpuK6P5/mk0habz11cs3HjFMJuonL0U/E8Udl6RQ04p3cpHYkUGholX/3RzYZ8pQbhxTF0sjud8y5cSiplUS57+DHWKWwFxqzB9aKPtvbaFROOUwiPEHmKp+I84FiMYyqmwDZMLl68ljY7Qc6pZYeE5sbxfRzfo81KcMmSdbE/f9GiNlas7CSZNCkoq/BFfD+gXPZIpWwuuHBZTceOUwh/BlwuhHj3RCeFEO8jCrr+WYxjKqbhymUbaLeT5NwSgVoez4icWyJrJTivbzndVWp/esFFy0hnbEolV9UprFAoRAHUq1Z3VT2T5HTidJZ8Fngr8A9CiN8mqv03DCwFXgNcQlTB5a9jHFMxDZt7l7Is28XRQo68W6Zd9S6ZkjAMGXGKDKQ7eP2KabshzJmVq7oYWNzGaN6hWHDJZBd22l0QRCEz3T1pLriottYgxGgRVmr6XUHUB/gNRLX3vg58nKjunwReK6XcF9eYiunRNZ3XrziTDjvFsFP1wthNz6jnoGs6/ek2XlmF/cExNE3jwouWk85YFIvOgndmFQoOiYTJkiXtLF9R++o6cZfq3wZsIqoG/SHgE0Rlry4BzqpFHT7FS7lqxZm020kc36Pse/WeTkMz7BTpsFO8bvlGbKO6cX7r1vfS05vBtAyKxYW7VxgEIcWiSzpjc+HLl9cl46Yav+luYL+U8qGxA0KIdxEVbT1chfEU09CTzPKqxes4Xswz7BTpTy2swOiZ4vgeJc9lcbqDa1Ztqvp4uq5xwUXLOHF8lOHhEqmUtSDT7kpFF9sy6OvPsGbtdK3Rq0OsFmGljech4HfHHTOJmjftEUJ8IM7xFDPn2tWb6EykyDlRwVbFSxl2SrTZSV62aBVLMh3T3xADG89cREdnEkPXKJUWnrUehiGFQmQNXnDRsqr1LZ6O2ISw4iD5a6K0uqfHndKA/0pUuPVrQojfjGtMxczZ1LOUtR19pEyLnFOq93QajqDiJOlIpLh29Tk1G9c0dc6/IPIgFwvugtsrLJU8DEOjqyuF2FC/EOM4LcIPA/uB86SUPxk7KKV0pZRfAy4kWhr/6ST3K6qIpmm8afU5dNhphpzigvuDm46cWyJhWKzMdnNB/4qajn32OQNk2xKERBWZFwqRNeiQztice/7SutZojHPkDcAPpJQTNkuvHP9Ppg+6VlSJK5cJelJRXFzRW7ib86cThiHD5SKdiRTXrNo079qDsyWRMNl0zgDptL2g0u7GRD/bluDsc2pTZWYy4vyNB0QNjqYiUblOUQdSps0VyzaoUJrTKPseXhjQmUhXNXZwKs49bwmptIXn+bgLpO1nseCSTtucvWmARKK+lXjiFMIngDcJISZc6AshuoE3Va5T1IlrVp5Nm51k1HPwAvWZBFHITLud5NVL1tUt4LytPRkVY0hZCyKUxvN+VVzh3PPiq+4zV+KU4a8TNUK/XQjxceAhosySDuDlRA3gB4C/iHFMxSxZ09HLxq4Bjhdy5NzSnFtUtgpBGJJ3y6xo6+YNK86q61zOPW8JO549yskTBYJsWDcPai0oVtLp1lWK1dabODNLfkDU3HwTUYHWo0Cp8noTcD7wVSnl9+IaUzE3rlpxFu12ihHlPSbvlkkYJivaujk7pgKsc2VgcRuLF7djJ8yWtgqDIKRU8kilLDaft7Te0wHizyz5b0RZJd8CHgF2Ei2F/xm4Qkr5X+McTzE3Xr1kHe2JJH4YLPhMk5xTos1OccWyDXUPZtY0jU3nLiadtigVWzeUplRysW2D/v4sS5e113s6QBUySyoZJQ9Ne6GibrTZSV6+aDWHR4fJOSUSqdpW+mgUvCCg6LsMWB1cvkzUezoArBd93H/PLkZGSriOj11nJ0LcRP1IPLJZm7M3L677h88YVY8TEEKsEEL8thDiZdUeSzFzLl1yBm1WckFXrx51y6RNmw1di2qWSTIdlmWwYWN/5DRpwUwTzwsIwpBU2mLDxsap0Rx3it37hBDbhRCJyv/fADxH1NnuISHE94UQqklDA3DRolW0J5IEhDhB6/3BzYS8WyZrJbhkcfzFV+fDWZsGSCYtnLLXcrUKS0WXZNLkDNFHsoGaV8WZYvdW4O+B1UTeYYCvEDV0+kfgXqJ6hdfHNaZi7qRMiwv6VlR6mjj1nk7N8cNoWZyxbC5evLbe0/k1+vqzLBrIYtsG5RayCsMwpFSOnCS1aNo+G+K0CK8HjgMbpZR7hRCbgfXAf0op/1BKeQWR4+Q9MY6pmAevGFhDxrQZdRdeGf+C65CseIuXZmtf/246NpzZTzJlUSq1jvfYKfuYhk5HZ5JlyxvrZx6nEJ5LlGK3u/L/NxA1dv/RuGvuAhpjV1rBhf0rSZk2TuAvuODqgueQthK8bNGqek9lQoToJ5k08bygZRo8lUrRslhs6G+4GMk4hdACRsb9f6xt513jjhlA63zENTndyQxrO6OKNEVv4SyPwzCk4DlkTJvz+1bWezoTksnaLF/RSSJptkR5riCICkokkhZiQ22ats+GOIVwF7AZQAjRS1SVeruU8lDlmEYkjntjHFMxT87vW0HatCksICF0A58QyFqJugdRT8UZ63tJJkzK5eYXQsfxMC2Dnt40vX3VaYg1H+IUwluAq4QQ/1T5twV8D0AI8fLKsY1EHmRFg3Bu7zJSpkVhAVWjKXgOKdPizO7FJKpcjn8+rD2jl0TSxPebf3lcLnmRt3h9b8PEDo4nTiH8LHA38C7gIuAB4G8r595KtGd4C/C1GMdUzJMzuxeTNm2CMMANFkjVE88lZdps7q19t7TZkEpZLFveScI2m9p7HIaVZXHCYN0ZvfWezoTE9nEopSwArxVCnAnoUsrxVar/HbgNuENK2VqBUU1OyrQRXYs4kB+i4Dl02Kl6T6mqhGFI0XfpSWU4p7cx8lynYu26Hl54/gSF0aiAaTPilH1MU6ezqzGXxVCdFLtnJzj2cNzjKOLjnJ5l/OLwLoqe2/JC6FSs3jYryRmdi+o8m+lZu64H2zYYGQ4IggBdr18V57lSLnskkiZr1/U05LIYapBip2h8zuldRtq0KXqt31+3OG5/0NIbP8kp25ZgYKANyzYol5tv6yJaFnskEiZr1nbXezqTooRQwcaugco+YYjb4vGEBc8lbdqc0+D7g+NZvbabRJN6j103QNM1MhmbJUsbI597IpQQKkiaFhu6B0hVrMJWJQzDikVos6mn8fcHx1iztodEwsB1/Kaz2J2yR8I2WbW6u+GCqMejhFABwLm9y1s+nrDse+iaToedQjTB/uAYvX0Z2juSGKbedF3uypVl8eo1jbssBiWEigrn9S0nbUVC2GxWx0wpeA5p02Jz71KMJnI6aJrG6jU9JBImThMtj30vIAhC7ITBilVd9Z7OlMRZfebLQoj6Nn1QzJkNXYvoTqQxdJ1Si1atHvUcMlaCC/tX1Xsqs2b1mm4SCYNyEy2Py060LF66rKOhSm5NRJwfix8BnhRCPCKE+IAQorHKSyimRNd0Luhf2bLVaLwgakuQNm0uWtSY+cVTsXxFB8mkBUTFTZsBp+xjJwxWN7C3eIw4hfD1RCl1ZwI3AIeEEP8ihHh9Jc9Y0eC8YmA1GStB3mu9qtWjXpmUabG+axF9qbZ6T2fWmKbBipWdJGyjKfYJgyDEdf3K/mBPvaczLXF2sbtDSvkuoqKs7wUeA94G3ArsE0J8TgixPq7xFPFzUf8q2u0UQdh6VavzTpmsleTigTX1nsqcWb22p2nCaMaKLHT3pOnqavwg/dh3jKWUeSnljVLKS4EzgE8Ch4D/DmwXQtwvhPg9IUT9m5kqfo20ZfOyRavIWglyTussj8eaNGWtBJcuOaPe05kzq9d0Y9kGfhPUKHTKUW7xmrWNbw1Clb3GUspdwH8CPwH2AxpRu88bgQNCCNXes8G4fOl62u0kI26pZZbHObdExrTZ2DXAkgasRj1TMhmbxUvasRt8eRyGYZRWlzAXthAKIRYJIf5UCLEVeBr4NFFe8+eBs4F3AweBLwshPl2NOSjmxssGVtOfasPQdEZbIKYwDENGnCLtdorXrziz3tOZN2vX9ZBINnY1GtfxMQydtrYEA4ubYz82Np92Zan7m0RluK6sPNsB/oPIArxtXOWZZ4UQNwHPAx8kEkpFA2DpBq9dvpF9uUGGnSJZK1HvKc2Lou8ShNCdTPOapc27LB5j7boeHrhvN7mRMkEQNmS2RlRkIfIWN+L8JiLO4J6jQJZo+fskkfh9V0p5aqKLpZQjQogDQOOWCF6gXLNqE/+x83FOlvI4vofdwMVLp2OoXKQzkeK1yzeSaXJRB+jqTtPbm2F4qIRT9kimrHpP6deIlsU+nV3Jhq09OBFxvsN94BvAjVLKx2d4z/8ADsQ4B0UMLMl08IqBNZwojjJYLrIo3RzLm9NxfI+i57Ao3c61q8+p93RiY+0ZvRw4MEy5AYXQdQM0LdrPXL6iefZj49wjXCyl/GMp5eOnN3EXQkwYsyClvGkWoqmoIW9ddz5diTQ5t4TXpJWrB8sFOhIpXrV4DSvaGj+od6acsb43Srdz/IZrAD9We3DN2h4Mo3nSGOOMIywLIV4jhHiclzZxf0YI8bQQ4ry4xlNUlzO7l7C5bxntdpJT5UK9pzNrHN8j55bpTKR567oL6z2dWOnpTdPTm8ayjIbKPQ7D8MXeJOvWN8+yGOLNNb6IqBz/JqJ9wrHjKaJeJWuBB4QQ58Y1pqK6/K54eWQVOqWm62dyqlygw07x8kWr2dg9UO/pxIqmaZyxvi9q9dlAQjh+WbyywYssnE6ctusniXoWv0JK+XdjB6WURSnlbxHFD2rAp2IcU1FFNvcu44L+lbTbKU6WRus9nRlT9l1G3TLdyTTv2vDyek+nKqwX0fLYbaDlcbnkkkyZrD2jt6mWxRCvEF4A/IuU8pcTnazsBf4b8JoYx1RUmT8482K6k2lG3TIlv/FbfoZhyIniKF3JDJcvE6xvorqDs6GnN0P/omylhH/9rcKxIOpkojEbuE9HnELYDhSnuWYQaPzEQ8WLrO9cxBXLNtCdzHCimG/4bJOC5+AEPr3JDO/e8Mp6T6eqiA19JJMmpVL9P6Acx0c3dNraEyxb3jze4jHiFMLngdcJISYMyal4ki8HdsU4pqIG/P7Gi+lPteGFAfkGLtEVhCHHS3l6U1nesvY8lmQat0dGHIgNfSQSJp5b/9zjUsVJsn5DX9MEUY8nTiH8HrAB+AchxK8lGFZqE/49kSPlezGOqagB/ek23nbGhfQl2zhRyhOEjZnwP1QuYGoGy7KdvOOMi+o9narT1p6MGsAn6ptyFwRhFNydNNmwsb9u85gPcQZU/y/gN4B3Am8TQjwPDAMdRFVoLOBh4EsxjqmoEb+17nzu3L+dYafIyVKBvlS23lP6NdzAZ7BcYHlbF+8769WkreZshj5bNmzsY/euk+RzDqm0VZe+weWyh2UZ9PRE+5bNSJxxhB7R0vdjRMvfM4FXVl4PAZ8BLpNSNu7aSjEpCcPkA5teQ18qy4hTpNxAjpMwDDlWzNGRSHFB30ouX7pwyl6uW99HKmURBGHdKleXSx7JlMmGM/sbtoH7dMSaRCqldIG/Af5GCJEAeoC8lHIkznEU9eGiRau4fJng5t1PcrSQY3m2qyHe+Hm3jOv7rMh286HNlzfEnGpFspLFMTxUolyKLLNa4vsBruvT0ZlENOmyGKpYj1BKWZZSHlIi2Fq8/+xXR04IDYad6YIEqo8fBBwv5elPt/H29ReyLNtcgbxxsOHMfpIpk1LJq7lXv1SK6g4uW95JR0fz1lqO1SIUQqSJ9glXAwnGZZiMI5RSqqDqJqUnmeUPznwVf7v1Dg7kB8lYCSy9tlbIeE6U8qRNm/Wdi3jbugvqNo96snJVF9m2BCPDZRwn6hNSC8ZS6rJtNhvObF5rEOKtR7gKuBdYxsQCOEaIyi5paq5eeRZ3H5Dk3BLHijmWpDvqshwteA6jnsPKtm7+ZPPlTV0ubD4Yho4QfZw6WaBcsdBqgVfpW5xKWU1Vcmsi4vyJfQ5YDtwD3AQMEYmeosXQNZ0/2XwFOwaPsmvkOHm3TJtd22VRUHGQ9CazXLv6HM7uWVrT8RsNsbGfrY8f5GS+QBiGNflgGiuwsGZtT8P3LZ6OOGf/euARKeUVMT5T0aCsaOvmHesv4tvP3M+Rwghp08bQa5dfeqo8iqUbrGrv4fc3XlyzcRuVgcVtdHenGR4uR6luyerWKQzDkFLJo7MridjYfCl1pxPnOzcD3B3j8xQNzlvXnY/oGiBt2pwo5Ws2btn3GC4X6U+18YFNr2mJytPzRdM01m/or6TcVT+42nUDNH2s0kzz13qMUwh3AM3bNFYxa2zD5MObL6cvlSXvORRr0OxpLGawO5nh0iVn8KrFa6s+ZrMwlntci4o05ZJLMmmxbn0vptlclWYmIs7v4KvAdZW6hIoFwpndS3jjqk30JbMcq0FRhhGnRBCGLE538EebLq3qWM1Gd0+avv7qV6T5VaUZk/Wi+ZfFEO8e4TCwDbhfCPFzIguxNMF1Knymxfj9jRfzi8M7GXaKDDlFuhLpqozjBwEnSnmWZDp514ZX0Jdqzl4q1WS96OXA/iFKRY9UlfqZuI6PrjdvpZmJiFMIfzDu32+qfE2ECp9pMdrsJH9w5qv4n7+8jQP5QdqsBGYVYgtPlkfJWAk2dg/w5hZqxhQn69b38eD9e6ra7nOsL8nadT1NWWlmIuIUwt+P8VmKJuO1yzfws73PMOwUOVEaZSDdHuvzy75Hzimxsr2HD5z9mpp6qJuJrq4UvX3Va/f5q3adFmubPHZwPLEJoZTyn+J6lqL50DWd9599Kc+cOsSekZOUPJekGc8fYVR1Ok93MsNlS9ezqXdhxwxOx9p1PRzYX512n54X9SVJp22WLW+deo9V+VgVQgwIIa4WQryz8v9FkxVsVbQOomsRr12+MapmXYrPcfKrqtNRep9iatas7SGRMHAcP3bnVbnsYSdMVq3pbrq+JFMR63cihFgihLgZOAj8BBizEt8H7BFCqGDrFufdG15BbzKLGwQUYginCcOQk6VRepIZfmPN5tiX3K1IX3+WbDaBYei4brzdB52yTyJhsGp1axW3iLOdZy/wC+CNRN7jJ/lVznEZWALcLIQ4O64xFY3HonQ7164+h+5khpOl0XlbJHmvTAgsSrfx9jNaqz9xtdB1jZWru7ATBk45PiH0/aglgG2bTdeuczritAg/DqwA3iOlvAD40dgJKeUXiarS2MBfxjimogF56xkX0JfKEhDOyyoMw5BTpQLdyQxvWXtezfOZm5mVK7uw7Wh5HBeu42PZBv2LsqTTrVUBPE4h/A3gp1LK/zPRSSnlzcDNRP2NFS1MVyLNm1ZtoiuRZrBcmPNzCp5DSEhfKst1a86NcYatz/IVndi2ge8HsWWZOK6PbRssX9EasYPjiVMIlxAth6fiOWBxjGMqGpTr1pxLVyKNE/iUvLmV9R8sF+hKpHnjqk1kVT7xrEhnbHp6MpiWjhuTVeg6kRC2krd4jDiF8CQwXeKnqFynaHF6U1kuWybosFMMzaGSddl3KQc+nYk0v7F6cxVm2PosXd6BbRk4MThMxixLyzJYslQJ4VTcSZRrPOEaRgjxSqJsE1WhZoHw5tXn0JFIkXfLeMHsGgsNl0t02EkuWbyO3gbrmNcsLFnSjmUbsXiOXdfHsgz6+rPYdv0qkleLOIXwM4ADPCCE+BJwAYAQ4rcq/7+zcv5vYhxT0cCs71zExkqZrpw7Udr5xARhSM4t0W6nuGaVCjKYKwNL2rEsA88L5u2999wAy9IZWNya+d1xtvN8nih0Zhj4UyLrTwP+tfL/AvBbUspn4hpT0fi8bvlG2u0kOWfmQjjqlrENk+XZLjb1LKni7Fqb9vYE6bSNYWjzbvXpuj6mZTAw0JpCGHc7z/uEEKuJPMgXAl1ADtgK/EhKWbvqnachhHg38GGifcoC8HPgY1LKvTO8fwWR1XslUZvS54AbpJTfnuT6NwIfBTYBPnA/8Akp5XQOpZbi0qXr+cbT93G0MILjezPqK5KrlP6/fJlA11one6HWaJpG/6IsR4/kKhbd3Ja0YRj1TLYsvWkbuE9H7GlvUkoH+PfKV0MghPgc8FfAs8ANRPGOvw1cJYR4mZRy9zT3ryQKFu8Dvg8cAd4CfEsIsUFK+WenXf8+4FvAXuDbRB8I7wBeJ4S4TEr5SJzfXyPTbic5v28FR0aHybtluqcRwiCMMlL6021csnhdjWbZuvT1R55jz/OBueUd+37UA8WyDbq6q1Nird7E2cVuxUyvlVLui2vc6RBCbCYSwQeAKytCjRDi34D/BP438OZpHvO/iMKD3iil/Gnl/k8BdwEfEUJ8T0r5y8rxRcDfAc8DF0kphyvHvwXcB3xbCHGulHLBNLZ65cAa7j34HIPlAt1kpry24LkkDJNlmU5Wt/fUaIatS19fFtPUKc+jfL/vBZimTm9PpmXKbp1OnOuOPcDuGX7Vkj+pvH5mTAQBpJQ/JBKmNwkhJi1nUrEGrwN+MSaClfuLRAKrAe8fd8t/AZLAF8dEsHL9w0TW5DnAK+f7TTUTL1u0irRpU/Zd/Gm8xwXXIW3aXLRoVV1ahLYaPb1pTFOfl8PEqwhhT+/UH2LNTJxC+ItJvp4g2ifUgC1E1lItuQLwiETvdO4kmtflU9x/WeWaOyc49wCRJ3x8MYmxf090/Z2nXbMg6E1lWdHWTcKwKPpTB1cX/EgIz+tbXqPZtTYdnakXq8TMNcPE8wMMU6e7pzWXxRBvPcJLJjsnhNCJPMef4VcWWtURQtjASmCPlLI8wSW7Kq8bpnjM+srrC6efkFK6Qoj9wGohhF2xONcTCe9ETpiZjNeSnNO7lG0n9lP0nEmzRLzAxwsCUqa14PsUx4Vp6nR2pjh1soDvB3MqneV7AWbaoqs7VYUZNgY1qREopQyALwkhXg/8NXB1LcYFuomsuVOTnB9buk6VPDm2UTXVM3SgHThRuX5YSjlRFOtMxnsRIcRkoUZN17ptY9dikoY1Ze5xyfdIGiYr23pUSl2MdHZFVqHvz94iDMOwIqAaXV2tK4S1jk34JVDLbtxjJTImsgbHH5+qrMlsn2HPc7yWZH1nP0nToux7k+5VlX2XhGGxvqu/xrNrbTo6kximjj+HWMKx5bRh6LR3tO7bttZVozcTNW+qFWNJrpPVDBozO6aKb5ztM4rzHO9FpJRnTXS8YimeOZNnNApLs52kTRtd03ADf8J4wrLvk7USrGlvjRaRjUK0T6hRnkOqXeCHGIZOW1uipSpSn06c4TOTOQB0oA24FrgKuCWuMWfAMBAw+VK0Y9x1kzG2JJ7qGSEwMu76fiGENkGIzEzGa0l0TWd5totdwydwJhFCx/ewk2lWtnXXYYatS0dHcs5L47FlcStbgxCvRXgHU1t7GpFY/FWMY06JlNIRQuwCVgghLCnl6S7Lsb22Z6d4zI7Trn0RIYQFLI+GksG465dVjp8eLzmT8VqWZdkubMPADV5qmYRhiBv6WLrJsmxrVT+uN+3tCQxDmzZ0aSL8IGz5ZTHEK4T/zMRCGBKFmGwH/o+UcjKnQ7W4B3gvUUHYe047dyXR/B6c4v57K9dcQeT1Hs+riZbBD5w23msr1//jBONx2vULhsWZDizdwPVfKoReEKBrOknDpDvZumEa9aC9PYmu64Qhs+517PtRDGF7e2s7r+IMn/m9uJ4VMzcSCeHnhRBXVgKhEUK8hUjIfiylPDDZzVLKA0KInxOl410npfxR5f4U8LnKZTeMu+W7wCeAjwshbpZSnqxc/3Lg7cA2KeVUwtuy9KWymLpOcYLy/W7oY2k6vamsyi+OGcs2SKVMDF0jCAJ0feY5x4EfYiR02tqVRdjUSCkfEkLcAHwQeEII8SOipevbgKNE8Y0ACCEuIwqg3jYmeBX+BHgI+EElNe8AUbbJGUQZJNvGjbdXCPFx4IvAk0KIfyUKrfkdwCXKPFmQ9CXbMDVjwtqEfhBg6jq9ydZM6q832bYEuqHh+yHmLP7q/SDA0DXa2pRFOCOEEKcvG2dKKKX8VFzzmIQPEe3dvZ9I1E4Spbt9ZLWN9AAAG6xJREFUUkq5a9x1lwGfImpDOr751HNCiFcQxUBeRRT+8hyRpXnj6YNJKb8khDhIJLIfINobvb0y3hNxf3PNQmcihaHreOFLhdALAwxNp0sti6tCW1sCQ9cJZuEwCcOQwA/RDZ2sEsIZ83F+fY/w9I2IcIrjVRXCivf2a5Wvqa77NPDpSc49T7S0nemY/wL8y4wnuQDoTKQxNA0/jPJex+cS+2GAoeu0260btFtP2sYswlk4TMbCPXVdo62ttbrWnU6cQngRUR7xucA3iPJqjwP9wMuJLDGPSDBnXqVT0TJkrMSL+38hIdq4z8QgDLF0g3artfei6kW2Egc4m0ZOvh+g6xrptIVptl55/vHEKYRvJBLBS6SUW08791MhxHeBR4FVUsqPxjiuoklIGiaGpqOjEYQh452XQRigayYZlVpXFdraExi6RmkWFmEQLIxlMcSbYveHwPcmEEHgxaXlD4B3xzimoonQNI20aaFrkRCOJxLG6LwifsaWxrPZIwz8EEPXlBDOkl5+lY42GT4zLDigaE2SpoU2iRBqaCSVEFaFsRQ5PwhnXJfQD6Ksklb3GEO8Qvgc8GYhRPtEJ4UQi4lCTrZNdF6xMEgYZrQ0Pi32PiSyCBMz6GmimD2ZbAJdj3ZlZ1qXcMxjvBCEMM533TepOEkqZewfISrIugS4BPgkkdX43hjHVDQZtmGiadpLrJIgBA1tRs2dFLNH1zWy2QQnTxQoFFwMY/rsEtf1SabMls8qgXgzS/5eCHEeUcDwzRNcEgL/XUo50TnFAsHWDTS0l+RihlQaBGmt7Z2sJx2dSVIpE88L8L3prULbNqL0us7W9+TH3c7zj4QQ3wPeRVRyq5OoGssjwLellE/FOZ6i+bB0E03jJRZhGEYBppahhLBavOrVq2hvT75kf3YqurpS9Pe3frZPNdp53sfE/UEUCixdn9AipGIR2rPIg1XMjoHF7QwsnnALf8FTlQ2ZSoGB84EuKeXnhRBnAKfGChAoFi6mbkQW4UucJZFFaOiq4IKi9sT6rhNCnCOEeIKoe90NwGcrp94J7BNC/G6c4ymaD1OLLMLTTcKxlDtT7REq6kBsQljp/3sXcBZRwYJ7x50+UBnrH4UQtexZomgwTN1AY2KLEJRFqKgPcb7rPkVUbupKKeX/a+/O4+2c7j2Of05yEvPYIuYU7Y+2NDUUERqz4JKglPZe2otr7lUS8xgaU1xVihYtRVpcXjFWiZg6XBRVafwqlJpnURKC5P7xW1seO/ucnGFPZ6/v+/Xy2jn7efY+6yT296xn/dZaz64UNkF190uJvf8+AsZU8XtKH9Per19Mnyk8N2dOTPLth8YIpTGqGYTbAje4+72VDrr7w8ANwHpV/J7Sx7SnHl/F1Q1t0WMUqbdqFks+B/xjPue8SEyqlkwN6NdOG228O+sDZn782VvItNHGAF0aSwNUMwhfIcYHO/M1YldoydQyCy3K4gMXZKGyNcVLLLAQiw9cUEvspCGq+X/dbcD+Zradu/+2/KCZ7QpsDfysit9T+phRqw1h5UWXmqc3CLDmUoN0vxJpiGoG4VhgF+BmM5sILANgZqOJjVlHAW8DP6ri95Q+ZmD/doYuP8+dUUUaqmq/ft39ZWBz4C9EIG5KzJE9M33twNbuXn6vXxGRhqr2WuOpwPpmtj6xdf9SxA40jwK/T/cOERFpKtW8i919wCR3PyVNlXm4Wu8tIlJL1RyZ3gBYuorvJyJSF9UMwldQEIpIH1TNMcLDgAlmdhpwLfAMMKPSie7e9VtpiYjUWDV7hKcDHwLHEMWR6cTa4vL/ZlXxe4qI9Fo1e4SLA++m/0RE+oxq3rNkcLXeS0SknrSeSUSy1+MgNLNHzGz/ajZGRKQRetMjHAIMKn/SzPY2s7t78b4iInVVi0vjwcA3a/C+IiI1oTFCEcmeglBEsqcgFJHsKQhFJHsKQhHJXm9XluxjZsPLnhsM0MkUmjnuvmUvv6+ISNX0NggHp/8qGd7B89qlWkSaSm+CcPOqtUJEpIF6HITufm81GyIi0igqlohI9hSEIpI9BaGIZE9BKCLZUxCKSPYUhCKSPQWhiGRPQSgi2VMQikj2FIQikj0FoYhkT0EoItlTEIpI9hSEIpI9BaGIZE9BKCLZUxCKSPYUhCKSPQWhiGRPQSgi2VMQikj2FIQikj0FoYhkT0EoItlTEIpI9hSEIpI9BaGIZE9BKCLZUxCKSPYUhCKSPQWhiGRPQSgi2VMQikj2FIQikj0FoYhkT0EoItlTEIpI9hSEIpI9BaGIZE9BKCLZUxCKSPYUhCKSPQWhiGRPQSgi2WtvdANqzcyGAicD6wEDgIeAU9393m68x+rACcDWwLLA28B9wFh3/0vZuQsD/6LjXzKj3f2cbv4YIlJDLR2EZjYCuIkIrquB/sBewN1mtou7T+zCe6xDhN4SwG3A34DVgVHAjmY2wt0nF16yDhGCk9Pryv2h5z+RiNRCywahmS0AXAZMB9Zz9+fT8+cCDwIXm9md7j5jPm/1UyIE93L3CYX33wq4A7jMzNZw99np0JD0+PPi+SLSvFp5jHB3YHngklIIArj708AFwCBgZGdvYGYrApsAj5aHmrvfBdwDfAH4auHQ19LjZy6ZRaR5tXIQbpEeJ1U4NqnsnI58DIwGxndw/MP0uFjhuSHAB4B3oY0i0gRa9tIY+FJ6nFbh2DPpcc3O3sDdXwUqFjbMbDlgUyIsp6bn+gFrA88Dx5rZXsBg4DXgeqJIM71bP4WI1FwrB+Hn0uNbFY6VwmjJXrz/+cCiwFXuXvoeawCLAF8E9gUmEr3uLYAfAtuZ2TB3f7sr38DMpnRwaPVetFtEyvSpIDSzaXQhBNy9DRiYvvywwiml5xbsYTt+TIxBvgAcXji0DFFVfhL4rrvPTOcPIAo3/w6cTYSkiDSJPhWEwNPEpWhXzEyPA4GPyo4tkB7f6843T4H2c2Bv4HVghLu/UTru7r8HvlL+Onf/yMwOAXYDvm1mB7p7eZvm4e7zvFdqxxTgy91pu4h0rE8Fobtv243TS5erSwLvlx1bIj12ebzOzJYEbgSGE2OA27j7k119vbu/a2ZOFFOWI3qTItIE+lQQdtOTwDDiUvrFsmOly+u/deWNzGxlYs7gWsBjwA7u/lKF8wYTxZEnij3FgkXS48wKx0SkQVp5+sw96bHSFJkt0+MD83uTVB2+mwjB3wGbVgrBZAyxomSfCu+zEjHn8Bl3f3N+31dE6qeVg3Ai8CZwqJmtVnoyrRs+GHgF+N8uvM9VRDX4dmBHd+9sXPHX6fFIM1uh8D0XBn5G9MDP684PISK11zZnzpxGt6FmzGx3YAIxFlhaGbInsDiwi7vfVDh3MNGTe8fdz0vPbUNcEkNMl+lo2suV7v5Mes35wKHAO8B1RKFmO2A1Yi7hHoXleD39uaasscYaX7711lt78zYiraitJy9q5TFC3P1aM3sbOJ6o9M4CHqXy7jODgZOA55jbaxtROH5YJ9/qAdIkbXc/zMweJHqd30nHpwIHAj/rbQiKSPW1dI+wValHKNKhHvUIW3mMUESkSxSEIpI9BaGIZE9BKCLZUxCKSPYUhCKSPQWhiGRPQSgi2VMQikj2FIQikj0FoYhkT0EoItlTEIpI9hSEIpI9BaGIZE9BKCLZUxCKSPYUhCKSPQWhiGRPQSgi2VMQikj2FIQikj0FoYhkT0EoItlTEIpI9hSEIpI9BaGIZE9BKCLZUxCKSPYUhCKSvbY5c+Y0ug3STWb27sCBAxdbZZVVGt0UkaYybdq0m919p+6+rr0WjZGamzFr1iymTZv2fKMb0kurp8enG9oKyf7fQT1CaRgzmwLg7l9pdFtypn8HjRGKiCgIRUQUhCKSPQWhiGRPQSgi2VPVWESypx6hiGRPQSgi2VMQikj2FIQikj0FoYhkT0EoItlTEIpI9hSE0rLMbECj2yBzmVlbo9vQEQWhtCQzGwrcamarNrot8qnFoDkDUUEoLcXM2lJPcBywFXC5ma3c4GZlz8yGAW+a2b+5+5xmC0MFobQUd5/j7h8B/wH8AdgcuEph2HDbAv2BiWa2XbOFoYJQWo6Z9Xf354A9gQeBTVEYNpS7n0D00gFua7YwVBBKy3H3T1IYPg98C4VhQ5SKVaVHdz8OODMdvs3MRjRLGCoIpSUpDBurWKxy94/MrB3A3Y9hbhje2ixhqG24pKWlMPwkhd91wDeA+4HvppCUKkqB1g7cRfzimQzs4+7Pm1m7u3+czhsHHJVetoO7325mbe7ekEBSEErLUxjWX5q2dDUwlMLfdbOGoS6NpeXpMrm+OitWufvHzXiZrCCULHQShr/UpOvqmt8vnmYMQ10aS1bKLpMnEJdutwEjS5dsUh3zG5Lo5DJ5lLtPrGdbFYTSJ5lZP3ef3cPXlj6gg4GfA0e4++NVbaAA3Q7D04BjgRnAcsCMeo0XKgilzymGoJltCwwB1gXeAG4B7nP399PxioPvhQ9ou3qCtdXNMDwRuMndH6tnGxWE0qcUg83MjgdGAwsB7wFLptN+Clzr7vd15/2kdroQhgPS0siGUBBKn2RmhwI/Bq4ErnD3yWb2beBoYB3gEuCwRn645LM6CMPJwPdTlblhVDWWPid9kA4gehRnuPvkdOgd4PPAq8BJwGJmtlBjWinlKlSTS5tiXFiqIjeKglD6os8DaxFjSU+aWT8z2wU4DxhA9DT6E73FEY1rZusysx5lR1kYfheYBBzb6HHahqawSA8tlh7fSo87Az8ixgg3TGNOo4DtgVeAG+rfxNbV22JVIQyfTfMGG16sUo9Q+oTSBNv0ODM9vaeZ7Uds77QUsLG7P5uOPZQe/1XPdra6FGylEDweuBYYC2wNHAjcCpxpZptB7A9Z6X3c/ZP0x08qHa83BaE0pfJLr9IHKm28+hDwa2IH6rOIEBzi7v8ovGSP9PhoHZqbjULF/lDgVOBGYFt3XxrYC3gcOIj4JTXfe8Y0S8Vel8bSdMouvXYC1gMGE72P29KH5yJgNWI88CdEoaT0+l2BfYgP5aR6tj0HFYpVT6ZDlYpVM919ZuV3ah6aPiNNpWye4AnAKWWnnEwURd4HdgfGAGsDU4mpGKsDGxKXXFu4+5T6tDwfZvZ14M/AaHcfn3rvI4lx2qWA9YGPiVU7l7t704/R6tJYmkohBL8HHEfMN9sZ+G/gGSIIjyYmUf8G2B+4AvgScAjwNaIXOEwhWDPzLVYBGxHFqu3r37zu06WxNFwqgHw6CJ9sR+xacoK7/z2d9yxzg7CNuCx7CHjIzMYCA4GXgY/7wuVYX1LqqVcoVrUDRxA9wY36arFKl8bSEOnyai13v6bs+ROJQNscmODuF5StRd2RGKQfQlSLz3f3V+vb+tY3v00tzOwa4NvAdGAWUax6uXD8COBsYnfqK2vd3t7SpbHUnZkNAu4Ddkt/Lj2/CjHudyywMbA0QNq/rn/68y3ACUQ1+BjgYDNbtr4/QWsrL1aZ2SlmdoWZ7VDYJ/Aiose+BFHB79PFKvUIpe7MbEniPrdvuPuksmPbAIcTU2PuAg5192npWP/S/DMz2wE4EdggPf6op9tyyVy5FqsUhFI3ZraCu7+U/jzQ3WelPx9CjOtdnL7eiiiUfJPYPGFs4XXFMBwF/AA4yN3/VvcfqIWlYtVFwETgKuALwGHElKUziOLIDGJq0wHEcrkBwEvA74Hj3f2p+re8ZxSEUhdmth4xgH6Ou49Jz7URPbo/AS8QH54r07EtiLlomxIfyNM7CMNFSsu5pGcqFavM7DfA8sC+hWLVTkSPcAixvf4Z7j49HRtMHy5WKQilLtKSq3vSl6e4+ynp+aWI8aTTiIm4p7j7FelYl8JQuk/Fqs9SsURqLo073Ud8uOYAJ5nZyQDu/jbwC6JAsmI6tk86djcxRnU/sY71aDNbKR1TCPaQilXzUhBKzaX5Z/3c/V5gSyIMTyyE4TvEpOgxRBieWCEMJxMTpn9Q+lBKj30A7Atc6O6vlJ50938CPwTuIIodG5vZGunYJ4UwvJUoUD0EHA/s39NtuZpFn2689B3uPjuF4T30LAzPAm4HfqHeYM+Y2Qrw6d/1jaWKvZkdYmYHpGO/A8YDDxCV/SMKrysPwzOInuUNfb1irzFCqZtSryGF4nBijlkbcKq7n5zOWRLYmwi+F4GT3P1X6djC7j6jAU3v81Ss6pyCUGqmC6sTtgR+R8dheDqxeP9Ad59Q+xa3LhWrOqcglJooW52wAfBFYGViof4dwOvuPjPNGbyDymF4ADG5epPSpGrpvsI64W8CdzP/Xvip7v7LdKwYhhcAZ7n7C3X/IWpMQShVVxaCRwNHkiqQyVPABGLqxVudXCYvAfRLlWXphdK/STeGJMrD8Dii6j8eOLqVeoOgIJQaMrMjiQ/Wb4BfAc8R2zIdDgwCzgWOSoPwWwB3Eh/Q8e4+ujGtbl29DMNtiZUlo1txFY+CUGrCzIYQy7OmAoe7+9T0/G7AhcCHxA1/ZgEfuvuH6dKtdGvOZd39jfq3vHWpWNUxTZ+RWlkZWIFYnTDVzNrMbCQxKD8H2ARYhFiqtQ5Amme4GfAVhWDvlc/tc/fZpSGLNI1pGzqfxrQs8BMz2zMda8kQBG3MKrWzNnFv4b+nr3clQnAp5t5y81Dgv4BpxOaq/dz9gYa0tsV0sVg1KV3y3kGEIe5+sru/Y2ZXELuAH87cTVZblnqEUlWF/eqeSI+7pPG/Ygg+m46Vdidpg+ix1KudraxCsep2YgeZccRuPncCR5nZ0u5+Fx1PcL8IWDOHir2CUHqs0rIqn3t7xqnA28Q27lcR97NYtxCCAMOA2cCU9H5tSK8VQvBIYrusO4EdiV76UcQ9R04Ejk3zAe8h7ktcCsOz0/tMz6Vir2KJ9EhZr2Nr4qZJKxEBeLW7v2dmexDV4nbgGHc/s/D6kcSE6feBHd39tXr/DK1Mxaru0RihdFtZCB4LjCa2bAe4y90vSX++mRh0PxsYZ2ZrE5fMawIjiCuSzRSCNVEqVp1YKlYRd5srL1aNBS4HHnL3e9MKlDdzCkFQEEoPFELwcOKDdTVx8/VXgecL580AzjOzF4D/AXYB9gJeAx4heipPIrWgYlU3KAilR8xsXWKb/GuB09zdC8f2IhbzL0PsYny9mT0CLA6sATxG3K/knXnfWXrD5t5zpFisWggVqzqlIJSeGgSsQtx32OHTu5ftBuxROG9LMxvq7s+krx+rbzNbV6VNLTooVn2HGIZY191fLJw+T7Gq8PqsKAilpxZMj2Zx57m9gVHEhp7XAdcDw4mdpfc2s1Ny/ZDVQheKVU+Z2UFEsWoQUax6sfD6kcS/1yPAn+EzIZodVY2lUx31EsxsVWKL/eGFp6cQE3Afd/fX0hZPbwLj3P24erQ3B10oVm2Tji0M7E8Uq/oD11C5WDW1vj9B81EQSofKPnCDibGkhUqL7s1sGLEjyerETsUT3f3NdKwNOJgokuzt7tfkfOlVC6lYNZ6yYpW7v1x23m7Ev8PniJ78a8Q9R1SsShSEUlFZCO5PXOKuSEy9GOvuF1R4TfFuZ6OIm/wsCGxV2tBTqiMVq24gdpc+aT7FqifMbDVUrOqQglDmUey5mdlJxMacbwF/JW66DnCku59beM1wYs7gS0TP4xvEpddW7j6lfq3Pg5ltD9xC9LZLu8NUKla9Cgx193/Uv5V9h5bYyTwKIXgwsSHn5cB27r45MQ8Q4Jy0hKuknVhG930iBP9EjD8pBGvjM8UqM7uaKIzsSBSr9iDWCi9HFKu0fLETCkKpyOIet/sT61TPdveH06EvAv8EPgLOSuNUpMX7OxM3/v460VN5ap43lm7pJMD+TNyD5Fjgt8CewNNEJfhQd7+OuNUmwACNzXZO02fkU2XFjBWJ1QnnubunD+SWxKXXjcBfiJ7ieDNb0N3HufvrwOuNaHsr6qxY5e7PmdmJdF6s+g4xnSn7eYLzoyDMlJktAgwk7iXyrru/7nGDn9LdyQamUxdPj8sDRxObdZ7j7i+a2VrE1I3TzWx94h4k99b3J2lNnRWrzGysu1+QlsM9UHhN8fM8khimeIp09zqFYMd0aZyhtPnBVYATH5T7zexAiJt4p9PeBh4kplpArFAYCuxamJj7Znp0YhH/P2vf+taXem6lEDwJuJjYRGEKUQk+38x+WPaa4cBNZnapmd1I3HFueeBbqtjPn4IwM2a2IXFLx3WB+4HLgC8BF5rZf5bOc/fHiTG/G83sy8R44SVEOJasQ8xH253YXl+VySpQsar+FIQZMbONgXuBZ4BD3H1Xd98P2CmdsreZLVy6xHL3V939A+KSbBHg5cI8wZFEL/BRYGppbEqqQ8Wq+tIYYSbMbCOiJ/gYse50cnp+oLvfYmaXAutT+ZdjaWxpazN7ClgV2JdYsD+uFI7SOypWNY6CMANm9g0iBKcQy6r+mJ7v7+6z0mkLEJe65wIbmNlU0qWzu99lZr8E9iE+jLOJXuVO7v50PX+WVqFiVXPRpXGLM7NliXHABYGHgdI64QGlwoiZbQVsRfz/MIQYmN+ZWMd6cro3yVHEpdrlxNy1rTX+1DMqVjUfLbFrcWa2BHAQsB+wKLETyZXu/mo6Poy4wc9GwPeAu4je4ZbEZp6fACPd/ZH6t771pGLVLcAM4hfTW0CpSLWfu19WOHc5YDqwGvB/wKXA6MI47VXAWkRP/SWN0/acLo1bnLtPN7MLgZnEWuAxQJuZXUxUi08HNga2d/c7S68zs+sBS+cPJfatk15IxarJxPjeae5+c3p+InATUayaAMxy948Lv6w6K1ZNIopVGqftBQVhBtz9XTO7PH05BjiS6GV8FdiQmJoxKV0CzwHa3P1fZnZfOn/pRrS7lahY1dwUhJkoC8MjiPG+2cBuKQTbicvg4r0rhhPTNB4GLdHqKRWrmp+KJRlx93eJXaXPJRbozwAGmdmyqVfRrzCZdwQxv/CPpEnUCsHuU7Gqb1CxJEOpgPJ94rK3nfjAXZbmoWFm2wLjiJszbaqt3HtOxaq+QUGYKTNbnAjD0cSctbOIquQ6wHnEjiabuPtfG9bIFlH4ux4DDCDCsFSsGk8Uo8qLVYsRy+vGAIdV2hFcqkdBmLGyD2g7MJHomawKDEvrjaUKKvxd30DnxarZhV2oT3b3UxvU9CxojDBjaczwcqI3+B4xn20loieoEKyisr/rD4nxvo2I3WFKxao56dwOi1V1bnY2FISZK3xALyXmCm6qy+HaULGqeenSWIBPL93a3f2tRrel1alY1XwUhCINoGJVc1EQijSIilXNQ0Eo0kCFMDwMGExssrCZeoL1pSAUabAUhocAuwD7uPsTDW5SdhSEIk1AxarGUhCKSPY0j1BEsqcgFJHsKQhFJHsKQhHJnoJQRLKnIBSR7CkIRSR7CkIRyZ6CUESypyAUkewpCEUkewpCEcmeglBEsqcgFJHsKQhFJHsKQhHJ3v8D3udE1M5oeLIAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAHaCAYAAAB1mECyAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5xdR3nw8d855/Z7t2lXq2JJltVGNrZlY0wzxQVjjIEAIYRQUyAJBEMgCQEMmJ43LyQhgKkJwbzGgGNTbExzr7LlJjdZI6v3vtrdu7ffc94/5qy8Xm/fc/vz/Xz0udI9ZWZXu8+dOTPzjOV5HkII0crsWldACCFqTQKhEKLlSSAUQrQ8CYRCiJYngVAI0fIkEAohWp4EQiFEy5NAKIRoeRIIhRAtTwKhEKLlSSAUQrQ8CYRCiJYngVAI0fIkEAohWl6o1hWoFqXUu4EPAwrIAH8ALtNa75ji9fuBeeMcvkJr/cFR518CfAI4DSgDdwGf1lo/NrOvQAhRKVYr5CNUSn0J+CSwAfg1sAT4E6APeKHWetsk188H9gGPANePcco6rfVvRpz/PuB7wA7gWqAL+DP/8Lla63Wz+oKEEIFq+kColFoDrAfuBi7QWhf8998E/By4QWv9hknu8Rrgt8Antdb/Msm584DtwC7gbK11v//+i4A7gY3AGVrr5v7GC9FAWuEZ4Yf8188PB0EArfUvMIHpdUqpEya5xxr/9dEplPfXQAz4ynAQ9Mu7H/gpcDrwkinWXVSZUuoPSqnfj3Pse0opPcG1n1RK5Sc4/nallKeUWhBEXUVwWuEZ4flACRP0RrsFeAVwHnDVBPc4w3+dSiA8f8S9xyrv3f45907hXqIKlFIWcAnwO+AI4CmlwsBFmJ7Aq4Hb/WNHlFI2cC7wsNb6mFLqfOCh4eP+PV8E7NVa71JKnQNsHr43cFQp9TzA1Vo/VbUvVIyrqQOhUioCnAhs11qP9Um91X9dPcmtzgDSwB8rpf4SWAkMYJ43fkZrvW/EuaswgXesQZiplieq60XADZjnwEcBF/P/twB4B+ZDsh8TzOYAGlgB/IVS6mrgl5jfpYcBRyn1COZn5nPAZ4H/BpZjHs/kgd8DrwSuBP68Cl+fmERTB0LMD62F+eEey3DXtXO8Gyil4pjA5wCfxjxXvA14GfBe4LVKqXO01tv9S7qBfq11eSbljSr7yXEOLQZun+zZppiy+zGj+68B/tV/73PATcA64AFM4PpPIOG/Xg/crbUu+K27c4CvAb3+dZdhWpFgeh3nAF/GPDbJAm/G/ByJOtDsgTDiv4733Gb4/dgE91gAPAkcA96ktT4Kx7tTX8JMkfkv4FUjypxNeVMRWbFixesx3SwxS1prisUi73vf+8jlcpTLZUKh0Od++MMffi4ajQLw8Y9/nAceeAClFFu2bPnwT3/60w93dXUdv/7rX/86P/rRj7jwwgu544473vGzn/3sHYsXLz5+/Nprr+Xyyy/nbW97G9ddd91rrrzyytesWbNm3DqJGbNmclGzD5Zk/dfIOMej/mt6vBtorbdqrddorV85HAT99z3gM8BO4IIRD8CzsylvVNnPG+sPsGUq14upW7t2LQ899BCf+tSn+MIXvsCTTz7JrbfeCsDGjRv57W9/yyc+8Qkuv/xy+vr6+MUvfnH82sOHD/PjH/+YSy+9lE9/+tMkEgmuvPLK48fz+Tzf/e53ecc73sFll13G6tWr+fa3v131r1GMr9lbhP2Y5z3jdUU7Rpw3bVrrklLqYcy8xOU884ypVylljTFFZlblicp5xStewS233EJvby8AN910E/Pmmfnzq1ev5qabbjp+7IYbbjh+DKCnp4df//rX9PT0YFkWV1999fFzAaLRKNdddx2RSATbtrniiivo6OhA1I+mbhH602W2Akv8UcDRlvuvG8a7h1JqoVLqFUqpxeOckvRfh1ufGzEtwrHOn7Q8UTsjg9fIQDfZMYC5c+diWdZzzh3W3t5OLGaeiHR3dxMKNXsbpLE0dSD03Y4JTOeMcewCzHO2eya4/p3AHcA/jz6glEoBz8cs2Rse2Ljdfz1/9Pl+eWBGD4UQdaIVAuEP/Ncv+yPAwPGVJS8Hrtda757g+usw02H+Qil12ojrQ5hRwm7gO1rrnH/oKsygyKeUUt0jzn8R8KfAeq31RIFXCFFlTb/EDkAp9U3g74CnMXO+FgFvBQ4DL9Vab/XPOxczUXa91vqXI67/B+CrmO7v/2LWKJ+PmXJxN3CR1joz4vx/BL4C7AV+BrQDb8c8rzxPa/3ALL+eJ1esWHHKjTfeOJvbCNGMZNR4Apf6f/KYJXevxCx3Ox4EfecClwNvHHmx1vrfgNcCa4E3AX+L+d59AnjVyCDon/9VTODbC7wfeD1mbtk5sw2CQojgtUSLsNlIi1CIcUmLUAghZkICoRCi5UkgFEK0PAmEQoiWJ4FQCNHyJBAKIVqeBEIhRMuTQCiEaHkSCIUQLU9yAYmaymQyFAqFyU8UFRWJREgkErWuRs1IIBQ184EPfIDvfOc7yDLP2rMsi7/927/lW9/6Vq2rUhOy1rgBNcNa40wmQyqVkiBYRyzLIp1ON3rLUNYai8ZRKBQkCNYZz/Na9jGFdI1FXdi+fbvs41ED/f39LF26tNbVqDkJhKIudHR00Nk5pe2ehQicdI2FEC1PAqGoieGtLQEcxyESGW8raFFJ8v9gSCAUNZFIJLj00ktxHIcPfvCDjT5S2bDk/8GQ6TMNqFGmz6QH8+TzpVnfp6MzTigkn9liSmY0fUYGS0RFbH76ML/+1QY8d5YftBYsXNjBW9++5vgG6kIETQKhqIhHHtrD4IBpEc4mfg3H0f37BlmwsD2YygkxigRCEbijRzPs2d1PPl9iTncCx5l5t3agP0c2W+KJx/dLIBQVIw9eROCeeGw/uWyRcMSZVRAEiMXD5LJFNm08RC43++eNQoxFAqEIVLFQZsMT+8lmi8Tj4VnfLxy2sSyLzFCBjRsOBFBDIZ5LAqEI1MaNBxkczON5EIk4s76fZVnE42EymSKPrd+HO9vBFyHGIIFQBMbzPB59eC/ZTJF4IhzYKG80FqJYLHP48BA7tvcFck8hRpJAKAKzc8cxDh5MUyiWicVm3y0eZtt+q3CowCMP7QnsvkIMk0AoAvPwg7vJZIrEYmFsO9g5f/FEmFyuxI7tfRw8kA703kJIIBSBOLB/kO3b+shliyQSwbUGhzmOTTQaIpst8tADuwK/v2htEghFIB5ct4tspkA0Gpr1lJnxJBJhspkCm/Rh+vqyFSlDtCYJhGLWjhwe4ulNh8lkiySSlcteEgo7hMIOmUyBB++XVqEIjgRCMWv3r91JJlMkEnYqnhwhmYyQGSqy4ckDHJNWoQiIBEIxK4cPDbFJHyKTKZBMVT6XXTjsEArbZDIF1t23s+LlidYggVDMytp7d5DJFIhEQoRCs59APRWmVVjgqQ0HOXokU5UyRXOTQChmbP++ATZvOkxmqEiygs8GRwuHHcJhh6GhAmvv2V61ckXzkkAoZsTzPO6+czuZoQLRWKjqiVOTqQgZfwR5/76BqpYtmo8EQjEj27f1sXNHH9lcdVuDw0Ihh2g0RGaowN13bpM9ksWsSCAU0+a6HnffuY2hdIF4LFyxeYOTSSYjZLNFdu44xtYtR2tSB9EcJBCKaXvisX0c2D9IoVCq6LzByTiOTTwRJp3Oc8+d2yiX3ZrVRTQ2CYRiWnK5Imvv2UF6ME8iGQl8TfF0JRIRigWXgwfTPLp+b03rIhqXBEIxLevu28WxY1k8j0ASr86WbVskUxEGB/Pcf+9OMkOFWldJNCAJhGLKjhwe4pGH9pBOF0ilInWzq1wsZrbe6e/Pca9MpxEzIIFQTInnedxx21bS6TzhkE0kWj/7flmWRVsqylA6zxOP7Wf/vsFaV0k0GAmEYkqe1ofZvu0o2WyRVFu01tV5jnDEIRIJkU4XuP3WzZLSX0yLBEIxqUK+xJ23b2VwIE8iHqnZdJnJJFMRcrkie3b38+QT+2tdHdFA6vMnWtSV+9bu5OjRDOWySyJZ+wGS8TiOTTIZYXDATKeRgRMxVRIIxYQOHkzzyEN7GBzMk2qL1s0AyXji8TCeB8eO5bjrzm21ro5oEBIIxbhc1+O2mzYzOJgnHDZL2uqdZVm0tZuBkw1PHGDXzmO1rpJoABIIxbgef3Qfu3cfI58rkqpCrsGgmKAdJj2Y57abN1MqyYoTMTEJhGJM6cE899y9nYGBPMlktG4HSMaTTEUoFMocODDIg+skrb+YWGP9dIuqueO2LQwcM6nwY/H67xKPZtsWqbYogwN5Hrh/pyRwFROSQCieY+uWI2zSh0gPFWhvgAGS8USjDk7IZmAgz603Py1zC8W4JBCKZykUytx282YGB/LE42FC4eqk368Ey7Joa4uSzRbZsb2PDU8eqHWVRJ2SQCieZe092zlyJEOp5NYk4WrQRs4tvPuOrQzJ3EIxBgmE4rgD+wdZ//BeBgcaY87gVMXjYTzM3MI7b99a6+qIOiSBUABmzuAtNz3N4GCeSKQx5gxO1XAXOZ3Os3HDAbZvk2zW4tkkEAoAHn1kL3v3DJg5g22N3yUeLRx2iMXCDA7muf3WLZRK5VpXSdQRCYSCwcE8a+/ZzuBAnmQqim03549FMhmhWHQ5dCDNuvtkbqF4RnP+xItpufO2LfT357CsZ5KcNiPbNnkLBwfzPLRul8wtFMdJIGxx27cdZZM+xFC6QFsTDZCMJzI8t3Awz223bJZtQAUggbCllUoud9y2hcHBQsPPGZyq0XMLN+lDta6SqAMSCFvYIw/t5uCBNMVCuabbclab49gkEmZu4V13bKNQkIGTVieBsEWlB/Osu28X6cE8qbbab8tZbYlEmHLZ5eiRjCRlEBIIW9U9d29ncCCHZVlNNWdwqizLJGVID+Z56IHd9Pfnal0lUUMSCFvQgf2DPPXkAdJDhaZaQTJdkYiD49ik0ya1v2hdEghbjOd53HXHNobSBaKREOEWGCAZj2VZpFIRhoYK6I2H2L9voNZVEjUigbDF7NjWx84dfWRzRZINlHW6UkL+FgSZoQJ337ldptO0KAmELcR1Pe69ZztDQwXisXDDZZ2ulGQyQjZXZNeOPtnjpEXJb0IL2brlCPv3DpLPl1pqusxkHMcmFguTHipw3707pFXYgiQQtgjP81h3307TGoyHW266zGSSyTD5XIndu/qlVdiCJBC2iB3b+9i/b5B8oUQiIa3B0WzbJhYPkxkq8MD9Mq+w1UggbBGPPLSHTKZILCatwfEkEmFyuRI7dxzj4MF0rasjqkgCYQs4cniIHdv7yGWLJBLhWlenbjmOTSQaIpstsv6hPbWujqgiCYQt4PFH95HNFo9PIBbjSyTCZLNFNulD5HLFWldHVIn8VjS5Usll41MHyWaLxOPSGpxMKGRjWxaZTJGNT0lmmlYhgbDJbdtyhHS6gOdBONK6q0imyrIsYvEQuVyRjRtk+89WIYGwyZkuXolYLNSya4qnKxYLUciX2b9vkGPHsrWujqgCCYRNrFQqs31bH/l8qSUzzMyUbduEww75fImtm4/UujqiCiQQNrHdu/qPP/APheS/ejoiUYd8vsy2rbL1ZyuQ344mtnvnMQqFMpGII93iaYpEQhQLJfbtHaBYlAzWzU4CYRPbs2fABMIWTrU1U45jARb5fJkD+2VydbOTQNikymWXQwfTlIrlls45OFOWZREO25SKZQ7sH6x1dUSFSSBsUsf6shSLZTwPbEe6xTMRCjsUSy5HDg/VuiqiwiQQNqm+viylkosTsuX54Aw5jk255NJ3VKbQNLuKzalQSiWALq11XSzaVEq9G/gwoIAM8AfgMq31jilefx7wMeBFQArYC9wAfF7rZ2+Oq5R6DfDbCW53ttb6wWl/EdMwMJCjXPZkSd0sOI5F2XUZHMzXuiqiwgINhEopG/gI8F5gFeABIaXUR4CXAB+pRWBUSn0J+CSwAbgCWAK8DbhIKfVCrfWEO/copf4c+AGQBX4OHABeDHwQeL1S6sVa6/0jLjnDf/0fYOcYt9w7869majJDRVzXk0wzs2DbFm7ZI5styPeyyQUWCJVSIUwL6dWYADgAtPuHlwBvAc7yg0bVFnEqpdZgguDdwAVa64L//jWYoPafwBsmuL4L+DqQxrTk9Ihjnwc+Dfwr8J4Rlw0Hwsu01vuC+2qmrpAv4ckv76zYtoXngetCqVgmIpPSm1aQ/aYPAxdhWk49mAAz7OPAvwMnAf8YYJlT8SH/9fPDQRBAa/0L4E7gdUqpEya4/rVAG/BfI4Og7wtAHnj9qPfXAIdqFQQBiiUXz/OQMDh7nudRLLm1roaooCAD4buB9Vrr92mtj2FahQBorfNa638E7uO5QaPSzgdKmKA32i2ABZw3wfVPAZcB145xrAwUMc8MAVBKxYGVwKMzrG8gLAAZJAmMfCebW5Bt/ZWYLuRE7sI8V6sKpVQEOBHYrrUe64n3Vv919Xj30Fo/DDw8zuHXYILgyOOnAw4wqJT6PuZRQS/wNPA94AqtdcV3B3IcG4sRn0ZixixLpiA1uyADYQ7onuSceZiuZLXMwXyYj7dgtN9/7ZzujZVSHcDX/H9+a8ShNf7rm4AHgGswjwouAb4BvEQp9c6pBEOl1JPjHFo+2bXRqINlW3iuhMKZ8jwPyzKTqyMReT7YzIL8330QeINS6mNa677RB5VS8zGDEg8EWOZkhncpGi/4Dr8fm85NlVJtwI2YVvBvMc9Fh0UxLc3/0Vp/ccQ1czFd8bf711w1nTKnK56IYNuWPNuaBbdsBptisVBTDjqVjwxB+bkflHZHDKvFBoaC/Gq/AvweuEMp9Un81qFSqgcz1eQrQAeTd5+DNDwTdrxt26L+65QXk/oB/Ubg+cD9wJ+ObN1prb+Bafk9i9b6kFLqHzDzF9/FFAKh1vp549ThSeCUia5ta4/iOBa5cnCBMJ2u/20uU6lpN+7HVXbNPMz29ml9TjaEoasfJnvd4zDGHs5We4yuK96M3UJ7XwcWCLXWNyml/gkzleRXIw4Np/m1gC9orW8Mqswp6Adcxu/6dow4b1JKqdMwQXAxcCvwRq31dBairvNfJ+3azlZnZ9ysjCj7o8cBDJx86rPjzjKqG1/76lhjYjNTLrk4jkVHVzywe9aL0uYjuAfTuJnis0eCXI/Qkk7cQ2ns5Jya1a/aAl12oLX+N0xL6TuYrvIWYD1mYvE5WuvLgyxvCvUpYLqpS5RSY23YMRyQNkx2L6XU+Zi5iIsxrbmLxwqCSqnTlVIXKqXGijxJ/7Xia7bmdCcIhWx/Hpw8J5yJYsklFHbo6UlOfnKj8VuCdm+S0Elzjv+xhvNWttiPTJATqi8F7vFHWf8uqPsG4HbMSpdz/L+PdAHmv/yeiW6glHo58GsgDnxZa33ZBKf/FDgZOBvzYTDSK/zXdVRYKGTT3ZPk6NEspaIrS+1moFQsk0yE6Z2Xmvxk0dCC/O34HGYFR70ZHsj4sj/HDwCl1JuAlwPXa613j3exUqobM/IbBz49SRAEEwgB/o8/fWf4PicC/wcz9/Cb0/4qZmDhCe1EIg4FSSw6beWyi+t6hCMOCxa01bo6wRt+VDK65Tf87+YbG5pQkIMlYWDCNbu1oLVeq5S6AtNKfVQp9UtgEfBWzPPLjw6fq5Q6FzgXMzH8l/7b/wDMB45h1k1/dpyiPq+1doGvYlajXAA8rpT6DWYazx9hnkl+WGv9SJBf43gWLeogEnYCSxrwxc9eH8h9GkGhUCYcceidl2rKpXXWhKPgFjThKPlEgvwf/hHwDqXUWEvRau1SYCPwN5gld0cwLbfPaK23jjjvXOBy4EpgOBBe7L92+sfG80XA1Vpn/ID6MeDPgA9gst3cD/xfrfUtAXw9U7L4xE4iUYfyMZdyefbd4yBHZOtdoVAmGg2x9KQmHTBwbNMqfM6osWdagy32KCXIQLgT8y18Qin1OGaQIjPGeZ7W+j1jvF8x/vSWbzJJl1Rr/Vngs6PeO3MG5eWAz/t/aiYWC3PCog76j+XI50skEq0zHWI2PM+jkC/Rloo0cSC0xuz+eh5g8cygSYsIMhD+y4i/n8EzGVhG83h2phZRQStW9rBl8xGGhgoSCKeokC8TCtl0dMWZN785B0qskL99w5jPCC1pEc7CRIkLRI2sWNXDHbdtYWAgR6nkyraeU5DLFYnFw6xSc5s3u3f4uV1jz/PMv6VFOHNa6zuCupcITjIZ4cSlXQz058jliqRS0ckvamGu61IolGnviHHyKb21rk7FWI7NuFk5LAskEM6OUiqJScJ6JmYC8RHgccw0FdkOrAZOOXU+m58+zLG+HMlkpHlbOQHIZUtEoiHmL2ijuxknUg873vUdEQlH/NWSrvHMKaUuBH6MWWc88rfNA476WVd+H2SZYnLLls+hvT3GwECefL5MLNZ800GC4Hke2WyRtvYop61ZUOvqVJZt+V3jMY5ZmMGUFhJY2FdKnYKZcjIHM/3kLzEZq98GfB+T5flapZQKqkwxNY5jc+rp80kkwmSzhckvaFGFQhnLsmhri7Jq1dxaV6eyxvrN99OOGa0VCINsGlyGyfLyWq31H0Ydu0YpdS3wO8z8ur8KsFwxBaedvoAH7t9FerBAUTZ9H1M2UySeCHPqafMJR+T700qCfBBwPnDjGEEQAK31zZj1uhcGWKaYolRblFWr5xJPhMlmirWuTt0pFsuUSmXiiTCnn7Gw1tWpvDHyEGJZzwwiu62VxzLIQDgHk45+Ik9j0taLGnj+WYuIx8Pk8yXKAeYpbAbZTJG4P2WmvaP58g8+R8k1U2VGLqUb/qsHXosl9A0yEO7HjBRP5EzgYIBlimnonZfixKVdxGIhMtIqPK5cdsnnS8QTEZ7/gok2NGweXq4ErvesDb4sy19t4nrmeAsJMhD+DjhPKfXusQ4qpd6HmXT9uwDLFNN01tmLSCQj5HJFyVPoy2TMBOqlJ3Uxb14TZpoZg5cpmEA4KrmCZVsmEGZb64MyyMGSLwB/AvyPUuptmNx//cAJwCuBl2EyuHxxvBuIyltyYifzF7QxlC6QzRRJplp72Z3reuSyReZ0Jzjr7EW1rk7VuIN5PNd77l4stg2uixdQxqJGEeTKkt1+FuerMNtcvgYzS2n4O70ReIfWemdQZYrpsyyLF5y9mH17BzjWlyWRDLf0BOtspkA0GmLhwnYWL2md7DpuX9Y8Jxw9cTpk45Vc3KNj5UtpXoHOrNVar/f39XgxJmV/BzCA2fd3bTX28xWTW7Gqh56eJOl0gWy22LLJGFzXI5Mt0tUV56wXLm6ZDwSvUMbty5hAOHopXciGkkv50FBtKlcjlVhiMAfYpbVeO/yGUupdmKSt+ypQnpgm27Z4/tmLOHRoiP7+HPF4a7YKc7ki4bDD3Lkplq+YbEvu5lE+MAglF2+MFSRWyMYrlnH3DdSmcjUS6IJCfxvPvcA7R7wXwmzetF0p9f4gyxMzd/Ip88xOd7ZFrsVGCMEsp8tkiiSTEc46e1FT7ls8nvLOPrxCGSvsPPcDMOLgFcqUdj5na/KmFuQSu7dhBkL2AE+MOGQBf49J3PpNpdSbgypTzFwoZHPmWSeQSEbIZoomBVMLyeVKOLZFZ1ccdXJrTW0tbT2Kly+NuYm7FQlBoUx55zG8FtrrJsgW4YeBXcCZWutfD7+ptS5qrb8JvADTNf7oONeLKjv19Pmk2qJ4eBQKrfND73ke2UyRRDLCmc8/oeVyNJY2HoR8CcZKvhE23wsvU6C09UiVa1Y7Qf4ErAau1VqPuVm6//7PmXzStaiSaDTE6afPJ5GItNQE60KhjIdHqi3KqafPr3V1qsrNFChuPoyXLWKNEQgty4JYCC9bpPjE/hrUsDaCDIQuZoOjiUT980SdWPP8E0gkwpRLLsUW6QplM2ak/NTT5hNtwh3qJlJ8bB9epgiOjTVO4g0rEcbLFCk+tKfKtaudIAPho8DrlFJjPnBRSs0BXuefJ+pEW1uUVWou8XioJZIxlEouxVKZeDzMmjNbILnCKIX7duINFbCS4XHPsRIREwj1QcpHWmMaTZCB8FvAXOAmpdTrlVI9Sqmw/3oJ8AfM/sDfCrBMEYA1Zy4knjDJGJp92V02UyAeD7NiZTcdrZBcYQQvW6SwbideOo+VHH/LBitkQ9TByxQp3F13W5VXRGCBUGt9LWZz89MwCVoPADn/9XrMBOtvaK2vDqpMEYwFC9tZsLCdaDREtonXmLquRy5XatnWYP7ubbj9OZNoITpxvkWrLYo3mCN3y+aWmFEQ6HCZ1vpjwDnA94B1wBZMV/hHwPla678PsjwRnNPXmFZhLtu8U2lyuSLhiENvb4oTFnXUujpV5Xkeud9rvIEcVnt00gn0ViqKmytR3tlH8bHmXwcR+JNif0XJ2klPFHVl1eoe7rw9wsBAjkKh3HSDCJ7nkcuWSKUinHr6/JZbSVN8bB8lf7TYnjv5plSWbWG3RXH7c+Ru2EBkTXO3oCs+gUoptUQp9Tal1AsrXZaYuVDIYfUp84jHTauw2ZRKLq7nEU+EWd3E23SOxfM8stc9jnssh9UWnfIOdVZHDG8wT+Hh3RSfPlzhWtZW0Evs3qeUekopFfX//RpgE2Znu7VKqZ8qpWQziDr1vFPnEYuFKRTKTTdokssWicVCrFjVQyw2/ohpMyo+to/i4/vMIElnfMrXWWEHkhHcYzmyP1tfwRrWXpBL7P4E+C5wEmZ0GOBrmA2dfgjcgclX+IGgyhTBmtubYt78FJGIQy7XPK1Cz/PI5c0gySnPm1fr6lSV53pkrnoY92jGtAanuYrG7orjDeQoPLSbQhM/KwyyRfgB4BBwstZ6h1JqDbAK+LnW+q+01udjBk7eE2CZImAnnzKPWDxMvokSMRTyZUKOTUdnjEWLWyfnIED+9i2U9CHcoQJW19Rbg8OssIPVFsU9miHzowfxmnSvmyAD4RmYJXbDE4+GE7P+csQ5twKyr3EdW7V6LrFYiFLJbZoNnnI50y1Wq3tbKsuMm86TufphykeGsLviU342OJrVFcfLFCjqQ+T+sCngWtaHIANhGJOEddjwtp23jnjPAZqnz0NQlmQAACAASURBVNWEkskIi5d0Eo2FmiI9l+uahBLRWAi1usk3bR8l8+NHKO/uh7KLNYvJ45ZjY81J4B4eIvPjh5tytUmQgXArsAZAKdWD2aPkKa31Xv89CxMcdwRYpqiAlcq0Cpuhe1wolAiFHbq7k/RMYdpIsyhuOEDu9xr3SAa7Jznr6UJWWxQscA+kGfqvdU031zTIQHgjcJFS6kr/72HgagCl1Iv8907GjCCLOrZ8RTfRaIiy61Jq8P1t87nS8dHiVpk76OWKpL91L+7hIaxkGCs++1Fyy7Kwe5K4fRkKa7dTuGf7rO9ZT4IMhF8AbgPeBZwN3A38u3/sTzDPDG8EvhlgmaIC4vGw6R5HQhTyjdsq9Dy/Wxx1WLGqp9bVqZqhHz9MaesRvFwRa04isPta0RBWR4zyoSHS/3W/2fekSQS51jijtX4VcCpwutb6lVrrnH/4f4GLgD8a8Z6oY8uWdxONhcg3cCAs5MuEQjadnXHmtki3uPDoXnI3PoV7aAh7bnLGAyTjsbri4Hq4e/pJf2tt03SRK7HEbsMY790fdDmispav6CYScRjoN6PHTsC/UNWQL5SIxkIsW9HdEt1idzBP+op7cA8NYaUiWBXYndCyLOzeJO6eAQr37yT3O0384tWBl1NtjffTLaoi1RZl/oI2IhGnIdP4e55HIV8iGgmxbHnz71DneR7pb99LeUcfXrEcaJd4NCsSwpqToHxwkMyVDzbFRk8SCMW4TlreTSTamN3jYtHFsiySqQgLT2ivdXUqLn/TJgr3bDejxL0prArPl7TaoxCyKR8YJP21u/AKjfczMpIEQjGuZcvmEI06FAvlhnsWVMiXiEZDnHhSV0N266ejtLOPoR88QPlgGqsrPubudEGzLAt7bgovXaC48SBDP3qo4mVWUnP/hIhZ6ZmbpKMjjhOyG657nC+YQLhsWXN3i71CifR/3GU2bXesWU2cni4rZJvnhYeGyN34FPn7d1at7KBJIBTjsiyLk5bNIRptrGk05bKL63pEog5LlnbVujoVNfTDBynqg3jpAvbcVNUHhaxEBKstSvlg2jyjPJSuavlBCTL7zL8ppZ4X1P1EfTjJ7x7nG6h7nPcHSU5Y1EFsrL17m0T+vh3kfrvRTJXpTU07s0xQrDlmSk15dz/pr9/dkIkZgvzOfQR4TCm1Tin1fqVUa6X5aFKLlnQez9/XKKtMCvkykajDScvm1LoqFVM+lCb97bXmuWBbFCtRuxyLlmVhz0vhHctSWL+X7HWP16wuMxVkIHw1ZkndKcAVwF6l1E+UUq/21xmLBhQK2SxZ2kW0QabRuK5HsWi2GjipSafNeK5H+hv3UN7TD65nWmQ1ZoUdrJ4k7oE0mWsepbjxYK2rNC1Briy5WWv9LkxS1vcCDwJvBX4L7FRKfUkptSqo8kT1LPOfEzbCNJpCoUwobDNnToKuGeTfawTZXzxB4ZE9eMey2POq/1xwPHZbFOIh3INpBv/zLtyhQq2rNGWBP1TQWqe11j/QWr8CWAl8BtgL/DPwlFLqLqXUnyulWmtT2QZ20rI5RKIhyg2Qo3B42syy5c3ZLS5tPkzmp4/gHkxj9SRNOv06Yvck8fIlytuOMvSDdbWuzpRV9Omq1nor8HPg18AuwMJs9/kDYLdSSrb3bACJZIQFC/1VJvn67R57nvfMtJkVzdct9vIlBr9+N+7BNEQdrFTwS+hmy7L9JXiHh8jfspn8vdtrXaUpqUggVErNU0p9VCn1CPAE8FnMuuYvY5IyvBvYA/ybUuqzlaiDCNbyFT11n4ShWCzj2DZtbVHmL2i+1SSZqx5+ZkvOAHIMVooVC/tZatKkv3dfQ2SpCWxugd/VfTMmDdcF/r0LwHWYFuDvtdbD8y82KKWuB54G/g4TKEUdW7aim+gdIQYH8riuV5cp7/M5k3Jr6bI5dVm/2Sg+sZ/scFaZ3uCzygTN6orj7RnA3TNA+rv30fbP59Vt4IZgs88cAFKY7u9jmOB3ldb66Fgna60HlFK7gebeObpJdHXF6elJ0n8sRyFfIhZAss8geZ5HPl+isyvGypXNlXvQyxZJf/te3MNprGRlssoE7VlZatbuoHDnNqKvXFbrao0ryEBYBr4N/EBr/fAUr/kcsDvAOogKWrGqh927+8nVYSAsFV0sCxKJCIuWNNcU1sxP11PaehQvV8JuoF34rEgIqzNuusj/s47wmgXY09hXuZqCbF8v0Fp/UGv98OhN3JVSY34UaK2vn0bQFDW2clUP0WiIYh1uAJ/LP5N7MFSjFRaVUNx0iOyvN+Ae9hOtNliX3+qMgQfu3gGGfvBAraszriDnEeaVUq9USj3Mczdxf1Ip9YRS6sygyhPVN6c7QU9PgnDYqau1x57nHd+bZGUTpeT3Si5D370P98gQJMIN0SUezWSpSeIezZC/ayuFh+uzAxjkWuOzgd8Dp2GeEw6/H8fsVbIcuFspdUZQZYrqsiyLlWqu2eqzjgJh0e8WJ5MRlpzYPEkWcjduoKgP4Q0Vsbsrl2i10qxoCKs9int4iKH/XodXRz87w4LsQ3wGs2fxi7XWXx9+U2ud1Vq/BTN/0AIuD7BMUWWr/K0+66l7nPc3cF++oqdpusXlw0NkrnnMDJDMmfnm7PXC6krg5UuUth0l+/P6W4sc5Hf3LOAnWusxMzT6zwKvAV4ZYJmiyuZ0J+idlyIccepiTuHwaHEsFmZVE23gnvnRQ7gHB8G2zJ7CDc6yLbMW+UiG7K+epLx3oNZVepYgA2E7kJ3knD6gPoeNxJSp1b3EYiFyuWKtq0KhUMa2bdraoyxuktHi4hP7yd+1FbcvW9cTp6fLSoQhbFM+NMTQlQ/WujrPEmQgfBq4UCk15pQcfyT5PGBrgGWKGli1ei6xWJhSsfZrj3O5ErF4iFWr5zbFJGrP9Rj64QO4RzMmvVYV0u5Xi2VZ2N1JvP4shXU7KTyyp9ZVOi7IQHg1sBr4H6XUsxZ6+rkJv4sZSLk6wDJFDbS1RVm0uINoNEQuV7vuseuanepisRCrT+6tWT2ClL/laUqbDuFlCmYP4SZjRRystijukQxDVz5YN0lcg/y4+Q/gj4B3AG9VSj0N9AMdmCw0YeB+4KsBlilqZPXJvWzdcoT0YIFEIlyT7ls+XyIcdujuTtI7L1X18oPmZgpkfrae8uGM2YSpwQdIxmN1xXF39VPacoT8zU8Tu0jVukqBziMsYbq+l2G6v6cAL/Ff9wKfB87VWueDKlPUzvKVPcTjYVzXq1nm6rzfLVan9DbFc7Tc9U9S3jMAZRervXmz1FmObYLhkSEy1zyKm6l93sJAH0BorYvAvwD/opSKAt1AWmtdX0NEYtZiMbNxev+xHLmcaZlVU7nsUiyW6eiMNUW32D2aIXv9BvNssDvRFIF9IlZ7FK8/R3nvALlfPUniz2q71qJibW+tdV5rvVeCYPNafUovsXiIfK5U9Y2d8jmTd3DR4g46qriFZaVkrnkU9/CQ2ZKzhvuPVItlWVjdCfMBcMOGmqfqCrRFqJRKYJ4TngREGbHCZARPay2TqpvAiUu7aGuLMtCfp1Aw+4RUg+d55HIlUm2RpmgNlvb0k7vlaTNdZn79pN6vNCsRxjtm4fqTx1N/8+Ka1SXIfIRLgTuARYwdAId5yOqSpuA4NqvUXI4cyRxvoVVDqWT2LY7Hw6xY1fiTqLM/eQT3aBZiIaxY87cGh1mWhT0ngXsgTe7mTcRffwrOwtok1A3yJ/dLwGLgduB64Bgm6IkmtvqUXh55eA9H0pmqJWwdTrBw0rI5Db9vcWnzYfL37sDrz2Kf0HxZtSdjxcMQdXD7smSueZS2v395TeoR5E/Rq4F1WuvzA7ynqHPz5rcxZ06C/v58VRK2ep5HLl+isyOGaoJucean63GPZSEZwYo0dlCfKXtOAnfvAPk7txJ/46mEllY/cUaQgyVJ4LYA7ycagGVZqJP9JXdVWHt8PNNMKsLSkxp7p7rihgMUHtqNN5DDbsLJ01NlRUOQCOP2Z8n8bH1N6hBkINwI1G8ublExZslddTLSHM80s7LxM81kfmZag1YqWnfbclab3ZXA689RuH8npS1Hql9+gPf6BvBGPy+haCFz5lQnI83xTDPRMKrBM80Un9xP8bF9eIN5rK7Gn/4zW1bEgWQE95h5VlhtQT6U6AfWA3cppf6AaSHmxjhPps80oZWr5rJr5zFy2RLxCj0nLBZNpplUW5RFDbR3x1gy1zz6TGsw1NqtwWF2Zxx3Tz+FB3ZR2nyY0IrqZRsPMhBeO+Lvr/P/jEWmzzShFat6uOeubRXd7jOfM/uSLF/Z3dCZZopPHTjeGrQXd9S6OnXjWa3Cnz9O+8fOq1rZQQbCvwjwXqLBdHXFmdubqth2n6ZbXKazK8zyFd2TX1DHsj9/QlqD4zjeKrxvJ6WdfYSWVGcEObBAqLW+Mqh7ica0fEU3u3YeM8/xAg6EpdIz23U2cgLW0vajZqR4MI+9SFqDo1kRB+Jh3IEc2V89SdulL6tKuRUZdlNKzVdKXayUeof/73njJWwVzeOkZXOIRh0KhXLga4/z+RKRaIilJ3XhNHB6quwNG3AHcmZXuhYfKR6P3RnH68+Rv2sb5SND1SkzyJsppRYqpW4A9gC/BoZbie8DtiulZLJ1E5vbm6KtLYbj2BSL5UDvXciXiUYdli5r3LmDZkvLbXj9ubrd6LweWLEQRBy8/iy53+qqlBnkdp49wL3AJZjR48d4Zs1xHlgI3KCUOjWoMkV9sW2LE5d2EYk6FPLBBcJy2WwJEIk4nNjA23XmbtqEN5CDsN1UKfgrweqI4fbnyN28Ca9Q+Yn6QbYIPwUsAd6jtT4L+OXwAa31VzBZaSLAxwMsU9SZJUs7iURM9zgoxUKZcMRhbm+KRLLxNjkH8MquyTDTn8NqgrRhlWYlwuB6uIczFNburHh5QQbCPwJ+o7X+f2Md1FrfANyA2d9YNKnFS0wgLJfdwFaZFIplIhGnoTdvLz6yF3d/GkouVqIxg3k1WZZlkrcO5sjd+nTFywsyEC7EdIcnsglYEGCZos4kEhG6e5KEwsG1CouFMpGww6IGnnOXv3Mr7mAOKxXBauA5kNVkpaJ4QwWKT+ynfChd0bKCDIRHgOWTnKP880QTW7Sog0gkmAGT4ZZlOOKwsEa56mbLy5fMlJmhQlNs1l4tVtiBaAhvqEjhvsp2j4MMhLdg1hqfMdZBpdRLMKtNJENNk1twQjvhsBNIICwWXcJhh565SSINOsBQfGyfmTJjARGZMjMdVjKCN5SnsK6ygTDIn6zPA28E7lZKfQdYBaCUegvwYuADQAGzuZNoYvMXmEBYKrl4njer1POlYplw2GbBgsZsDQIUHt5j9ilORFomDX9QrEQY92iGoj6EO1TArtBgWZDbeT6NmTrTD3wU0/qzgJ/5/84Ab9FaPxlUmaI+tbdHSSYjOI41660+i6UyobDDvAVtAdWu+oob9uNliyYbs5gWK+yAY+Nli5Q2HqxYOUFv53mnUuokzAjyC4AuYBB4BPil1rqyTzwnoJR6N/BhzHPKDPAH4DKt9Y4pXr8E0+q9ALNN6SbgCq3198c5/xLgE8BpQBm4C/i01nqyAaWGZ1kWvfNS7N83SMnv2s6E53n+9TbzGnQDdzedN3sV58vQ4NsK1IoVC0GuSGnTISJnLapIGYH/z2itC8D/+n/qglLqS8AngQ3AFZj5jm8DLlJKvVBrvW2S60/ETBafC/wU2A+8CfieUmq11vofRp3/PuB7wA7g+5gPhD8DLlRKnau1Xhfk11eP5vamCIVtSqUyMLOWULnsYVkQjjh0zUkEW8EqKW/vg0IJQhZWAy8NrKloCC9XorS9r2JFBLmL3ZKpnqu1rvwMSZ9Sag0mCN4NXOAHapRS1wA/B/4TeMMkt/kPzPSgS7TWv/Gvvxy4FfiIUupqrfVD/vvzgK8DTwNna637/fe/B9wJfF8pdYbWuqk3turpSRIK2eRzM18VUC65hEIO3d3Jhk27Vd43gFdwISytwZmyIg7uYJ7yvsptkR7kR9R2YNsU/1TTh/zXzw8HQQCt9S8wgel1SqkTxrvYbw2+Ebh3OAj612cxAdYC/mbEJX8NxICvDAdB//z7Ma3J04GXzPaLqnfdPQlCIfv4gMlMlMouTsimu6cxW4MA7uEhvFIZq8G3FaipkA0lF/dQOvBkHseLCPBe9zL29p1JzF4m7cBaoNrdwvOBEibojXYL8ArgPOCqca4/FxPsbhnj2N2YkfCRySSG/z7W+bcA7/bPuXeSeje0zq748SwxruvhONNv0ZVKZn1xd3cy6OpVjTuQB9eDGXz94zmcr1zLKCg90QBH+R0br+ziFV3IlaACg05B5iMcN3GYUsrGjBx/nmdaaBWnlIoAJwLbtdb5MU7Z6r+unuA2q/zXzaMPaK2LSqldwElKqYjf4lyFCbxjDcJMpbym4Dg2nZ1xjh7JUC67M0qdVS65hOJhOht4hzevUDKBMBxci/DkGy4N7F6VcugtAaYnHf4M8Ty8fKkio+9VeXChtXaBryqlXg18Ebi4GuUCczDfxqPjHB/uuk6U6XM4HfJE97AxLd7D/vn9WuuxZhNPpbzjlFLjTTWabAVPXRhuFZZLnkm3MQ2e55kAGrLomtO4gZAK7+onglHtBxcPAS+tYnnDv35jtQZHvj9ROpDp3iMyy/KaRmdXHCdkUypPfy7h8LMgx7Fpb2/cb5cVDZmPYomHMzf8vbMsqFAy22oPZa2huj8SWf91vPbI8MLPieY3Tvce2VmWd5zW+nljve+3FE+Zyj1qqaMjZiZVz2CpXbnk4Thmx7pG3r/YSkbAsWEGHwbC53pYtpl+VKlJ6UFOnxkv+7QNtAGvBy4CbgyqzCnoB1zG74p2jDhvPMNd4onu4QHDT7CPAr1KKWuMKTJTKa9pmEBoUy5P/7PPPFe0Gro1CGB3J7AcGzfA/Z6fev03ArtXQyiVIWRjz4lXLHNPkC3Cm5m4tWdhgsUnAyxzQlrrglJqK7BEKRXWWhdHnTL8rG3DBLfZOOrc45RSYWCxKUq7I85f5L8/er7kVMprGu1+i7A8g9ZQ2fWwHZuOBk9i6ixoN4kW+oNLVBvoiGwD8IouVtjBruB68yAD4Y8YOxB6mCkmTwH/T2s93qBDpdwOvBeTEPb2UccuwNTvngmuv8M/53zMqPdIL8d0g+8eVd6r/PN/OEZ5jDq/abW1R7FtGw+mvdex688hbGtv7LRVzuJOrIiDVyzj+V08MU35EkRChBZXbvfCIKfP/HlQ9wrYDzCB8MtKqQv8idAopd6ECWS/0lrvHu9irfVupdQfMMvx3qi1/qV/fRz4kn/aFSMuuQr4NPAppdQNWusj/vkvAv4UWK+1nijwNo1w2CEeD+PYFm7Zxban/qC7XPaIRBs/ENrdCeyuONYex/xCS+KFafPyJeyuBKFlldvPuunX/Wit1yqlrgD+DnhUKfVLTNf1rcABzPxGAJRS52ImUK8fDni+D2Emg1/rL83bjVltshKzgmT9iPJ2KKU+BXwFeEwp9TPM1Jq3A0XMypOWkWqLYDs2Zdeb1g9b2XVxbIu2Bk9kalkW4dW9lDYfwctVZg5cM/NcD/JlrFiI0Cm9FSsnyMGS0d3GqfK01pcHVY9xXIp5dvc3mKB2BLPc7TNa660jzjsXuByzDenIzac2KaVejJkDeRFm+ssmTEvzB6ML01p/VSm1BxNk3495NnqTX96jQX9x9aytLeq3CKc+YOJ5Hm7ZPCNsa/DBEoDwaQvI3bIZtz8LDTw5vCayRYg6OAvaceZWLgNRkC3CT/HsZ4SjH4Z4E7xf0UDoj95+0/8z0XmfBT47zrGnMV3bqZb5E+AnU65kk2pri2I7FmV36gMmw8tJbduira3xNzoKn3mC2ZXtYBqv7EoWmmnwhkxC2/CZCytaTpCB8GxM1pUzgG9j1tUeAnqBF2FaYiVMwMwFWK6oY23t/obv09jIqVx2sW2LeDxMKNT4qe2d3hShZd24B9LmF7sJWrnV4HkeXqaIszBO5OwpJ7eakSAD4SWYIPgyrfUjo479Ril1FfAAsFRr/YkAyxV1bLhrnJtGi9B1PWzHItUErcFhkRefaPYuSedBAuHUZIvgWNjdCcKnzKtoUUG20f8KuHqMIAgc71pei8m+IlpEyu8aT+cZoVv2cGy74QdKRoqesxQrFYF8CW+W2xe0CjddwEpFibxkacXTmAV59x6eWY42njJTTDggmkNbe9SsLnG9KeeSK7tmVUkzBUJnfhvh1b1YiQheeryl6GKY53p4QwXstijRVy6reHlBBsJNwBuUUmNO/1ZKLcBMOVk/1nHRnJLJCLZtYWG6vFPRTCPGI0XPXY7VFsUbzFcswWiz8NJ5rGgIZ3EnoZU9FS8vyGeE38EfJPHT2K/DbNy0EHgZ8BlMq/G9AZYp6pxtW6Taohw5nCGTKU4pQWuxWCYWDzX8ZOrRIi9div3DB3EPpc3k6pjMKRyPN5jH7ogTO39FVbZADXJlyXeVUmdiJgzfMMYpHvDPWuuxjokm1tERIx4PUSq5JjfhJCIRh1Co8dcZj2YnI0RfeiLl/YO4A3kcCYRj8vIlKLpYbVGi51Yn9WbQ23n+rVLqauBdmJRbnZhsLOuA72utHw+yPNEYznn5SbS3x3Cn0R3s6orT26BbeE4k+qqV5G5+mvKuYzKncBzeYN4EwRcuxu6szgT0SmzneSdj7w8iWtT8BW3Mb+AN2oMUWjWX0PJus6nTYB6rSr/ojcJzPdzBPKFFHUQvXDX5BQGpyFpjP8HA84EurfWXlVIrgaPDCQiEaFWWZRF79SqKTx00wbAjVpVnYI3i+CDJki7Cpy2oWrmBtsuVUqcrpR7F7NB2BfAF/9A7gJ1KqXcGWZ4QjSj68mXYwxvWZ4NL2NroPM/DG8hjd8SIXbiqqinLAguE/v6/twLPwyQsuGPE4d1+WT9USlVzzxIh6o4VDxM9dxl2exR3QFabHpcvQdnF7owTPa+6+5MF2SK8HJNu6gKt9R8zIgmq1vq/MLn/isDHAixTiIYUe7XCaotBtog3gz1dmpHbn8NqjxF9+UnYqepOnQoyEF4E/FxrfcdYB7XWDwI/B84KsEwhGlJocSfhMxZipaJ4A7LSxCu5kClit8eIXVz9bb+DDITdwLZJztmDmVQtRMuLX7wauyOGN5gzCUhbmDeQw0pGCJ86n9DSOVUvP8hAuB/zfHAiazBZoYVoeeGzFuEs6oRICG+wdVuFnjs8SBIn9trqtwYh2ED4G+C1SqnXjHVQKfXHwIXA7wIsU4iGZdkWsUtWY3fG8fpzLbv+2BvMQ8TBWdxB5OzFNalDkIHwC8Bh4Aal1LWYXdxQSv2T/+9rgD7gywGWKURDi523ArsnCRZ4Q6N3m21+nufh9eewO+PELjm5ZittAitVa70POA94FHgzZpTYAv7V/7cGLtRaj97rV4iWZcXDxC9WplV4LNtyrUJvqAC2hdObInb+iprVI+i1xk8BL1BKvQCTur8Lk4HmEeAef+8QIcQIsdeeTPbXT+H2ZSFThGTzZOaeiOd5eH1Z7K4EsdedjFXDJBRB7mJ3J3CL1vpz/lSZB4O6txDNzG6PEbtIkTk8hNuXxU6EW2LZnZcuABZ2b4rYa2ozSDIsyA752UD1x72FaALxNzzPPCv0TGbmZne8NTgnbr72GreCg54+I4FQiBmwO2ImIMxJ4B3NNv28Qm8gB46Ns7CDeI2mzIwU5DPCDwE/UUp9ETNCvBXIjHWi1lp2rxFilPjrTyH3h024/TkzwbhJU3R5ZRevL4ezoI3En67Bitc+QW2QLcIvAXngE5jBkX7M2uLRf5q/3S/EDFjxMIl3Ph+nJ4nXl8UrNecaZO9IBisZJqR6iV6wstbVAYJtEbYDA/4fIcQMRF+xjPzNT+MO5nEPZ7DnpZpq4MTLFs2m7Ys7Sb73hVVNtTWRIPcsWRrUvYRoVZZtkfzrF1HadIjSjj68IbO3bzPwXA/30BB2d4LYq1cRVr21rtJxsmGCEHUmtKSL+FtOx56bxDs81DQbwntHM1gRB+fELhLvqq8kVDMOhEqph5VSfx1kZYQQRvxNpxI+ZR5WWwz3ULrhV5x4mQJeuoA9N0nq/S+p+XSZ0WbTIjwDmD/6TaXUe5RSt87ivkK0PCvskPrQy3DmtUHZrMdtVF7JxT04hN2bIn7JKUTOOKHWVXqOSnSNlwKvrMB9hWgpoUWdJP/qhTjzUmYUOdt4SRk8z8M9mMZqixI+ubfuusTD5BmhEHUsesEKouevxJ6bwj2Ybrjnhd7RDHjgLGyn7aOvxIo4ta7SmCQQClHHLMsi9dcvIry6FysVxT0w2DCrTtzBPF66gDM/RervzsFZ2F7rKo1LAqEQdc6KhWn72Lk4izuxbMuMJNf54ImXK+EdHsKe10b8j08n+pITa12lCUkgFKIBOAvaafvoK7Dnt5sgU8eDJ17JxT0wiN2TJPrSpST+7MxaV2lSEgiFaBCRNQtJ/uXZOAva8I7lcOswS43nerj7B/3BkXmkPvyyulk9MpHZriz5c6XUuaPeWwowwRQaT2t9wSzLFaIlxS5eTXnPANlfPYm7fwBvQTtWLND8yjPmeR7ugTRW2CZ04hzaPnE+dqK+5guOZ7bfwaX+n7GcO8779f1wQ4g6ZlkWyb88G/dgmvxdW3H3D2Kf0I4Vru1orOd5eEcy4Lo4i7po+/h5OL2pmtZpOmYTCM8LrBZCiCmzHJvUR16O25ehsH4v7p4BcGrc/fSbN86iDlIffjnhVXNrW59pmnEg1FrfEWRFhBBTZycitH3ifPov+y3u3gHqYRDZCtsk3/OCuh8hHkt9PFwQQkyb052k62t/RGnLkbp44GR3xXFO6Kh1NWZEAqEQDcyKhQk/7zlL/sU0yfQZIUTLk0AohGh5EgiFEC1PAqEQouVJIBRCtDwJiRlyxwAAFsxJREFUhEKIlieBUAjR8iQQCiFangRCIUTLk0AohGh5EgiFEC1PAqEQouVJIBRCtDwJhEKIlieBUAjR8iQQCiFangRCIUTLk0AohGh5EgiFEC1PAqEQouVJIBRCtDwJhEKIlieBUAjR8iQQCiFangRCIUTLk0AohGh5EgiFEC1PAqEQouVJIBRCtDwJhEKIlieBUAjR8iQQCiFangRCIUTLk0AohGh5EgiFEC1PAqEQouVJIBRCtDwJhEKIlieBUAjR8iQQCiFangRCIUTLk0AohGh5oVpXoNKUUi8FPgucBYSBB4DPa63vmMY9lgOfBi4EeoE+4E7gC1rrR0edmwAGGf9D5p+01l+d5pchhKigpg6ESqmLgesxgevHgAO8HbhVKfVmrfWvpnCP0zFBrwP4DbABWA68CXidUupirfVtIy45HRMEb/OvG+3emX9FQohKaNpAqJSKAv8N9ANnaa13+e//O7AO+I5S6iatdWaSW30LEwTfrrX+yYj7vwr4PfDfSqkVWmvXP3SG//r9kecLIepXMz8jfCuwAPjucBAE0FpvAb4JzAfeONENlFInAOcAj4wOalrrm4HbgZOAU0ccWuO/PqvLLISoX80cCM/3X28Z49gto84ZTwn4J+Dfxjme91/bRrx3BpAD9BTqKISoA03bNQZW+a+bxzi21X9dPdENtNYHgDEHNpRS84CXY4LlU/57NnAasAv4pFLq7cBS4CBwLWaQpn9aX4UQouKaORB2+69Hxzg2HIw6Z3H/rwMp4Cqt9XAZK4AksBJ4L/ArTKv7fOCjwGuUUi/TWvdNpQCl1JPjHFo+i3oLIUZpqEColNrMFIKA1toCIv4/82OcMvxebIb1+E/MM8jdwEdGHJqLGVXeCLxTa531zw9jBm7eBXwFEySFEHWioQIhsAXTFZ2KrP8aAYqjjkX91/R0CvcD2veB9wCHgIu11oeHj2ut7wGeN/o6rXVRKfVB4C3A25RS79daj67Tc2itn3Mvvx5PAqdMp+5CiPE1VCDUWl80jdOHu6udwNCoYx3+65Sf1ymlOoFfAOdingG+Wmu9carXa60HlFIaM5gyD9OaFELUgYYKhNO0EXgZpiu9Z9Sx4e71hqncSCm1GDNn8GRgPXCJ1nrvGOctxQyO/P/27jxKrrJO4/g3K0sMm4LILqA/AVFEWQIJIERCPAhhE1FHIojKKsgyAklAZBFEYBgQdGSRYRsZdSKExQUQUFFUUALhkZgjIpuSsMgalswfv7fgUjShO0lXddV9PufkVPreqs6tyumn3/suv3d6taVYMaI8PtvDOTNrk26ePnNjeexpisw25fGWN/smZXT4ejIEfwKM6SkEiyPIFSUTe/g+q5BzDmdJmv1m/66ZtU43B+FUYDZwYESs2ThY1g3vDzwM/KAX3+dicjT4GmB7SfPrV7y8PB4WEStV/s0lge+QLfAz+vImzKz/DZo3b167r6HfRMTHgcvIvsDGypA9gKWAnSX9uPLcNciW3OOSzijHtiVviSGny7zRtJeLJM0qrzkTOBB4HLiCHKjZDliTnEu4e2U53oK+r7vWXnvtdadNm7Yw38asGw1akBd1cx8hkr4fEY8Bk8iR3rnA7fRcfWYN4BjgPl5ttY2vnD9oPv/ULZRJ2pIOiojfkq3OT5XzM4B9ge8sbAia2aLX1S3CbuUWodkbWqAWYTf3EZqZ9YqD0Mxqz0FoZrXnIDSz2nMQmlntOQjNrPYchGZWew5CM6s9B6GZ1Z6D0Mxqz0FoZrXnIDSz2nMQmlntOQjNrPYchGZWew5CM6s9B6GZ1Z6D0Mxqz0FoZrXnIDSz2nMQmlntOQjNrPYchGZWew5CM6s9B6GZ1Z6D0Mxqz0FoZrXnIDSz2nMQmlntOQjNrPYGzZs3r93XYH0UEU8OHz585GqrrdbuSzEbUGbOnHmlpB36+rqh/XEx1u+emTt3LjNnzry/3ReykNYqj39p61VY7f8f3CK0tomIuwAkrdfua6kz/z+4j9DMzEFoZuYgNLPacxCaWe05CM2s9jxqbGa15xahmdWeg9DMas9BaGa15yA0s9pzEJpZ7TkIzaz2HIRmVnsOQut6ETGo3ddgA5uD0OpgJDgQ7Y05CK2rRcRoYHZEfEzSPIfhwouIwU1fd/xn6iC0bjcOGAJMjYjtHIYLJyIGS3q5/H3ziBgiqePX6ToIratJmgycVL682mG44JpC8Ejg/4Bty9cd/Xk6CK3rRMSw6qOko4GTy+mrI2K8w7BvmkLwq8AJwFuBVQE6vVXoILSuEhGbAdMiYnVJL0TEUABJR/JqGE5zGPZeUwh+DZgMXFtOr1iOd/Tn6CC0rhARg0oL8CRgLHB+RKwq6UWH4YIrfYDVEDwaOAc4F3iCV3fA6+gs6eiLN2uQNE/SC8BngF8BHwYudhj2TUQsHxHLNr6W9FI5fhwZgt8CTgR+DjwDLNX0vI78HB2E1jVK6+U+YA/gt8AYHIa9FhEbAL8H9qqGYUQcAkwCzgJOlfQAsCTwAtlP2HjeoEZfYeOzjIghrXsHC85BaF1D0kslDO8HdsNh2FfjgFWALwOfjIjlyvF7gK8CZ0j6azn2JDAbWDEiRlSn0UTEx4CLImKxRktxoHMQWldZyDDcsdNHPxfSmcBRwOLAMcAeEbG0pGuAUyTNajxR0vPAY+W5wyq3xtsCU4BPUUaUO4GD0LrOAoThieWll5TWTe1ahWVk+FngDOA0YChwLPDpiFi2nGsMSjU+n+eAZcnbZCJiHPmL5V3A+yXNbO27WHAOQutKfQzDSeQP/WhJT9exVSjp5RKGzwGnA98g82Ey2TJ8a3nePKARhA+V56wQEVsCXydHkbeQdGer38PC8C521tVKGL4UEasCVwAbAzcDn5Z0f0QMK6PNtVMd3KgcG1p+SQwhp8l8DniQnJZ0qaTHKs89ATgMOByYAHyI/GXyp1a9h0XFLULravNpGV7YmHTd3itsvYhYPSJWbh4cKsH4YvlyA+A9wIvk7e8xvHYABfLWeBi5ymQjYEwnhiA4CK0GegjDxjzDsxu3x3UREesCdwInV8Ow3BY3Rn1Hk/2Eo4AdgX8n+wwbAyiNKTP3lMd5wKaS/tjK97IoOQitozSXgOqtpjD8NDkh+KhKC6gu1gIeB3YGpkTEKmUyemP1yGiyhbcZML6MGF9ABuMQMgw/ERFvAX5Xzm0k6a7Wv5VFx32E1jGa1ryOI2/fNgQeBa4CbpL0dDn/uv6vcrzRZzi0hiFIRCxOVow5HliHDLIpkh6OiDHl+GbAOEnXN/pQy+sOJecYPk8OqHwTGNIN3QsOQusITasWJpEd9EsATwHLlKd9C/i+pJv68v3qJiIWA8YDx5Fh+F3gp8D+wBa8GoKDK6PJL5cwPJicbjSLbAk+1vO/0lkchNZRIuJA4D+Ai4DvSbohIj4BfAV4H/Bt4KBuaKX0p6YwfC85FWZ5csDjN42Wc+X5jTBcAtgPuEqS2nHt/cFBaB2jTIG5lrwV/oKke8rx7chWzRDg/eRI57ONScDWs0oYTgY+AEwDdqy2Apue/7pj3cKDJdZJ3kbeyv1Y0j0RMTgidiZXQwwj5wgOIVuL49t3mZ2hLJO7luwXvJPsOzy3TDh/uXmFTbeGIDgIrbOMLI9zyuOOZH/VMsAmZUR4U+Cj5U/tVKq+9GqZYFlJcjU5Gizgs8CkxmhyXZYbOghtQGv6wW7c6u4REfuQqx2WBUZVqqLcVh7/1crrHECGlceR1YPzK4dVWobXkMUSZgB7AZN7mnTdrdxHaAPKm/VDRcSlwCfI6shzgQ0kPVQ5fyi5TnaipIv6+3oHkoh4L3AQsB75C+Ja4GZJP+rl66sDKGsDPwIOl/Rg/1zxwFGrWfU2sDXNE9wB+CCwBvB94Ooy3eUcYE2yP/A/ycnBjdfvAkwE/kROmK6NiPgQ8BOyj3QWudrjYODgiPg2cISk+baSJT0fEdcAL5FTkbYl1xJ3PbcIbUBomic4mSwEWnUsOSjyNPBx4AhgffJW7gZyxcQm5A/x1p2+0qEvIuLtwFQyBI+VNC0ihgObA2eTa4avBL4s6S+9+H6LA1sD91RrEHYzB6ENKBHxWbLVNxW4GHgnebu3Jlnm6URyr4wPAl8kl8sNIyuk/BKYJOne1l95+5QS+7eQxVOPK8caK0LWIz+zj5GTpr9Q6U+1woMl1jaNxf5Nh7cjK8RMlnSlpDPJZV13kJOmjwZGSrpN0t5AkC2edch+wVqFYPFusjjqdMi+vhKCg0rL+FDgcuAjwOkR0Sik2hH7ibSCW4TWUhHxAWAdSZc2HZ8CDCerwlwm6azqeuCI2J7sxN+AHC0+U9Ijrb36galUlLkNuELSxHLsNUsII+Jd5Nrg7YGzJR3YjmsdqNwitJaJiBWBm4Bdy98bx1cj+/2OIks/LQdQKRCKpKvIFRC3A0cC+0fECq19BwPWo8D9ZFn93SErSVenvZSW8pHAveRnN6EtVzpAOQitlZ4jKx6fLenhxkFJfyNvf68jBztGRcTa5dxLlTCcRs51u43cXvLzC1qWq5tI+gdZM/BFYL+IGFWOvxKGldvk/cvLRrXlYgco3xpbv4uIlRpz0SJiuKS55e8HAC9KOrd8PZbsA9ySLJ7wtcrrXikCEBE7AV8C9pN0d8vfUJtExJrAVuXPX4G7JV1ezr2NbPEdTM7/O17SHeXcoBKKw8iBpTvIAacxwFN1rcJT5SC0fhURHyRbcKdKOqIcG0SWdr8V+Ds50ntRObc1udxrDDl6fMIbhOGIRu3BOoiIjckBj7eTYTa4/Jki6fjynHXJXyR7AD8kP/Nby7nFygoSIuIu4BFJW7f8jQxQtb+tsH43ojweFhHHwCs7od1Ljma+FTg2IvYs564n5xDeDOwLHB0RK5Vz1dvkOoXgu8lgm0Pe2r4H2J1cWbN3qcpDaR2fBlwC7AScFBG7lXONENyJ3G94ekQMrcPyud5wi9D6TeWWbEvgenIbyOMkHVvOLwPsCZwCPFDOXVjOVVuGZ5Fz5P7e8jfRRpXP7wSyBuA+kv63cv5Usm/1ncADlRH2tcrzDyA/88vIz39dYAeySMXo3kyurgu3CK3flB/iwZJ+AWxDLvuaEhHHlvOPA98jV4msXM5NLOcaLcMbyB/oL9Vt3lul724UubZ6GuSWm+X4YsA/yNbhxRHxrYjYBnhQ0qHArsDM8ngB+Tk+DYx1CL6WW4TW7yrVjbci1wD3pWU4jlxZcnidBkaqImIaOX9yfUlzyrFhwI28fvR3NnAu2T/4RFl+tzxZhfrPwP2S/tmqa+8UbhFaS5QwvJHetwz/rZy7DtitjiFY6b/7I/AOspug4RAyBM8h11y/i5yaNIdcetiYQvOIpOmSLpf0B4dgz9witEWuF6W0tiErpbxRy/AEck7cvpIu6/8rHtgiYmWy8OwPK8c+SpbKurzMI2yU0dqNrNB9oaS92nG9nchBaItUUymtjciWyqpkS+U64J+Sni1zBq+j5zD8Itni2VzSzNa/i4GradnhWyQ91VS5Z3Vy9c3twHbyJla94iC0RaYpBL9C1rJbrvKUe8kRzDMlzZlPn+HSwGB1yVaRrVDphx1Kzs38jaQd231dncJ9hLbIVELwMLL000/JRf7rk0vARpJL5I4qk6NvJCuiNPoMv1G+zxMOwTfXtJa40RXxGfKXzy1tuagO5RahLVKlNt5UsmDqIZJmlOO7kkVCnwc2JCcDP1+qIm9JTpMBWEHSo62/8s5T1hRvBFxK9qnuSLbCRwJbSrqvjZfXUdwitEVtVWAlspTWjFJzcAK5ZeQ8smryCOBkckN2yjzDLYD1HIK9ExEjyMnUZ5CjyjPI9dnLANs7BPvGe5bYorY+WTL+z+XrXcgQXJay5WZEHAh8gZzse1vp3/KtXB9Iejoivk7u7LcK+UvmVuC/XIG67xyEtkhURi6nl0M7R8QSvDYE/1rONapID4Lu3ji8P0n6fUTs6eoxC8+3xtZnPdUArPwwzgAeIwsqXEzeqm3Y1EoZDbwM3FW+nxf+LwL+HBecB0usT5qmyHwEeD95azYDuKTMa9sd+G/yjuNISSdXXj+BnDD9NNmX9Y9WvwezZg5C67WmEDwKOBxYupz+maRty7klgc+TG60PIUc1p5Plo8aTdyJbNEaUzdrNQWh9FhGHkBsBXUJuvv4IuZj/oabn7QqcTtYcXJyslHI7Oa3mnpZetNl8OAitTyJiQ7JI6K3AMZJUOfdJcl7b8sDXJU0v5eWXItfF3gE8WoosmA0YHjW2vloRWI3cd1gAEbELWfNu98rztomIzSTNKl/f0drLNOs9jxpbXy1eHiMito2IS8iBke2BK8gwPIfcW2NPj2RaJ3AQWo/mE2C/JwuCHgVcS24U9Bdyj4wDJV1BbrUJMMxz3KwT+NbYXqdpdHgNcuLzEpLulnRfREwBPgysRW7YPlXS7PL8QcCnyP2JX5kn6EC0gcyDJfYaTSH4eXInuZXJJVxfk3RWD6+p1sjbCZhM3kKPbWzFaTaQOQjtFU0FPo8hd5GbA9xJbroOcJik0yqv2Yossf8gOU1mY7LLZayku1p39WYLzn2E9opKCO5PbhR+Plnl+MPAJ8vTTi31BhuGksvo9iJD8FZysrRD0DqGW4T2GhGxGnAlWeX4y5UpMpOBvclNhIYBh0o6vZxbvhx/GHhG0lPtuHazBeUgtOZb4lHAL4G9JV1QBj+2IVeSXE/Wvju/vPRoSSe145rNFiXfGtdMRIyIiGUjYq3SkmtsxN7YPH14eVyqPL4D+AqwArlX7oXkGmKAEyLiB6XCtFnHchDWSESsT5bGElkT8OaI2BdA0kvlaY8BvyXXBUOW09oM2EXSA+XY7PIosuL03/r/6s36j2+NayIiNgGuAp4BfkeOBu9dTu8j6bzKc98OPAGsCfwG+C5weGWKzMXAOsBE4MHGHEKzTuUWYQ2Ufr9fALOAAyTtImkfYIfylD0jYsmyFSSSHpH0HDl/cATwUCUEJ5CtwNuBGQ5B6wZeWdLlImJTcpDjDrJI6g3l+HBJV0XEd4EP0fMvxcbtwkci4l5gdeBzZHXpkxrhaNbpfGvcxSJiY3Jd8N3kOuBfl+NDGn2CEfE9cknc+WQJrRnAzcB5kuZGxPnkLTBkAM4CdvI8QesmbhF2qYhYATiPXOr2OzIMiYhhkl4ofx8LjCVbgxuQW3G+G5gArBoRk8iN2X8FbEruTPc/3irSuo1bhF0qIpYG9gP2Ad5CTnm5SNIj5fxo4EQy4D4L/AxYjJwzeDxZNGGCpD+0/urNWstB2MUiYily6dsR5GqQbwDnkq2+b5LTYj4q6aeV14wkl9cdARzUU5EFs27jW+MuJunJ0scHGWyHkVNi3gtsQq4j/nnZnnMeMEjSvyLipvL85dpx3Wat5ukzXU7Sk+RAyCnA8+TucpsCu5UQHEoZHa5stL4V8ALZt+j9cq3rOQhroIThBcBpZDXpZ4AVI2KFMgVmcGWt8XhyfuGvyRUm1c3bzbqS+whrpAygNPoMh5L9hOdJ+mc5Pw44idycaYz3Hba6cBDWTGUA5XCywMIp5BK69wFnkOX3N5d0Z9su0qzFHIQ11DSaPBSYSvYbrg6MlvSnNl6eWcs5CGuqEoYHAWuQRRa2cEvQ6shBWGMlDA8AdgYmSpre5ksyawsHYc2VMBwqaU67r8WsXRyEZlZ7nkdoZrXnIDSz2nMQmlntOQjNrPYchGZWew5CM6s9B6GZ1Z6D0Mxqz0FoZrXnIDSz2nMQmlntOQjNrPYchGZWew5CM6s9B6GZ1Z6D0Mxq7/8BeaxOOjkFnt4AAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAG7CAYAAAC2MJxNAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5wddb3/8dfM6dtLGqSQQOBLNaGJVANIk3LBiwW7XiuKiL0BiuXqRZQroFzkB17lWhABgYCIICAYikJAIHwpIR1SdpPdPefsnjbf3x/f2bAs2zOn7M7n+XjwONkzc+b7DZt973fm2xxjDEIIEWZutSsghBDVJkEohAg9CUIhROhJEAohQk+CUAgRehKEQojQkyAUQoSeBKEQIvQkCIUQoSdBKIQIPQlCIUToSRAKIUJPglAIEXoShEKI0ItWuwKVopR6P3AuoIAs8Gfg61rr1WP8/CvAzGEOX6G1/vSg808GvgrsB5SAvwHna62fnNjfQAhRLk4Y1iNUSn0X+BrwDHAbMA94O7AVeKPW+qVRPj8LeBl4HLhliFMe0VrfPuD8jwJXAauBG4BW4Cz/8BKt9SM79BcSQgRqygehUmoRsBx4ADhWa5333z8DuBG4VWt92ijXOBG4A/ia1vo/Rzl3JrAKWAscrLXu8t8/BLgfeBZYrLWe2v/jhZhEwvCM8DP+60X9IQigtb4JG0ynKKVmj3KNRf7rE2Mo72NAEri4PwT98h4Gfgu8ATh0jHUXQlRAGILwGKCIDb3B7gYc4OhRrrHYfx1LEB4z4NpDlTfwHCFEDZjSnSVKqTiwC7BKa50b4pSV/uueo1xqMZAG/l0p9WFgd6Ab+7zxAq31ywPO3QMbvEN1woy1PCFEBU3pIATasC2+zmGO99+6tgx3AaVUCht8EeB87HPFvwJHAB8B3qqUOlxrvcr/SDvQpbUuTaS8QWU/PcyhucC9oz3bFEKMzVQPwrj/OlRrcOD7yRGusRPwNLANOENr3QmglHKA72KHyFwNvGVAmTtS3ljEFy5ceCogHS5CvJYzkQ9N9SDs9V/jwxxP+K/p4S6gtV7Jq50lA983SqkLgPcAxyqldvJvkXt3pLxBZewz1Pt+S3HvsVxDCDG6qd5Z0gV4DH8r2jzgvHHTWheBx/wvd/NfO4Emv8UYaHlCiPKY0kHoD5dZCcxTSsWGOKU/vJ4Z7hpKqZ2VUkcppeYOc0q9/9rf+nwW2yIc6vxRyxNCVN6UDkLfvdhgOnyIY8din7M9OMLn3wvcB3x58AGlVANwAHbKXn/Hxr3+61BDZI71Xx8Ypc5CiAoKQxBe479+z+8BBrbPLDkSuEVrvW6Ez/8BOxzmQ0qp/QZ8Pgpciu0lvlJr3ecfug7bKfINpVT7gPMPAd4JLNdajxS8QogKm/JT7ACUUpcDnwKeB24G5gDvALYAh/kdIiillgBLsGF184DPfx74Ifb29/fYOcrHYBdUeAA4QWudHXD+F4CLgQ3A74Am4N3Y55VHa60f3cG/z9MLFy7ce+nSpTtyGSGmogn1GoehRQhwjv9fDjvl7s3Y6W7bQ9C3BLgQOH3gh7XWlwBvBZYBZwCfwP6/+yrwloEh6J//Q2zwbQA+CZwK3AUcvqMhKIQIXihahFONtAiFGJa0CIUQYiIkCIUQoSdBKIQIPQlCIUToSRAKIUJPglAIEXoShEKI0JMgFEKEngShECL0JAiFEKEnQSiECD0JQiFE6EkQCiFCT4JQCBF6EoRCiNCTIBRChJ4EoRAi9CQIhRChJ0EohAg9CUIhROhJEAohQk+CUAgRehKEQojQkyAUQoSeBKEQIvQkCIUQoSdBKIQIPQlCIUToSRAKIUJPglAIEXoShEKI0JMgFEKEngShECL0JAiFEKEnQSiECD0JQiFE6EkQCiFCT4JQCBF6EoRCiNCTIBRChJ4EoRAi9CQIhRChJ0EohAg9CUIhROhJEAohQk+CUAgRehKEQojQkyAUQoSeBKEQIvQkCIUQoSdBKIQIPQlCIUToSRAKIUJPglAIEXoShEKI0JMgFEKEngShECL0JAiFEKEnQSiECD0JQiFE6EkQCiFCT4JQCBF6EoRCiNCTIBRChJ4EoRAi9CQIhRChJ0EohAg9CUIhROhJEAoxjK985SsopXj55Zf58Y9/zLHHHsu+++7LMcccw8UXX0w2m91+bjab5ZJLLuHUU09l8eLFHHTQQbzvfe/j9ttvr+LfQIxVtNoVEKLWnXPOOaxZs4bjjz+e+vp67rzzTq6++mpWrVrFFVdcAcDZZ5/NsmXLOOKIIzjqqKNIp9PceeednHfeefT09PDOd76zyn8LMRIJQiFGsW3bNu644w7a29sB+PjHP85JJ53EX/7yFzZu3Eh3dzfLli3jtNNO4+KLL97+uY985COcdNJJXHPNNRKENU5ujYUYxVlnnbU9BAHa2to44IADAFi7di2e5wGwcuVKOjs7t583d+5c7rjjDv74xz9WtsJi3KRFKMQodt1119e919TUBEChUEApxUEHHcQ//vEPjjrqKA488EAOP/xwjjzySPbaa69KV1dMgLQIhRhFIpF43XuO4wBgjAHg6quv5txzz2XevHk89NBDXHLJJZx++umccMIJ3HfffRWtrxg/CUIhApBKpTj77LO5/fbbue+++/jBD37Acccdx6pVq/jUpz7FunXrql1FMQIJQiF20PLly/n+97/P8uXLAZg1axann346l19+OW9729soFAo8/vjjVa6lGIkEoRA7KJ1Oc+2113LZZZdt7zgBe9u8fv16wHaciNolnSVC7KDDDjuMJUuWcO+993Lqqady2GGHEYlEeOihh1ixYgUnnHACixcvrnY1xQgkCIXYQa7rcumll3Lddddx6623ctNNN1EsFlmwYAFf/epXec973lPtKopROP29XmLyUEo9vXDhwr2XLl1a7aoIUWuciXxInhEKIUJPglAIEXoShEKI0JMgFEKEXtl6jZVSdUCr1np9ucoYD6XU+4FzAQVkgT8DX9darx7j548GvgQcAjQAG4BbgYu01psHnXsicMcIlztYa/2Pcf8lhBBlEWgQKqVc4DzgI8AegAGiSqnzgEOB86oRjEqp7wJfA54BrgDmAe8CTlBKvVFr/dIon/8gcA3QC9wIbATeBHwaOFUp9Sat9SsDPtI/aOxaYM0Ql9ww8b/N1JLNZsnn89WuRujF43Hq6uqqXY2qCSwIlVJRbAvpeGwAdgNN/uF5wJnAgX5obB76KsFTSi3ChuADwLFa67z//vXYUPtv4LQRPt8K/ARIY1tyesCxi4DzgR8AHxjwsf4g/LrW+uXg/jZTy9lnn82VV16JDOGqPsdx+MQnPsFPf/rTalelKoJ8RngucAK25TQNGzD9vgL8CFgAfCHAMsfiM/7rRf0hCKC1vgm4HzhFKTV7hM+/FWgErh4Ygr5vAzng1EHvLwI2SwgOL5vNSgjWEGMMV1555Wu2HwiTIIPw/cByrfVHtdbbsK1CALTWOa31F4CHeH1olNsxQBEbeoPdjR2AefQIn18BfB24YYhjJaCAfWYIgFIqBewOPDHB+oZCPp+XEKwxxpjQPqYI8hnh7thbyJH8DftcrSKUUnFgF2CV1jo3xCkr/dc9h7uG1vox4LFhDp+IDcGBx98ARIAepdTPsY8KZgDPA1cBV2itx5QASqmnhzm021g+P5msWrWK5ubmalcjdLq6upg/f361q1F1QQZhH9A+yjkzsbeSldKGbfF1DnO8y39tGe+FlVLNwKX+lwMfrCzyX88AHgWuxz4qOBm4DDhUKfXesYZhWDQ3N9PSMu5vgxCBCDII/wGcppT6ktZ66+CDSqlZ2E6JRwMsczRx/3W48O1/PzmeiyqlGoGl2FbwHdjnov0S2JbmtVrr7wz4zHTsrfi7/c9cN1o5Wut9hin/aWDv8dRZiIGKKzvo+/Nz9HR3veb9nqseIqHmkDxtn+2rcIdBkEF4MXAncJ9S6mv4rUOl1DTsUJOLgWZGv30OUq//Gh/meP8a7OmxXtAP9KXAAcDDwDsHtu601pdhW36vobXerJT6PHb84vsYQxBOZfF4HNd18TyPSCRCPD7ct0iUQ/b3T5C75wVKvb24OHgYIriUbtNkHtpI/OB5RHZuGv1CU0RgnSVa67uAL2JbKn8EPuUf2uh/rYDvaK0ruWRKF+Ax/K1v84DzRqWU2g94BBuC9wDHaa17xlGfR/zXKfeMb7zq6uo455xziEQifPrTnw71GLZqMH1FTLZAihj/MfdoIo7Lh+cuIZk14HmYXLHaVayoQKfYaa0vwYbEldhb5ReB5diBxYdrrS8Msrwx1CePvU2dp5SKDXFKfyA9M9q1lFLHYMcizsW25k4aKgSVUm9QSh2nlBrqvqLef+0d4ljoXHrppRSLRS699NLRTxZl4dTH+N4hH+CVf7+W7x3yARw3PLfDAwU5oPoc4EG/l/VTo51fQfdiZ7oc7v95oGOxw3weHOkCSqkjgduAFPA9rfXXRzj9t8BewMHYXwYDHeW/PoIQ1dT//E+67IBgW4Tfws7gqDX9HRnf88f4AaCUOgM4ErhFaz3sFmNKqXZsz28KOH+UEAQbhADf94fv9F9nF+D72LGHl4/7byFEgIbtBzEAzggnTE1BdpbEgBHn7FaD1nqZUuoKbCv1CaXUzcAc4B3Y55ef6z9XKbUEWIIdGH6z//bngVnANuy86W8OU9RFWmsP+CF2NsqxwL+UUrdjh/H8G/aZ5Llaa9nSTFSXO0IbyAEiEoQT9UvgPUqpoaaiVds5wLPAx7FT7jqwLbcLtNYrB5y3BLgQ+F+gPwhP8l9b/GPD+Q7gaa2zfqB+CTgLOBu72s3DwH9pre8O4O8jxI6J+q2+QbN7+mf7OJFwrdAXZBCuwf4ueUop9S9sJ8VQExeN1voDQ7xfNv7wlssZ5ZZUa/1N4JuD3tt/AuX1ARf5/wlRc5yIa39aBz8jNNiAjEoQTtR/DvjzYl5dgWUww2tXahFCVFo0MmSLEIx9RBiTIJyokRYuEELUkiGeARpj/BYhILfGE6O1vi+oawkhysuJRV5/a7z9z44E4Y5SStVjF2HdHzuAuAP4F3aYynhmYQghysUdurMEsLfG8oxw4pRSxwH/h51nPLDtbYBOf9WVO4MsUwgxAcMMj9k+fDBk4wgDi32l1N7YISdt2OEnH8auWP0u4OfYVZ5vUEqpoMoUQgQoxAvlBtki/Dp2lZe3aq3/POjY9UqpG4A/YcfX/UeA5QohxmuozHOcAVkYrlAM8kHAMcDSIUIQAK31X7DzdY8LsEwhxEQUPdsCHOoW2IApepWvUxUFGYRt2OXoR/I8dtl6IUQVmULp1aEy/fr/bAzkS1WoVfUEGYSvYHuKR7I/sCnAMoUQE2CyBRt4A5bdchzHfm0Mpk/WI5yoPwFHK6XeP9RBpdRHsYOu/xRgmUKICTDZPJReG4SAXY+wZDDpSm4tVH1BdpZ8G3g7cK1S6l3Ytf+6gNnAm4EjsCu4fGe4CwghKsPr6sOUPNzBA6cjLqZk8Lr6qlOxKglyZsk6fxXn67DbXJ7Ia59CPAu8R2u9JqgyhRDjZ4zB25KxHSZDBCHFEl5nuDZ6D3RAtdZ6ub+vx5uwS/Y3A93YfX+XyRaWQlSf6erD9BYwJe91q8w4MRdT9Ci9Eq5JYIFPscP2Hq/VWi/rf0Mp9T7soq0vl6E8IcQ4lDZ0Q8HDibmv36MkFoFckdL6Me1nNmUEOqHQ38ZzA/DeAe9FsZs3rVJKfTLI8oQQ41d8qROTL0L89e0gJx7B5EqUVr1ua/IpLcgpdu/CdoSsB54acMgBPotduPVypdTbgipTCDF+xec2Y3JFnHjk9QcTUSiUKG1OU+rIVL5yVRJki/BcYC2wv9b6tv43tdYFrfXlwEHYW+PPDfN5IUSZGWMoPLsJ01vESb5+h1vHdSAewfQVKa4Iz5DfIINwT+AGrfWQDxf8929k9EHXQogyKa3dhrc5bWeWJIfuInBSMUxvgcITGypcu+oJMgg97AZHI0n45wkhqiD/6FpMpoCTig67mbtTF8Nk8+T/sc72LIdAkEH4BHCKUmrIucRKqTbgFP88IUSFGWPIP7gKk8nh1MeHPzEZhZLB68xSeOqVylWwioIcPvNT7EbodymlvgEsw84saQYOwW4APwv4YoBlCiHGqPRSJ8VVnZi+Iu6MhmHPcxwHpz6O15Mjd++LxBftXMFaVkdgLUKt9Q3Yzc33wy7QuhHo819vwQ6wvkxr/eugyhRCjF3fn5/D685BXWzUfYudxgSmJ0d+2epQTLcLdByh1vpLwOHAVcAjwIvYW+FfAsdorT8bZHlCiLHxuvvI3b8S092H25Qc9XwnGYWoi9fVR99dz1WghtUV+MwSf0bJslFPFEJUTN8dz+J19tq5xMP0Fg/mtCTxtvXSd8ezpE7Za8jhNlNF2beqUkrNU0q9Syn1xnKXJYR4PS+do3fpCrxtWZyWpF13cAyc+jh4htIrPfTdqctcy+oKeordR5VSK5RSCf/rE4HnsDvbLVNK/VYpNcRwdiFEufTe9BTeJjtLZMTe4kEcx8FpTeF1Zsne9BReJl+uKlZdkFPs3g78D7AA2zsMcCl2Q6dfAPdh1ys8O6gyhRAjK21K07d0Bd7WLG5b3Zhbg/2chjgYg7cxTe+N/ypTLasvyBbh2cBmYC+t9Wql1CJgD+BGrfV/aK2PwXacfCDAMoUQI8j+8h94HRm73Fbd+J/xOY6D21aH15Gh77Zn7Mo1U1CQQbgYO8XuJf/r/oVZbx5wzj2A7GssRAXkH19P7sFVeFt7cdvH3xrs59THIR6htCVD+uqHMVNw/+MggzCGXYS1X/+2nfcMeC8CFAIsUwgxBNNXIHP1w3hbMjiNCZzEjg0QcafVY7r6KPxzHfn7Xxr9A5NMkEG4ElgEoJSaht2jZIXWeoP/noMNx9UBlimEGEL2N8vtuoO5Ik5b3Q5fz4lFcFpSlDZnSF/7CN623gBqWTuCDMKlwAlKqf/1/xwDfg2glDrEf28vbA+yEKJMCs9spPe2Z/A2Z3Cn1w+7uMJ4OS1J23GyoZv0z6fWLXKQQfht4K/A+4CDgQeAH/nH3o59ZrgUuDzAMoUQA5jeAukr/o63OYNTF8OpG/twmdE4joM7vR6vM0v+wZem1C1ykLvYZYG3KKX2Blyt9cBVqn8P3An8RTZwEqJ8Mtc+SnFlB6avgDt3tFXxxs9JRO0t8qY06asfJrrXDCIjLOAwWZRjit0zQ7z3cNDlCCFeK/fQavrueg5vSwZ3ZkNgt8SDOS1JTDZPaUM36cseoOmbx4+6iEOtm9y1F0IA2KEtVy6jtClte4lT5ZsX7DgO7owGTFcv+eUbpsRAawlCISY54xnSlz1AaV0XeAanLVX2Mp1YBGdaPd6mNNnfPUHh2cm9v4kEoRCTXO8fniT/2HrMtl57SzzBgdPj5TYmIBnF25Sm57//hpfOVaTccpAgFGISKzyzkezvnsDblMaZVo8Tq+yaJu60ekyuSGllJ5krl03aITUShEJMUl46R89P/oa3qQeSUdtCqzDHtc8LvY4Mub+9RG6SLuIa5Oozlyil9gnqekKI4RljSP9sGaWXOjG5Eu60+qrVxUlGcVpTlDamyVzzKMW126pWl4kKskV4HvCkUuoRpdQnlVLBD2ISQgCQ+8vz5B94Ca8jW9ahMmPlNCch6lDa2EP6x/dj8sWq1me8ggzC47FT6vYGrgA2KKV+o5Q63p9nLIQIQHHdNjLXPGqHyrSmdnhBhSDYWScNmHSegt5M5lf/rHaVxiXIXez+orV+H3ZR1o8A/wDeAdwBrFFKfVcptUdQ5QkRRiZfIv3fD1B6pRsijm2J1Qgn6uLOsENq+pauIP/4+mpXacwC7yzRWqe11tdorY8CdgcuADYAXwZWKKX+ppT6oFKqdr6DQkwS2eufoPDMRkw6jzu9ckNlxsqpi+M0xPE2ZUhf8eCk2Qq0rL3GWuuVwI3AbcBawMFu93kNsE4pJdt7CjFGhRUb6b3pX3ib0zjT63GitTnow2mrwxRLlNZsI33VQ5NiSE1Z/k8qpWYqpT6nlHoceAr4JnZe8/eAfYH3A+uBS5RS3yxHHYSYSkxvgfTl/qoyqRjuODZhqrTtQ2om0So1gT1l9W9134ZdhutY/9p54A/YFuCdA1aeeUYpdQvwPPApbFAKIYaR+fVjZV1VJmivWaXmmkeIvWEWbuuOLxBbLkF2N20EGrC3v09iw+86rXXnUCdrrbuVUuuAnQOsgxBTTuGZjfQtfdauKjOj+kNlxsppSWIyebuQ61UP0filo2vumWa/IIOwBPwMuEZr/dgYP/MtYF2AdRBiSjH5Iukrl9m9R+pjOBPYia5ati/kuqGb/LI15P++isThC6pdrSEFGYQ7aa1zAEqpiNa61H9AKbWr33HyGlrrWwIsX4gpJ3vDkxRf9G+J5zRXuzrj5iSiOM1JSpvTZK59lNiinXEbKj8VcDRBjiPMKaXerJR6jNdv4v60UuoppdT+QZUnxFRXXLuN3pufsh0k0+on7eKnTksKSh6ldV1krxvrzWJlBTnX+GDscvz7YZ8T9r+fwu5VshvwgFJqcVBlCjFVGWPI/PxhvC1ZSERqupd4NI7r4E6rx+vI0vfn5yjo2lu7MMhfMRdg9yx+k9b6J/1vaq17tdZnYscPOsCFAZYpxJSUv/8lCk9swHT34bbXbm/rWDmpGNTF8DqzZK5+BOPV1tjCIJ8RHgj8Rms95CRDrfVjSqnrgdMCLFNUSN/KR+n++3WYYu0vvhmfvQ8tR38cJzo5W1FeNk/mV/+ktCWD05Kq+BqD5eK21eGt66KoN5G76zmSJ6hqV2m7IIOwCRht1+etQPnXEReByq74K5uv/wrFreuhVBr9A1XmPns/hVeeZ9o7/ws3Pvlmcvb+4V+U1ndB0aupucQ7yom6drmuLRkyv3mc+OHza6bjJMggfB44TikV1Vq/bg0epVQEOBp4Xe+xqF2ZJ//Elj+cT6FjNY4bxa2r7Z5L45Uobl1P5um7ML/+LNPP+hFuYvLcWpZe7qbvtmfwOjK404LbnL1WOE0JTHcf3is99P7+Seo/dHC1qwQEG4S/Bn4AXKuU+qzWuqP/gL824Q+xHSkXBFimKKP08tvouOmbFLasxokmiLTsVLMDYgdyogmKnWvJrvgrm647hxnv/QluonoLl45H5rrHKHVkIR7BmcQdJMNxHAe3vR5vc5reO1aQPH4PIrOr/8s1yM6SHwN/B96DXYvwKaXUg0qpp7CzTj4MPIINRFHj0o/fQseNF1LYsgonlpw0IQjgJuqIts+j2LWRXv0Am351Dl4uU+1qjarwzEbyy1bZTZimQAfJcJy6GMSjeJ29ZGpkOE2Q4wiL2Fvfr2Nvf/cGDvVfNwAXAUv6B12L2mVbgt+yLcF4HZHmWZMmBPu58RTRtnkUuzfS+9yDbLruM3i5bLWrNSxjDJlf/ROvsxenIYETr/5iq+XkttdhtvWSf2g1hWc2Vrs6wa4+o7UuaK3/U2u9F7ZTZA7QorVeoLX+poRg7cs8+Sc6bvymfSaYqCPSNHPShWA/N560LcNuv2X4f5/Fy4/Wn1cd+WWrKT6zEZPO4bRO/f5EJx7BaUjgbe0l86t/Vn2prrINVdda57TWG7TW3eUqQwQr++x9r3aMxFKTOgT7ubEk0ba5fhjez+bffhFTzFe7Wq9hih7Z3zyO15nFaU7W7DqDQXNaU5h0juIzG8k/vKaqdQm0/a2UqgP+DVgAJBgww2QAo7WWQdU1pm/VY2y5/qs2BKOJSXk7PBx7mzzXdqA8cw9bbryAaWd+D8etjcDJ3fM8xVVbMX1F3BkN1a5OxThRF6c5ideZJfubx4kfPLdq0wiDXI9wPnAf9nZ4pJ8gg8wuqSn5jS+w+defo7D5JRw3Oqk6RsbKjaeIts6m2LmOzPKlRBraaT3pC1X/e5p8kezvn7StwdbUlBsuMxqnJYW3ZhvFlZ3k7n2R5LG7V6UeQbYIvwvMBe4FbgG2YUNP1LBi9yY2XXcu+U0vYoxHtG1u1cOhXNxEPdGWnSh0rqX77/9HtHkWTYe/r6p16rvjWUobuqFQwqnCBu3V5rgOTottFfb+/kkSR+6KE6/8TJogg/B44BGt9TEBXlOUkZfvY/NvvkD+5RWYfJbotPk4Tm3cLpaLm2oiUipQ7FjD1jsvJTptF+rUUVWpi5fNk73pKdsabKsLXWuwn9OUxHT1UVy3jb67nyd10p4Vr0OQ/+rrgb8GeD1RRsYYOm/5Nn0vPUop3Wlbgu7UmNM6Gre+DSfRQLFzHVtu+Ab5TdWZ7NR3+7N4m9JgDE7D1Bs8PVaO6+C0pmyr8A9PYnKV3xw+yCB8Ftg1wOuJMup56DekH7+N4rYNRFvnTNoFCibCcRwizTMxQHHLKrb87osVH3DtZfL03vK0HTfYmpqyjyPGymlM2DULX+6h705d8fKDDMLLgNP9dQlFDcutfZKtd15Kces6Io3TJ9Vc3KA4jkO0dTZeXw+5tU/Rcct3KzqWrW/pCrzNGcBMyal04+U4ju046czSe8vTFW8VBvmMsAtYDvxNKfVnbAtxqN2dZfhMFXl9abb84XyKW9fjxJK4da3VrlLVOJEokdY5FDvWkHliKald30jDgaeXvVwvm6d36Qq8rVlpDQ7gNCYw23ptq/Cu50idsnfFyg4yCG8Y8OdT/P+GIsNnqqjzjkvIb3gWk+8lOn1B6H8I3XiKSOM0ils30PmnS0jsejCx1tllLbPvTxpvcxpAWoMDbG8Vbu2l949PkzxeVawHOcgg/FCA1xJl0PvcA6Qfu5li90aibXNC0zkyGre+Da8vTbFzHZ03X8SMD15Ztl8QJl+0t8Vbe+2iqyH/RTSY05jAbLWtwtz9L5J8yx4VKTewINRa/29Q1xLB83JZOm77PqWuV3BTzbjx8D0XHI7jOHZ84eaX6H1hGZnlt9Kwf3kWUs/99UVKG3vA80LdUzwcx3FwmpOYbbZVmDhm94oMKyrLoDGl1Cyl1ElKqff4X89USk3t5TRqXPfffkFh04uYQo5I4/RqV6fmONG4vUXueoWtd11GqTf4KfLGM/QuXcSVnb4AACAASURBVIHZ1ovTLK3B4ThNSUxfgdKabeT/sbYiZQYahEqpnZVStwLrgduA/lbiR4FVSikZbF0FxW0v073sOkpdG4k0z6yZOba1xq1vA8+j2LGG7vuvDfz6heXrKa3eitdXDOUskrFyXAenKYnX1Uvf7c9WpMwgt/Ochl2Y9WRs7/GTvDrnOAfsDNyqlNo3qDLF2HTddzXFrk0QieEkwjOpf7wcxyHSNINS9yZ6Hv4txe5gt53s+5PG6+7DbUyEdhbJWDlNCUw6T+HJlymu3Vb28oJsGnwDmAd8QGt9IHBz/wGt9cXYVWniwFcCLFOMorh1A+nHb8VLbyHSNENux0bhJOohEqfUs4XuB34Z2HVLm9PkH1uP6cnhNE2dDZnKxYlFIBXDpHPk7n6+7OUFGYT/Btyutf7VUAe11rcCt2L3NxYV0v3Qb/EynRBL4san/oKfO8pxHCKN0yilO0g/9sfAnhXm7n8Jk85BIlqVRQUmI7cxgdedI/e3lzBFr7xlBXitnbG3wyN5DtgpwDLFCLx8H5nlt1LKbCVS31bt6kwaTrwOXJdSeguZJ5YGcs38Ay/h9eSkp3g86mJQ8vA2Zyj86+WyFhVkEHYAu41yjvLPExXQq++j1L3ZTuqfJLu41QLHcXDrWvEy28gsv22Hr1dc30Vx9VboK8oA6nFwHAenPo6XyZF/aHVZywoyCO/GzjVePNRBpdSh2NkmskJNhWSfuQevrxs31STPBsfJTTXh5TPkNzxLoWPHhnAU/rkOk81DKlq1FZgnK6c+jskUyD++vqxzwYP8rlwE5IEHlFI/BA4EUEqd6X99t3/8PwMsUwzDlIr0vvgQXl8PTrKx2tWZdBw3ghNL4eUy9L24bIeuVXjyZUy2YLexFOOTjGKKJbzNGUprytd7HOR2ns9jh850AZ/Dtv4c4Hf+11ngTK3100GVKYZX2PgCXrYLYzycmPRSToSbqMfkM+TWPDHha5iSR0FvxvQVcJIShOPluA5OIorpK1J8NtjhTAMFOttDa32/UmoBtgf5IKAV6AEeB27WWqeDLG88lFLvB87FPqfMAn8Gvq61HtPDB6XUPGyr91igHdvxc4XW+ufDnH8y8FVgP6AE/A04X2s9WodSIPIbn8MU+nBiMoNhopx4ilJ3D/mXJz6ot7ShG5POYTwD0ls8IU4yiukrUHyxfN0LgU9701rngd/7/9UEpdR3ga8BzwBXYMc7vgs4QSn1Rq31S6N8fhfsYPHpwG+BV4AzgKuUUntqrT8/6PyPAlcBq4GfY38hnAUcp5RaorV+JMi/31CKHeswxXyoFlwNmhOJY0p5ils3YDxvQjNySmu3YfIlu4+v/EKamHgE050r68DqIHexmzfWc7XWFdvEVCm1CBuCDwDH+kGNUup64Ebgv4HRZtj/GDs86GSt9e3+5y8E7gHOU0r9Wmv9T//9mcBPgOeBg7XWXf77VwH3Az9XSi3WWpd1FdBSphO8Io4rU7wnLBIBz8OUini5NJFU07gv4W1KQ6EEMWkNTpQTi2CKHt7GnrKVEeRPySrGvmtdJf9VfMZ/vag/BAG01jcppe4HTlFKzdZarx/qw35r8HTg7/0h6H++Vyn1NWwYfhz4mH/oY0ASuLg/BP3zH1ZK/RZ4P3AotoVZNqaYxxgjrZAdsH0jK+NhCjmYwHh0b1svpuQF2lu8JRf8ghBBm5YY/y+NYUVdKHp4PbnA/19uLyLAa/2doYOwHruXSROwDCj7beEgxwBFbGtssLuBo4CjgeuG+fwSbKfP3UMcewDbEz5wMYn+Pw91/t3YIDyGMgehE4naEAxwyEFHphDYtcqlvT64DontwzUcBycysR8VL50Hz9gf5oDsdes5gV2rXDafGeCqfK5jvxcG2/tehgUrglyP8IjhjimlXGzP8UW82kIrO6VUHNgFWKW1zg1xSv/2ZSPtH9i/MuQLgw9orQtKqbXAAqVU3G9x7oEN3qE6YcZS3sD6D9fDPtrAddxUM7gRjFcaS1FjcuAPlwd2rXJZdWGAW+Z4JXAccCK4Ex2CVPJkd+8dtP2uxhgoBvfveaCKjO7UWnta6x9iW1DfqUSZvjZsa65zmOP9t64tI1yj3X8d6RoutsXbf36X1nqo79hYygtEtHVn21FSzI9+shhSf2dTtGXWhFuEyCozO+zVljlQpgHplX6S/k/g7AqW199lOlRrcOD7Iw20G+814jtY3nZa632Get9vKY64s018J4UTS+IVNsqzwgkyhV6cWJL4LDXhazh1MRuGnjQLJ8wzOA72EUWZxmJWOggXUdkbhV7/dbgxJP0PG0Ya3zjea/TuYHmBiO+0J26qGcdx7HhCWXlm3Ly+NJH6FhK7DDlrdEzclhROxMXkg9uecsWplwV2rUmhZCDi4tbHy7ZyT5DDZ4ZbfdoFGoFTgROAYJbzGJsuwGP4W9HmAecNp/+WeKRrGKC/K68TmKGUcoYYIjOW8gLhROOkFh5KccsqO984gCD85xcmHgiTjSkVMIVe3MQcUuqoCV8nMq0BYi4mG9wyUoH2yE4GhRJEI7jTy7eocJAtwr8wcmvPwYbF1wIsc0Ra67xSaiUwTykV01oP7vbs73R4ZoTL9E8reF0HhVIqBsy1RWlvwPlz/PcHj5ccS3mBqV/0VjJP3kGhYw2mcfqrw0EmKMge2VrnZbfhJhtJ7LI/sbY5E75OZHaTbcXkS/KIYoJMwQ5Ij+xcvl8AQQbhLxk6CA12iMkK4Fda6+E6HcrlXuAj2AVh7x107Fhs/R4c4fP3+eccg+31HuhI7G3wA4PKe4t//i+GKI9B55dNao8jiE2bT6l7I152m6xJOEbG8yhlthJrm0vjIe/YoWtF5rVAIur3eHoysHoCTK6Im4oRXVC+f79BDp/5YFDXCtg12CD8nlLqWK11L4BS6gxskP1Ra71uuA9rrdcppf6MnY53utb6Zv/zKeC7/mlXDPjIdcD5wDeUUrdqrTv88w8B3gks11qPFLyBcdwITUe8n8LmlRQ61+GmWmTjpjHwMh248RSxWbtTt/exo39gBE48SnRBG976Lkxf0S5BL8bMGAO9RZzWOqJ7lG/3xSk//0prvUwpdQXwKeAJpdTN2FvXdwAbseMbAVBKLcEOoF7eH3i+z2AHg9/gT81bh51tsjt2Bsn2AXZa69VKqW8AFwNPKqV+hx1a826gwKszUCqiYf9/o/vv/0cp3UmpZzPR5pmVLH7SMcUCpXQnsenzaTnmEzjujgdXbJ9Zdk3C3gLI7nXjU7Cj0Jy6ONGF08pWTJCdJYNvG8fKaK0vDKoewzgH++zu49hQ68AunnCB1nrlgPOWABdityEduPnUc0qpN2HHQJ6AHf7yHLalec3gwrTWP1RKrceG7Cexz0bv8sub+JpOE+BEY7S99Qts/OWnKWxaiZdqkr1LhmGModj1MpH6VlILD6Vun+MCuW7sDTvhpOJ427rlOeE49a/jGNtnZln3enGCWvVVKeXx2meEg7/bZrj3tdZyvzAOSqmnFy5cuPfSpWPvgN9ywzfoeeR6SukOotMWyC3yEErpTrzsNuI77cFOZ/+WWPuY1xEZkcmX6PyP6ynqzbgz62VdwnEore/CbU7R8JkjSJ00pglZE/otE+St8cHYVVcWAz/DzqvdDMwADsG2xIrYbT/7AixXjEHrW79I3+rH8frSlLpeJtKys7RMBvDyvZR6NhObNp/WEz4bWAgCOPEI8QPnUFrfhUnnJQjHyBQ9yJdw6mLE3zi3rGUFGYQnY0PwCK3144OO3a6Uug54FJivtf5qgOWKMYjUNTPtzO+w8ZqPUdi8Ei+zlUiD9CKD3dagtHUd0eZZ1O93Ag0Hvz3wMhKHzyd3z/OUXunBtNfJL6ExMOkcTl2c2N4zibSXd/OxIO+P/gP49RAhCGxfyv8G7OorogqSu+xP64nnEW2bQym9Ba+vaguG1wxjPIqd63CTTSTm7kf7GReWJaRii3bGaauzizj0BjfLZCozPTmchgSJIxaUvawgg3Aar05HG06JCiw4IIbX+KazaDz4TKKtsyluW4+XH+1bNnUZYyht3YATiRCbuZDp7/4Rbpm2PXXiERKHzcdpTOD1DDcVXfQzuSKUDG5Tgvjh88teXpBB+BxwmlJqyOHfSqmdsENOan8tpynMcRzaTv4KdXstIdo0i2LnWkwIV6gxxlDqegXjFYlOm8/0d10c6HPBoSSPWYjbmIBsHlMKbsrdVGR6cjiNCeKHzMNtKP+QoyCfEV6J30niL2P/CHbjpp2BI4ALsK3GjwRYppgAJxpj+jv/i429n6D3hWUUO1YTbZ+PEw3HQ3xjDKWezZh8L7HpC5h+5ndIzj+g7OVGdmsnums73paM7TRplt0Fh2I8g9eTIzq7mcQxCytSZpDbef4PdsOiA4FbsYOVs9gFTX8BLAC+rLW+NagyxcS5iXpmvPcnJOctxq1rodixGlOq/RWog+Clt2D6uom1z6P9tK/v8OyRsXIch8RbdsdpTGC6+8q6YflkZjJ5nESUyJxmYvvtVJEyAx1MprX+BHZQ8jXYtQdfxPYUXwHs7y/OKmpEpL6VGR/4KYm5b8BNNVHsWIMpTe0H+aWeLXjZLqLtu9D61i/QcODpFS0/cdSuuC0puz5hbmr/v54o092H25QkcezuOBVa2LYc23nez9D7g4gaFG2awcwP/IxXfvFx8mv/5d8m7zLxFZlrmA3BrUTbd6HtxPNoOvTdFa+DWx8nccQCSpvSeF05IjKm8DVMrggFD7cpQbJCt8VQpqX6lVKHKKU+6e/yhlJqd6VU+2ifE9URbd2ZmR+8kvicfXGTDf5t8tRqrQwMwdYTzqXp8OqN4koev4ftNMlIp8lgprvPdpK8aRfbcq6QQINQKfUGpdQT2B3argC+7R96D7BGKfXeIMsTwYm1zvbDcL8pF4Y2BLfZEDz+MzQf+aGq1ie6cBpRNR2nPobplqE0/UzJw0vncZuSJE+Y+PYIExFYEPr7/94D7INdsOC+AYfX+WX9Qil1WFBlimDF2uYw80P/44dh45QIw1dDcJ4NwaM+XO0qAZA8cU+cppR0mgxgenJ23cHd2onuNaOiZQfZIrwQu9zUsVrrf2fAIqha66uxa/8VgC8FWKYIWKx1th+Gk/82uZTu8G+HaysEARKHzScyox5cF5MNR2/9SIwxmO4cTlOS5Imq4lMQgwzCE4Abtdb3DXVQa/0P4Ebs8BpRw7aH4ez+MJx8vcmldAdepvPV2+EaCkHwZ5q8ZXfc5iSmS9YgIVsAB9xp9SSOLP+UusGCDMJ24KVRzlmPHVQtatz2Z4az98FN1FHsXBPoZvHlVMpsxUvbEGx5y9k1F4L9kscrnKaE3c8k5ENpvK4+3OYkybfsXpXVeYIMwlewzwdHsgg70FpMArH2ucx8/0+J77wXTixpp+N5td3L6WW77Erc7fNoXvJRmt/80WpXaViRafV2/nFTAi/ErUKTK9rltvzb4moIMghvB96qlDpxqINKqX8HjgP+FGCZosxi0+cz432XEZ+1B44bpbR1fc0+3Pf60hS7XyHWNpemw99Ly7Fn1/xyV6lT98ZtTtqhNMXJ0eIOmtfVh9OUsM9Ny7hl50iCDMJvA1uAW5VSN2B3cUMp9UX/6+uBrcD3AixTVEB81h5MP+tHxKbPx5iSXaygxsLQK/RR3LaBaOtsGg48ndYTP1/zIQh2KE1sv51wGhKYbeFrFZpCCTJ53OYkqdNGu6EsnyDnGr8MHA08AbwN20vsAD/wv9bAcVrrwXv9ikkguctipr39P4m1zcPks3iZrdWu0namVKTUuZZo0wzq9lxC+79dMKm2IkidsS9uSwrTk7OrMoeI2WYHUMcWzya6W/XmXAQ6j0prvQI4SCl1EHbp/lbsCjSPAw9qrWurGSHGpW7PN9N60ufoXPoDCltW48QSZVu/b6yMMRS3rsNNNZGYt4jp7/jBpFtFJ7ZoZ6J7TsfbmsV09eG011W7ShVhCiVMOkdkbgt1Z76hqnUJche7+4G7tdbf8ofK/COoa4va0fimsyhsepHuZb+muHU9sekLcCLVC55S90YcxyU2Yzemn3UJbqqxanWZKMdxqHvHIorPbqa0bhumOYkTnTwt2okyW3v91uDOxPau7jazQf7fPhiQTTCmOLuw65dJLjiISF0Lxa0bqva80OvrwfR2E23ZmfYzvlX2hVXLKbb/bLtlZUMCszVb7eqUnckXMZk8bmuKunctrnZ1Ah8+I0EYAk40zrQzv0e0fRcwHl6ms+J1MKUixW0vE2ndmaYjPkCdOrLidQiS4zjUvf9A3LYUJp2f0uMKjTF4HVmclhTxQ+cTU5WdTjeUIJ8Rfgb4jVLqO9ge4pXYhVlfR2sdrifCU1CsfS5tJ32OLX+4gMKWVbjJRpxovGLll7o34iYbScx9Ay3HfrJi5ZZTTM0gccSu9N2xAq8ji7tT46To+R63bAHyHpE59dS/t/wrg49FkC3C7wI54KvYzpEu7Nziwf+Fb4OMKap+/9NIqSOJNLRR6nqlYuV6uQwmlyHaPMv2EFcwgMut7n0H4E5vgJKHSU+9HxXjGbwtGdxpdSRP3ZvITkNucVRxQQZhE9ANrBnlv7UBlimqyD4v/BKRppmYYq4i24MaYyh1byTSNIPGQ95BYvbeZS+zkiLTG6h7xyLcaQ2YjsyUG05jOrM4iSjR+W3U/ft+1a7OdoHdGmut5wd1LTF5xNrn0fSmd7Ht7p9R6tmMk6gv6+2c6e0GA9HW2TQv+VjZyqmm5Cl7k3twFflMzraeZjZMiVtk01uww2XmtFD/0UOqMqd4OFO/j16UXdMRHyTSMguMh8mVr1VojKGU3kKkcRpNh72XSF1z2cqqJifq0nD2YbjT6u2CDFPgFtl4Bm9zGre9geRbdie+/+xqV+k1JhyESqnHlFJT81eyGJdIfQuNB59JpKGdUrp8PcgmlwEg2jyLxkPeWbZyakF0QRt179ofd0YDZksGk5+885CNMXibMziJGJEFrdR96OBqV+l1dqRFuBiYNfhNpdQHlFL37MB1xSTUeMg7cetaMMUcplCe5ee9zFYi9a00HHg6brI6k/MrKXXGvsQPmI3TksLblMZ4k3NilunJQa6IO6OBxnOPxK2rvc6tctwazwfeXIbrihrWP883kmqmlN0W+PVNqYCXz+Cmmmk46G2BX78WOa5Dw2eOIDqvBSfiYjoy1a7SuJlcEdORJTKzgbqz9ie2Z/XHDA5FnhGKwNTvfwpuXTNeb3fgs0283m47bnD+AZN6Bsl4RdrraTj3SNyZDZjeIl735FmhxpQ8vI09uO11xA/ZhdQZ+1a7SsOSIBSBSe12KJHG6Tiui8n3Bnptr7cbN9VE/X4nBHrdySC+aGfq3n0AkZmNmI4spq/29zgxxuBtTOOk4kQXTqfh3CMqtln7REgQisA40RgpdSRushGvryew65pSAVPM4SYaqNvr6MCuO5mk3rYviTfviju9Ae+VtF3Hr4aZDjupLDK7mcYvLcFtSFS5RiOTIBSBqlNH4iYaAh1G4+UyuPF6EnP2IdJQvTXrqslxHBo+dRixfWfhNCfxXump2c4Tr6sPky0QmdVI42ePJLpLa7WrNCoJQhGo5K6H4CTrMaUiphjMLZzJZXCT9SQXHhrI9SYrJxmj8ctHE13QhhOP4m3sqbmVwk0mj9naS2RWI/XvP5D4wXOrXaUx2dGZJR9USi0Z9N58gBGG0Bit9bE7WK6oUW6ygcScfSl2rMHLZ4hEW3boesYYvFyGSOM0krseElAtJ6/ItHqavnw0XeffSXH1VsyWLEyrq4mZJyZXxNuUxp3VSPIERbKKS++P144G4Xz/v6EsGeb92voVJgKXnH8Q2RX3YXJZqNuxIKSYwwHcVDOJ2ZPnB6ucogun0XDekfT84K+U1nVBZy8mEehi8xNgMB1Z3PZ64m+cR/3H3lQT4TxWO/J/L5xPrcWoEgsOtHshZzowxuzQD4SXz+Ik6knMWzTpluAvp8Qb5+F96GAyVz+MtyUL+eqvX+g2J4ntPZPGz7950q2wPeEg1FrfF2RFxNSRmLMfTrzO7oFcKsAOLJNlclncRD3JXfYPsIZTQ/LkvcBxyD+8BmrgWaHbVkfdew/Ara+9mSOjqXZ7WkxBbjxFYs4+FDtW4+WzRCYYhMYY+/mm6STnHxhwLSc/x3FInbwXqZP3qnZVJr3J1X4Vk0ZilwNsqzC3A/tvFPP2+WCigfjOU2vdQVFbJAhFWSTnH4Abr8PkJx6EXj6LE68jsctieT4oykqCUJRFYu4inEQ9xithihNbT8/kMv7zwdrY10JMXRKEoizcRB2JOfvgJurwJtAq7H8+6CTqSC44qAw1FOJVEoSibJILDratwtz4l48yxRyO4+DWtRCX8YOizCQIRdkkdzsEN1Fvd50b5/AOk8vgJOpJLjgIJyKDG0R5SRCKsknM2Q+3rgXHcTCF8a2j5/WlcRMNpHZ9Y5lqJ8SrJAhF2TiRKKld34iTaBjX7bHxPEyhFzdRF/qFFkRlSBCKskouPNS/PR77slwmn8GJJoi2zSXaNjlWLxGTmwShKKuUH4Qm34fxxraYqNeXwU02kNr98Ek1cV9MXhKEoqyiLTsRm7ErTjw1pttjYwwmZ58Pym2xqBQJQlF2qYWH4SbHeHtcKmCMh5tqlPnFomIkCEXZJRe+yV++f/RhNF4ujZuoJzFvMW6irkI1FGEnQSjKLrHLAbjJRrtU1CjT7bZPq9tNVqMWlSNBKMrOjSXswqqJerz88M8J7bL8diHWpIwfFBUkQSgqIrngILsazQjLcplCH44bIdLQTnyWqmDtRNhJEIqK6F+f0Mtnh31OaPxFFhLzFuG48k9TVI78axMVkZi9N26y3n5RGnqbT5PvxY2nSM5bVMGaCSFBKCrEicaJz1K4sSSm0DvkOabQixNLEZ+9b4VrJ8JOglBUTHznvXBiSbwhFmAwpSLGK+HEksR32rMKtRNhJkEoKiY2cyFOLIkp5F53zBRz/vziOTJ+UFScBKGomPiM3XCi8SHHEvYHYWz6girUTISdBKGomGj7PJxoHONPoxvIFAs40Rix9l2qVDsRZhKEomLcuhbcRD2OG4FS8bUHS3mcSJxoy07VqZwINQlCUTGO4xBpnA6RGGbQEBpTKuJEokSaZ1apdiLMJAhFRUUa2nHcKAxem9ArQiRKpGFadSomQk2CUFSUW9cCbgTjvfbW2HglHCeCW9dcpZqJMJMgFBXlJhvs9Dnv1c4SY4xdmcaN4CYaqlg7EVYShKKinHgdOC4M7DXu/7Pj4MZT1amYCDUJQlFRTjQBjvPahReMseHoOBCJVa9yIrQkCEVFOZGoDTwGB6GDE4nJZk2iKiQIRWW5EcCx4bedwQHbKhSiCuRfnqiokVp8jgShqBL5lycqzPH/E6J2SBAKIUJPglBUmOE1HSVC1AAJQiFE6EkQCiFCT4JQVJbjIp0lotZIEIrKchw/B187jhDH8ccYClF50WpXQISL40ZwcChlu+hff8buYeLYBVuFqAIJQlFRbn0bTryO6MAFWGNJcCK49a3Vq5gINQlCUVH1+x4PpSKl3q7XvO84DsndD69SrUTYTfkgVEodBnwTOBCIAY8CF2mt7xvHNXYDzgeOA2YAW4H7gW9rrZ8YdG4d0MPwz1+/qLX+4Tj/GlOGE43TcODp1a6GEK8xpYNQKXUScAs2uP4PiADvBu5RSr1Na/3HMVzjDdjQawZuB54BdgPOAE5RSp2ktf7rgI+8ARuCf/U/N9jfJ/43EkKUw5QNQqVUAvh/QBdwoNZ6rf/+j4BHgCuVUndprbOjXOqn2BB8t9b6NwOu/xbgTuD/KaUWaq37Vxpd7L/+fOD5QojaNZWHz7wD2An4n/4QBNBavwhcDswCRrxHU0rNBg4HHh8calrrvwD3AguAfQccWuS/vuaWWQhRu6ZyEB7jv949xLG7B50znCLwReCSYY7n/NfGAe8tBvoAPYY6CiFqwJS9NQb28F9fGOLYSv91z5EuoLXeCAzZsaGUmgkciQ3LFf57LrAfsBb4mlLq3cB8YBNwA7aTpmuo6w1TxtPDHNptrNcQQoxuKrcI2/3XziGO9YdRyw5c/ydAA/BbrXV/GQuBemB34CPAXdjnlBngc8DflVIyWE6IGjOpWoRKqRcYQ2tIa+0Acf/L3BCn9L+XnGA9/hv7DHIdcN6AQ9OxvcrPAu/VWvf658ewgfg+4GJsSI5Ka73PMOU/Dew9kboLIV5vUgUh8CJQHPUsq9d/jQOFQccS/mt6PIX7gfZz4APAZuAkrfWW/uNa6weB14WX1rqglPo0cCbwLqXUJ7XWg+skhKiSSRWEWusTxnF6/+1qC/bWdKBm/3U8z+tagJuAJdhngMdrrZ8d6+e11t1KKY3tTJmJbU0KIWrApArCcXoWOAJ7K71+0LH+2+tnxnIhpdRc7JjBvYDlwMla6w1DnDcf2zny1MCW4gD1/mvvEMeEEFUylTtL7vVfhxoic6z/+sBoF/F7h+/BhuCfgSOHCkHfl7AzSj44xHXmYMccrtRad4xWrhCicqZyEP4R6ADOUUrt2v+mP2/4U8ArwB/GcJ3rsL3BdwCnaK1Heq74W//1C0qpnQeUWQdchW2BXzqev4QQovwcY6buRjpKqXcAv8E+C+yfGXIW0AS8TWt9y4Bz52Nbctu01pf67x2PvSUGO1xm6zBF/VJrvdL/zE+Ac4BtwO+xHTUnArtixxK+c8B0vIn+vZ5euHDh3kuXLt2RywgxFU1o+fOp/IwQrfX1SqmtwDewPb154HGGXn1mPnAhsJpXW20nDTj+mRGKegB/kLbW+jNKqUewrc73+MdXAJ8ErtrREBRCBG9KtwinKmkRCjGsCbUIp/IzQiGEGBMJQiFE6EkQCiFCT4JQCBF6EoRCiNCTIBRChJ4EoRAi9CQIhRChJ0EohAg9XDfngQAADJJJREFUCUIhROhJEAohQk+CUAgRehKEQojQkyAUQoSeBKEQIvQkCIUQoSdBKIQIPQlCIUToSRAKIUJPglAIEXoShEKI0JMgFEKEngShECL0JAiFEKEnQSiECD0JQiFE6EkQCiFCT4JQCBF6EoRCiNBzjDHVroMYJ6VUdzweb5w3b161qyJETXnhhRdu1VqfNt7PRctRGVF22Xw+zwsvvLC22hXZQbv5ry9WtRYi9N8HaRGKqlFKPQ2gtd6n2nUJM/k+yDNCIYSQIBRCCAlCIUToSRAKIUJPglAIEXrSayyECD1pEQohQk+CUAgRehKEQojQkyAUQoSeBKEQIvQkCIUQoSdBKIQIPQlCIUToSRAKIUJPglAIEXoShGLSUEq5I30tKmOI74NTrboERZbqF5OCUsrVWnv+n88EbtFa56tcrdAZ9H04HHhIa12qcrV2mPxGFTVv0A/fV4DrgW/4X0/61shkMej78FXgZuB4/+tJ/X2QFqGoaYN++C7CD0CgDkBrLcsnVcCg78O3gPP9Q3Nh8n8fpEUoatagH75vY0PwRqAP2L3/nOrVMByG+D6cD/zJPzzLf19ahEIETSkV6X/25P/wfR34KXAVsCswy//hm9QtkVo3zPfhZ8CdwKG8uhWoC0zaZ4Xy21TUBKXUrkqpPfu/HvDD9y1eDcGLtdZPYn/g6rTWpv+WbLK3SGqFUmq6Uqq1/+sB34eLePX78D3gbiALNA06b1J+HyQIRdUppRTwL+CHSqm9Brx/NvY27DLgh1rr1UqpCPYHsFUp1eaf5w4IxDa5XZ4YpdRi4J/AhweGoVLqPOxjicux34f12Ge0BaB9wHnO4F9M/ver5sk/GFELZgMvAscBFwwIw18BXwV+orVeBdtbHuuBRqDFf6//+dXJ8P/bO/dgq+oqjn8IrqDgGClYQVqhLgQcdEYUDIii4TEFRlkIoY6W2kBTEBWNBoTiBGZozhRNViQh0cNxcjRqmHwUNVCNSV4eK9QhKFBRHgbxjNsfa23uvgfu5Zxz792Hc/b6zDB7zn5c9r6/s793rd96/PgRMDzLm68hRgO9gS8Ck5M/NMAmYB7wQDIOwJvAG9gURVd3oRMRHAcsFZHO1ZJaE0IYnA48C8wA/gxMxMRwoKr+B7hXVV+CJm7XXqAjcGbyA0RkFPayjgd2ZHjvtcSDwB1AF2AuMElEzlHVldg4vJycqKqHgN1+bl3KNR4FzAE+hUeUq4EQwqCiuDv1P+AZTMj+hInhV0Wkf4GrlXxf92GuWU8/NgZYiEWSB6qqZvoQNYBPLxwAHgAWYYHUrwNTRKS7H0NEOqT+IB0EuuOpTCIymqbj8GK2T1E+IYRBRVHVhpQYPovNCa4GrgPuFJEByXk0Roj/6dtzRGQwNnnfBximqi9k+gA1gqoeczE8CNwPfBPTh9mYZXiun9cAJEK4w8/pKSLvBxZg4zC82sYhhDDInMJghothR1U9oqpPY7mCh4GPYGJ4qZ93zC/Z49thmAheBAz1iHJQJIURXhfDTqr6X+Be4FHM6r4DuD4JoKTG4TXMchyOudJ9qNJxCCEMMkNE+ru7eywthimLEBG5GpgA1AFbaZwz7Jf6Ubt9OwO4ErMEq+7lqxQicqGI9Eqs8dT+Dqp61D9eDvQFjmLu71yaBlDAXOM64B5gEFU8DiGEQSaISB8sRea3aTEsSH0Zilki1wAfxibckznD2Skx3IrlEh4GBqvquowfp2rx3+ELwMK0GJ5kHBZhCdPXArMwyy8JoCQpM5t820CVj0MIYZAVbwJPA+8EfiYiA1T1WCr1ZShmWVwDjFHVVcBGLIDyRxrFsK/PP00DBqjqhgo8SzXTB5ta+Bhmaff2xPSTjcNYjxgvwYSxIyaG14tIN+CvfmyQqq7P/lHajg4NDVGhFGSDiPQAHsJSXDYC16nqRhEZDtyNvXyjVfUpn6s66gm5H8BewKuwioapqXy2oAREpAvWMWY+cCkmZHNU9RURGeb70+NQp6pH/LqZWI7hISyg8i2go6oeqcSztCUhhEGmFIjhBswVvgEYgVmCv0uK/JNKBRfDEVhqRy/gMq9uCMpARDoDY4G7MDH8AbAKs7KH0yiCyTgk2y7AdCxA9TJmCe4++f9SXYQQBplTIIb7gTOAIar6XLrI389Ni+EwYEtYg62nQAwHYKkwPbCAx9qTjEMihmcCU4EnailfM7rPBJmjqjtF5DYsH20clhe4rZlz03mGz2R3l7WNqh4SkZX+cTZwBfAk8Bff11BwfmIZHsBc4poiLMKgYohIT6ytVjJnOElV/57ufxe0L+7ujsWqSPoCDwN3q+q2dBOFWieixkGbUkrnF1V9DbgVeBybq1qeRJOjg0x5pLq+FNUOyytJfo0FoxS4GfhaEk2u1rZapRJftqBNEJHzoNGFKvY6Vd1Joxj2A1ak8gxz8RK2MXW+PTu9s6V2WN5AYSXWLGEjcAuWqnRC0nWtEq5x0Gq8n+AvgB+q6rd9X0nubUEA5RVgpKpubI/7rVW8LvvzQH+sGuQ3wB9U9bEir08HUC4CHgO+rKrb2+eOTx/CIgzaggYs8niLN1Mt1zL8DJZ0/XasaiQoEhG5Evg9lnh+FjYm04FHRWSxiJzd0vXQxDK8E+s1OIqcLIUQQhi0Che7w1iS7WXAF0TkdihLDF8HPglckPQgDE6NiJyPdY9+CZisqldgUeCRWBnc7cAyL3NsERfDVX7N1aqai96O4RoHrUZELgbWAZsxl2oPME9Vv+/HIwrcjoi12F+NNU+9y/clFSH9sQTocbjARR7miYRFGLQF3bBOxY8An8UW9JntuYIlW4ZByVyCucP1YHN9LoIdvAZ4JrACWwrhfhFJGqlWxXoiWRBfzqBVeERxvH9cjfWw+xK2nkiIYTbUAwfwcfBk6eM5gN4pei7wBNZNZqHvr4r1RLIgvphBq/CXrSNWKrfOm3ouw4rzQwyz4XWsMmeKiEyExoqc5ARV3YwthLUZmCYiH63InZ6mxJcyKAkROaEsU1XnAB8HDvp84H5gOSGGmeCJ6bOwJqpTRWSI7z8uhik3eZpfNqQiN3uaEsGS4JSIyEBglqpO9s/HC/ILi/MLrusKTMZ62e3BSrcigFImIvJerAvPCGALsEFVV/ix8zCLbzqW/zdfVZ/3Y0njijos4fp5bG3oYcC+vJTRtUQIYdAsqRdoAfAV4CeqepMfa1YAC35GWgx3YmvjPtie912LiMhVWMDjfEzM3uL/5qjqfD+nH5YDOAlb9+U+VV3jxzp7agwish54VVU/mPmDnKaEixIUQ9KS/QYRWQ420V5M1DHlJk8H3g3cJiJvba8brUVE5BJM2HZhrm1fLHH6MPBpEXkXgHfrXoRF7ycA3xCRT/ixRAQnYOsN14tIpzyUzxVDWITBKfEE6cXYYj1dgGWqeqMfK9Yy7IbNI65V1U2nOj9oYpHfg/UAvFVVf5k6fh82D/se4N/JwkueOD0V+BzW6uynwFNYLfd4bN52aCStNxIWYdAsKYuvJ7Zy3DSsd+AUEVkKJVmG+4ClIYLFk5q7GwLsxfoFpgNWnbElNSdilSPfFZGRwHZVnYmtDf2ib5dgwrgf+FCIYFPCIgxOiYg8ibVl7ykivYA1WMv8ki3DoHT89385tkTBLt9XhzWqLYz+vgF8D5sf3Ovldz2wWvB/ANu8rjtIERZh0CIejewOqIh09bVC3gf8izIsw6B4UvN364B3YFHehBmYCC7GarwvxppW7MKqe5IUmldVtV5VV6jqcyGCJyeEMGgRb4SwBEvH2C8iZ6jqVmAoIYbtSso1/g624t+vUofrsQDUPFVd767uI9hqgOdizSuCIgnXOGiWdJmWiJzlVSPH3WARuQArq+tNUze5UzJxH7Qt6d+tiHRT1X0F43Qh8Df/N0ZrYKnNLAghDMqiGTF8WFVvrvCt5RJpXGWuE2apr1XVayt9X9VCuMZBWSRucMpN3gLcJCKLK3tn+aGgljip0rkReBv2xykokljOMyibtBh62sbjWMQyyIbBIjIIS1g/inWWmQFsB35eyRurNsI1DlpNMm8Vc4PZ4aWLP8aS1Hdg3l13rIxxrKrWV+7uqo+wCINWkxK/yCPMCI/gL8D6EPbG1hZZAzwUHahLJyzCIKhiJEeLsLcnESwJghohGiiUT1iEQRDknrAIgyDIPSGEQRDknhDCIAhyTwhhEAS5J4QwCILcE0IYBEHuCSEMgiD3hBAGQZB7QgiDIMg9IYRBEOSeEMIgCHJPCGEQBLknhDAIgtwTQhgEQe4JIQyCIPeEEAZBkHv+D1tW+CTGiA9QAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAJgCAYAAAD/IWo8AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5wlV33n/U9V3dxpkjQajaRRQgcJFEDGCGNASIARIAx+bGODDY44rc0624ANiw3eNezzeG3YB2OvEzbJGISEAIEFQjnnkeZopMl5pvPtmyqc/ePUHbVanbvurdtdv/frNbqaG+qc7pn59jl1kmOMQQghssxNuwJCCJE2CUIhROZJEAohMk+CUAiReRKEQojMkyAUQmSeBKEQIvMkCIUQmSdBKITIPAlCIUTmSRAKITJPglAIkXkShEKIzJMgFEJkngShENMopb6tlLppjtc+o5TS83z2/Uqp5jyvv1MpZZRSW5Koq0hOLu0KCJE2pZQDvBn4FjAMGKVUHvgR4JvAG4Bb4teGlVIucCXwoNZ6TCl1FfBA+/X4mi8HDmmt9yulXgk83b42MKKUehEQaa2f7NoXKuYkLUIh4OXADcA+4GLgxcDe+Ll3ADcCh4DXAZsBDdwMvE0pVQCuAw4DPwt4SqmHgLuBX4yv/3+AA8AfAU3gJuBx4A+78LWJRZAgFALuwQbg/wtcCLwI+DTwQ8AXAQX8PnARcC42GK8GPqe1bsXv/wXgfOBUYDu2hfmX8fVfDfwkcBpQAurAjwH/tfNfmlgMCUKReVprg23lvREbivdju8MPaa1DrfVO4IeBo8DXgGuAR+IQRGu9HxugJeAfgdcDO7TWtfj1Y8B6bFB+EhuMh7TWY137IsW8JAiFsK7Ght1vAu8FLgeuBVBKXYJt0f028OvAKcDPtT+olNoM/AbwofjzVaa19pRSJeD92BB8H/AI8IEOfz1iCRw5vEkISym1RWt9OP7/07XWhxbzWvzcacBRrbWZ/t5pr68DmlrrulLqVGBEax10/IsSiyJBKITIPOkaCyEyT4JQCJF5EoRCiMyTIBRCZJ4EoRAi8yQIhRCZJ0EohMg8CUIhROZJEAohMk+CUAiReRKEQojMkyAUQmSeBKEQIvMkCIUQmSdBKITIPAlCIUTmSRAKITJPglAIkXkShEKIzJMgFEJkngShECLzJAiFEJknQSiEyDwJQiFE5kkQCiEyT4JQCJF5EoRCiMyTIBRCZJ4EoRAi8yQIhRCZJ0EohMg8CUIhROZJEAohMk+CUAiReRKEQojMkyAUQmSeBKEQIvMkCIUQmSdBKITIPAlCIUTmSRAKITJPglAIkXkShEKIzJMgFEJkngShECLzJAiFEJknQSiEyDwJQiFE5kkQCiEyT4JQCJF5EoRCiMyTIBRCZJ4EoRAi8yQIhRCZJ0EohMg8CUIhROZJEAohMk+CUAiReRKEQojMkyAUQmSeBKEQIvMkCIUQmSdBKITIPAlCIUTmSRAKITJPglAIkXkShEKIzJMgFEJkngShECLzJAiFEJknQSiEyDwJQiFE5kkQCiEyT4JQCJF5EoRCiMyTIBRCZJ4EoRAi8yQIhRCZJ0EohMg8CUIhROZJEAohMk+CUAiReRKEQojMkyAUQmSeBKEQIvMkCIUQmSdBKITIPAlCIUTmSRAKITJPglAIkXkShEKIzJMgFEJkngShECLzJAiFEJknQSiEyDwJQiFE5kkQCiEyT4JQCJF5EoRCiMyTIBRCZJ4EoRAi8yQIhRCZJ0EohMg8CUIhROZJEAohMk+CUAiReRKEQojMkyAUQmSeBKEQIvMkCIUQmSdBKITIPAlCIUTmSRAKITJPglAIkXkShEKIzJMgFEJkngShECLzJAiFEJknQSiEyDwJQiFE5kkQCiEyT4JQCJF5EoRCiMyTIBRCZJ4EoRAi8yQIhRCZJ0EohMg8CUIhROZJEAohMk+CUAiReRKEQojMy6VdgW5RSr0beB+ggBrwbeADWuu9i/z8EWDzHC9/Smv9X2a8/83AHwMXAyFwG/AnWutHl/cVCCE6xTHGpF2HjlNKfRR4P/AE8HXgLOAngFHgB7XWuxf4/GnAYeAh4PpZ3nKv1vob097/y8BngL3Al4H1wE/HL1+ptb53RV+QECJRaz4IlVKXAg8DtwNXa61b8fNvB74C3KC1fusC13gj8E3g/Vrrv1jgvZuBPcB+4GVa6/H4+ZcDtwI7gMu01mv7Gy/EKpKFe4S/FT9+pB2CAFrrr2KD6S1Kqa0LXOPS+PGRRZT3XqAEfLwdgnF59wBfAC4BXrHIugshuiALQXgVEGBDb6abAQd47QLXuCx+XEwQXjXt2rOVN/09QogesKYHS5RSBWAbsEdr3ZzlLbvixxcucKnLgCrw/yilfgF4ATCBvd/4p1rrw9PeewE2eGcbhFlsee36b5/jpTOBWxbq0gshFmdNByGwAdviG5nj9XbXdd1cF1BKlbHB5wF/gr2v+D3gh4FfAt6klHql1npP/JGNwLjWOlxOeYtUOP/8868F5D6jWLaavo1j//SrBBPH8Po3EtXG6b/8R9n8c59Ou2or4SznQ2s9CAvx42ytwenPl+a5xhZgOzAGvF1rPQKglHKAj2KnyPw98LppZa6kvJO01i+a7fm4pXjRYq4hxJxMFP8kbWeHwUSz/fxe+9Z6ENbjx8Icrxfjx+pcF9Ba7+LZwZLpzxul1J8C7wKuVkptibvI9ZWUJ0TXRCFg4hyMw9BEKVYoPWt9sGQciJi7Kzo07X1LprUOgAfj354XP44Ag3GLMdHyhEiSMVF8c8WJc9BAJEG45sTTZXYBZyml8rO8pR1eT8x1DaXU6UqpVyulzpzjLX3xY7v1uQPbIpzt/QuWJ0TXmIhnbzM7YOJwzKA1HYSxW7DB9MpZXrsa+zfhjnk+/zPA94E/nPmCUqofeCl2yV57hPeW+HG2KTJXx4+3L1BnITqvfT/QsZ0Xg3n2uYzJQhD+Q/z4sXgEGDi5suRVwPVa6wPzfP4/sNNhfl4pdfG0z+eAv8KOEn9aa92IX/pX7KDIB5VSG6e9/+XAO4CHtdbzBa8QXWGMgfbKMifb9wjX+mAJWuu7lFKfAn4DeEQpdR1wBvCTwFHgd9rvVUpdCVyJDavr4s8/o5T6I+ATwD1KqX/HrlG+Cruhwu3YaTXt8vYqpT4IfBx4VCn1RWAQeCfgY1eeCJG+OPSeczN7jS+5nUsWWoQAvxn/amKX3L0Gu9zth+JR4bYrgQ8Bb5v+Ya31/wTeBNwFvB34Vez37o+B12mtazPe/wls8B0Cfg24FvgO8Eqt9X0Jf21CLM/J1l+7NWgye49wzbcIwU51AT4Z/5rvfR8GPjzHa9/Ebryw2DI/D3x+0ZUUottOdotP/kdahEKIbDHPGTVuP5nNFqEEoRBZZcyMHDRkddWmBKEQWWWmzSE82TOWIBRCZMqMFqAhs/cIMzFYItKxa/w4O0aPrugalXyBV245j7zrJVQrcdKsoSdBKERi6kGL37vjPzhWm1zRdYpejl+7+NX8+PmXJ1Qz8azpoZftUWMJQtER9x3dy2ijxol6lVJutmXeCwtNhOc43HboaQnCbpEgFCI5dx55hqrfZLBQYlO5f1nXCKKIPZPD6NGjHKtNcmplIOFaCuDZ5XUZJoMlInHNMODeo3uo+k368sWFPzCHnOtS8nJMBU3uOPxMgjUU4rkkCEXi7j9mu8VgKHkr63T054tUW01uP7wzmcoJMQsJQpG42w7tpOo36c+XcFbY7erPF5kKWmwfPszR2kRCNRTiuSQIRaLqQYu7juxi0m8wsIJucVvO9Sh5Oap+k1sPSquws7I5UAIShCJhdx7exXizjus4FFfYLW4bKJSY9Bt876BO5HpiLk5mB04kCEWivntAM9lqMJBAt7itP1ekHvg8PX6cXePHE7mmmCajU2amkyAUiTlRr/LQ8X122kx+USeWLornuvTlCky2Gnz3gLQKRfIkCEVivndAM+k3KHg58l6yS+IGCiUm4iAMMnquhugcCUKRCGMM397/BBOtBoOF5FqDbX25AqGJOFqb4P5jexO/vsh291iCUCTiydEj7JkYph74iYwWz+Q4DgP5EhOtOt/Z92Ti18+mWe7hymCJEMt3077tTLQa9OeLuE5n/loNxt3ju4/uZqQx1ZEyMsVxeE4YTt+yP2MkCMWK1fwW3z+4k4lWnaFCeeEPLFPRy1Hwckw063xnv7QKV05ahG0ShGLFvndQM9qo4TrOipfULWSoUGK8VeemvduJMnq+RmKmh97J440lCIVYMmMM39j7OOOtOoOFcsf/IfXnSzTDgH3VER46fqCjZWWCA1kfKAEJQrFCT44e4anRo9SCVqJzB+fiOg6DhRLjzQbf2PNYx8tb0573Q2vGPcMMkSAUK3LjnsdODpJ4bnf+Og0Wyky06tx1ZBcn6tWulLkWORkNvdlIEIplG2/WufXQTsZbddZ1cJBkpqKXo+jlGG81+Nbe7V0rd815TovQzPJcdkgQimX79r4nGGvWyTluYhssLNZQocx4q8Y39z6OLytNlqc9feY5twglCIVYtMhE3Lj3McabNYaKnR8kmak/XySIIg7XxrlTdq9OjrQIhVi8e4/uYf/kKM0wYKALgyQzOY7DUKHMWLPODbsf7Xr5a0M2Q282EoRiWW7Y/Rjj8QRqN6VWxFChRNVv8ujwQdmeS6yIBKFYsgPVUe4/toeJVoOhYvcGSWbKuR59+QITzTrXS6twBabdJJSusRCLc/3uR5loNajk8uTdZLfbWqp1hQrjrfrJDWHFEsw6jzCbJAjFktT8Fv+5/8l4ykwl7epQ8nJ4jstYs8ZN+2QqzUpldW6hBKFYkpsP7GC4PoUDlHP5tKtjB02KZcaaNW7c87isPxbLIkEoFs0Yw/W7H2GsVWOoC+uKF2ugvf54coR7j+5JuzqrxyxnlZiMrjuWIBSL9vCJA+yeGKYR+B3ZhXq53HgqzXhLptIsT/sHWjZDECQIxRJ8ffejjDfrDBRKHdt8dbmGimUmWg3uP7aPA9XRtKuzSswSfBk90a63/jaLnnWsNsldR3Yx0eV1xYuVdz0quTwTrTpf3y270oilkSAUi9Lec7Do5Sl0eV3xYrW7x9/Z/wT1oJV2dXpfu/U3fYt+aREKMbtWGHDT3u2MNeusS3EC9UIquQIYGG5MccvBp9KuTs8zJuJ53eOMjrpLEIoF3XlkF0dqE0Qmoi9XSLs6c3p2Kk2dr+95DJPR1s2iGRPnoDNtp+psfs8kCMWCbtzzWNe24l+pwXyJWtBi5+gx9NjRtKvT26KQ5wSfAZPRLc0kCMW89k4O8+iJA1T9JkM9NGVmLp7r0p8vMt6q8829j6ddnR43vfUX/4CLpGssxPN8a+/2eF1xgVzK64oXayjeyv+WA09R9ZtpV6dnmTCw/+M8O4/QGGkRCvEcrTDg5v074u22er812Fbycrjx+uPvHdBpV6d3RWE8SuzYMDQm7i5njwShmNMdh5/heL2KMcaOyK4SdtPWkj3TZN92GTSZg2nfI3SmbbYgXWMhnuvb+55YNYMkMw20B03GjvG0bNo6uyiIf0jELULMs93ljJEgFLM6UpvgoeP7qfrNnlpXvFh20KTARKvBt/c9kXZ1etKzI8TPTqY2kQShECf9574nmfQblL30N19drsF8PGhy8ClaGW3pzMeEgb0v6NgWocFARr9PEoTieSITcfOBHUy0GquyNdhWzuUxxnCiXuXuI7vTrk7vCVpAFN/2cE62CE0G7xNKEIrn2T58mP3VUVphQF++mHZ1ls1xHAYKJSb9Bv+5/8m0q9NzTNB6Touwvc7YhH7KNes+CULxPN89sIPJVoP+fDG1E+qSMpgvMdlqcP+xvYw2a2lXp6eYsDVt+kwcBcbELcVskSAUz9EKA2479DSTfoOBVdwtbit4OfKuR9VvctvBnWlXp6eYwLejxtN/2BkjLUIh7ju6h+HGFMYYyl76Z5IkYaBgW4XfOyiTq6czQTPuGrv2PqHjgIkwfvZOA5QgFM/x/UM7qfoNBvKlVTd3cC4D+SJTQYsnRo5wpDaRdnV6hmnV7bZb7W6x42JMRCRBKLKsHrS45+huJv0m/YXVO0gyU871KHt5pvwm35d9Ck+KfBuE7R94juParrFfT7lm3SdBKE665+gexpt1XMeh6PbmLtTL1V8oMuk3uPWQ3CdsM616fI+w3SKMu8YtCUKRYbcdepqq36Q/X1wz3eK2/lyReuDz9NgxDlbH0q5OTzD+87vGmIhIglBkVT1ocf/RPVT9JgOreO7gXDzXjbvHLW4//HTa1ekJUbM26z1C08reNCMJQgHA/cf2MtFq4OJQWGPd4rb+fJGq3+TOw8+kXZWeEDWnIApxXBsDjutCFBE1qinXrPskCAVgt9xaq93itr58kVrQQo8e5VhtMu3qpMpEIcZv2AOcTrYIPTAhpjWVbuVSIEEo8KOQ+47upeo3V/WSuoXkXJeSl2MqaHH3kV1pVydVUXMqPrzJQHtTDdfFRBFRQ4JQZNCjJw4y1qxhMJR69MzipPTli0z5Te4+mu1NGEyjanejdpxp02c8O1jSlK6xyKC7j+yy3eLc2u0Wt/XlCkz5TR6J91rMqqg+Yc8nmb7FmutiopConr1J5xKEGWeM4Z6ju5kKmvTlV892/MtV8HLkXI+poMUDx/amXZ3UhLUxO1DiTA9CD6LQvpYxEoQZt3viBEdqE7TCkPIqOpdkJWyrsMW9R/ekXZXURPVxu0P1tBah4+YgColq4ynWLB0ShBl379E9TPlNKrn8qt9ya7H68gWmgib3H9tLZLK3CSnYILRTZ57bIjRRSCQtQpE19x3by5Tfoi+3dkeLZyp5ecIoYrgxxY7Ro2lXJxVhbWyWFqEHUWBDMmMkCDNsstXgyZHD1IMWlQzcH2xzHIdKvkDNb3FfRrvHUXUUosB2h9vaLcJmLXPL7CQIM+zB4/uoBS1yrrdqD2harr5ckamgyQPH96VdlVSE1RP28Kbp06Uc1268EIWE1eH0KpcCCcIMu//YXmpBi76MDJJMV8nlqQc+T40dzeQW/uHkifge4bNB6DgOjpvDRAGRBKHIAmMMDx7bx5TfopLBIMy5HgXXo+77PHgse63CWVuEAF4OEwaE1RPpVCwlEoQZtXtimOP1Kn4UUsqtjS35l6qSK1ALWjyYse6xMYawOoKZeY+Q9hSawLYYM0SCMKMePG67xeUMTZuZqZK3QfjQ8f2ZmkYT1cbseSVRCN6Me8NxizCYOJ5O5VIiQZhRDx3fTy3IZre4rezl8aOQE/Uqeyayc08sGDtsT6pzc3Z7/mkcL48JfcLxwynVLh0ShBnUDAMeHz6U2YGSNsdxqOTyTGWsexyOH8GEPs4st0QcLw+hTzB+JIWapUeCMIO2jxyi6jdxIHPTZmYq5wrUgiYPHd+fdlW6Jhg/AmFgQ2+muEUoQSjWvHa3uJwrrPndZhZSyRWoBz6PDx+iFQZpV6crwvGjmLD1/BFjpnWNJ+NR5YyQIMygh+X+4EkF18MBqn6T7SPZuC/mjx7ABP7sLcJ2DyHwCcay8f0ACcLMmWg1eHr8OPXAp5LRaTPTOY4Td49bPHLiQNrV6YpgpB2Ez/9B6DgOjlfAhC2CkezcLpAgzJhHTxygHrTIux65jN8fbKvk8tSCFg9n4D6hiSKC0YOYsIUzR4/AyRUwgQShWMMePnFAWoMztO8T7hw7ytQa37U6nDhqD3CPIpitawwQB6E/LEEo1qhHTjw7UCKsnOuRc11qgc9jwwfTrk5H+SP7MUELJ5efc6CsPWAiLUKxJg03quyfHKUZBpSlRfgctlW49u8TBif2xEE49w9CJ1fEBE38E3u6V7GUre0jy6ZRSr0beB+ggBrwbeADWutFHVyhlHot8AfAy4F+4BBwA/ARrfXxGe99I/DNeS73Mq31/Uv+IlbokRMHqQc+BdfDc+Rn4HRlL894q8GjJ9Z4i/DYLkzQxJlnI96T9whHDxE1a7jFShdrmI5MBKFS6qPA+4EngE8BZwE/BfyIUuoHtdbznu2olPo54B+AOvAV4ChwBfBfgGuVUldorafPQL0sfvxHYLYlC4eW/9Us36MnDlAPZdrMbMq5AkfrkzwzcZzxZp2hYjntKnVEqx2EpcE53+N4OXBcTNjCP7GH4taLuljDdKz5IFRKXYoNwduBq7XWrfj5L2FD7X8Bb53n8+uBvwaq2JacnvbaR4A/Af4H8J5pH2sH4Qe01j0zGeuxYdsi3JCBn/BLlXNd8q5HMwh4fOQQr9xyXtpVSpwxBv/4LozfxB2Y/2gGJ1fE+E38Y89kIgiz0D/6rfjxI+0QBNBafxW4FXiLUmrrPJ9/EzAA/P30EIz9GdAErp3x/KXA8V4KwRP1KgerYzRCX+4PzqEcT6N5bI12j6OpEbvzTOjPe48QwMnH9wmP7epS7dKVhSC8CgiwoTfTzYADvHaezz8JfAD48iyvhYCPvWcIgFKqDLwAeGSZ9e2Ix4YPUg99im4OV+4Pzqrs2V2rHxtZm0HYOvIUxm/i5ArP23VmpnaLsHV0Z5dql6413TVWShWAbcAerfVsE8TaP+5eONc1tNYPAg/O8fIbsSE4/fVLAA+YVEr9HfAG4FRgJ/AZ4FNaa7OUryMJ20cOUZdpM/Mq5/IcrU+ye/wEVb9Jf35tnezXOrwD4zdw8qUF3+vkS0TVYVqHNcaYNb8mfU0HIbAB2+IbmeP19rmF65Z6YaXUEPBX8W//97SXLo0f3w7cB3wJ2AS8Gfgb4BVKqZ9ZTBgqpbbP8dKSb2A9PnyIeuCzXu4PzinneuQcl3rg8+TIYV62+ey0q5So1mFNtOggLGJCn2hqhHD8CLl1W7pQw/Ss9SBsN3/mWi7Qfn7hvxnTKKUGgBuxXeBvYkeU24rYluY/aq3/fNpnTsF2xd8Zf+Zfl1LmSky2GuyZHKYZBpTmWk0gANsqbIQ+29dkENoWoVuee8S4zXFcG4Z+g9bhHRKEq1z7cNa5+oPtvk91sRdUSp2GDcGXAvcA75jeutNa/w225fccWuvjSqnfxc5f/FkWEYRa6xfNUYftwKKH8p4YOUwzCMi5LjlX7g/Op5TLM+W3eGKN7UQT1ScJRg7ae4SLaBFC3D32G7QO7aBy4Xy30Ve/tf6vYhyImLvrOzTtfQtSSl0M3IsNwe8Cr9daTy6hPvfGj12dm/Hk6BE7WiytwQWVPdsi1KNHCKIw7eokpnlwu70/6OVwFrnZhpMvY/wGzYNz3aFZO9Z0EMbTZXYBZymlZkuBdiA9sdC1lFJXYecinoltzV0zWwgqpS5RSr1eKTXb3eW++LE+y2sds2P0CI3Az+xpdUuRdz2MMdSCFrvX0DkmzQOPEvl1nMLiJ4o7hTKmVaN1cDsmWtuHW63pIIzdgu0av3KW164GDHDHfBdQSr0K+DowCHxMa/2z0+ckzvAFbPf38llee3X8eO8sr3VEZCKeGjtKPfTl/uAiOI5DKT78fcfo2tmuvrX/cUxriUGYK2KiiLA2hn9i3sVXq14WgrA9kPGxeI4fAEqptwOvAq7XWs+50l4ptRE78lsG/kRr/YEFyvtC/Pjf4+k77etsA/47du7hJ5f8VSzT/uoo1VaTyBgKsv/gopS8PM3Q56mxo2lXJREmimgeaAfh4mcNOI6Dky9hWnWa+x/tYA3Tt9YHS9Ba36WU+hTwG8AjSqnrgDOAn8SuGf6d9nuVUlcCVwIPa62vi5/+XeA0YAzIKaU+PEdRH9FaR8AnsKtRrgYeU0p9AzuN50ex9yTfp7V+KMmvcT5PjR6lEfqUvNyanwuWlJKXY6RZY+fYsbSrkgj/xB7C2igmCufdbGE2bqGMadVp7X8MLn97h2qYvjUfhLHfBHYAv4JdcjeMbbn9qdZ6+hqiK4EPAf8MtIPwmvhxXfzaXP4ciLTWtThQ/wD4aeDXsbvd3AP8pdb65gS+nkXbOX6cZhhQnOWgHjG7openGQbsmxyhHqz+JYnNvQ/a1mC+tOQfhk6hQjh5nMberv3sTkUm/nXE01s+yQJdUq31h4EPz3juJcsorwF8JP6Vql3jx2mGPv2LnDIh7AYMruPQigJ2T5zgog2rew5dY/cDmFYNt9i38JtncApljN8kGN5PMH6U3NDmDtQwfVm4R5hZxhh2T5yQFuEyFL0czSBg18SJtKuyIsYYmnsfIGpOLen+YJvjejj5IlGrRmN317fQ7BoJwjXsWH2Sqt8kNJEMlCxR0c3RjAL2rvIpNP7xXYQTJ+yOM0sYMZ7OLfZhWlM09zyQcO16hwThGrZ3coRWGJJ3ZaBkqQpejlYYsndyrmXqq0NzzwNELdsaXO7fAadQIWpKi1CsUvsmR2hFAQVPWoNLVXA9WlHA/urqDsL6M/fY7faX0S1ucwoVTNAkGD24Zk+2kyBcww5NjdEKQwqu3B9cqoLn4UchY80a1VV6xKcJWjR23YdpVnFK/Qt/YA6O6+Lky0TNKRpP35lgDXtHR4JQKXWaUuoapdS74t9vVkrJv8YuO1Adw48C8nJ/cMlcx8VzXPwo5NDUWNrVWZbmvkfsjtSGJc8fnMkt9RM1qtSfviuh2vWWRINQKXW6UuoG4CB2Sdo/xy/9MrAnXq8ruuRobQI/iiQIlynvevhhxJGpibSrsiz1Z+4mak7hFvtWfI/YLfZhmlUau+/HBHOtLl29EgtCpdQm4E7sBqQPA49iN0UFu+/f6cANSqkXJ1WmmFsYRZxoVPGjkLxsvbUsedfDNyHH6qs0CHfegWlWcVfQLT4pVwTHIapP0Ngz14btq1eS/0I+iD0m8z1a68t5dmUGWuuPY5eYFYA/SrBMMYfhxlS8jZSRM4yXKee6BFHIsfqit6vsGcHoIfwjO4ladZxlTKSeyXEcnGI/UWOS+lO3JVDD3pLkv5AfBb6htf7sbC9qrW/AHog+2y4wImEjzSkCE+E5rkydWaac4xJEESONqbSrsmS1HbfYSdT58qL3H1xI+z5hbcctGNP1Y3c6KskgPB3bHZ7PU8DqXq+0Sow2a4RRJDtSr4DnuoQmYrS5+oKwvuP7RI1J3NJAYtd0in2YoEUweojW4R2JXbcXJNYJpBUAACAASURBVPmvZJiFd15W8ftEh00064Rxi1Asj+e4hFHERKuRdlWWJJwao7H3IaJGQvcHY47j2kGTxiT1Hbckdt1ekOS/kpuBtymlLpvtRaXUK4C3AN9LsEwxh0m/SWiMnGG8Ap7jEhqz6uYR1p+6lahRxcnlFzzIfamc0oDtHj95S6LXTVuSc/s+ArwNuF0p9WngAgCl1I8DV2C3o2oBf5FgmWIOU36TKIpw5f7gsrmOQ2SiVReEtSe+m3i3uM0t9eOPH8Y/+jT+8d3kTzkn8TLSkFhzQWu9Ezt1Zhy72elbsNNnvhj/vgb8uNZ67Z8E0wMaoU+EwUWCcLlcHCIMYRStmoOcwto49afvjoNw4WM7l8pxPdxCH1Fjgqnt30n8+mlJtN+ktb4VOAe7+/PHgb/HHoL+buBsrfU3kyxPzK0ZBnZFgbQIl81xHDBgMDTCIO3qLEr9ye8R1SfsaXX5la0mmYtTHiSqT1B7/DtrZvQ4sa6xUurfgFu11n8LfDn+JVISRBEGgyMtwmVrf+eMsRPUV4Op7d8hqk90pDXY9mz3+Bn8ozspnHZBx8rqliRbhG8Dlrybs+iM0Nh/uNIiXL7p37vI9H4QhtURGrvus93icueC0HE93GK/7R4/vja6x0kG4epchyTEAgwQ0ftdwKnHvmW7xblC4qPFM7nlQcL6BLXHvrUmzjxOMgj/FPhZpdQvKaWGEryuWAYZLV659v0vB1bFNKSpR24kqo/jVjr/z88p9WP8Jv7w/jWxc3WS02euBSaBvwX+Vik1ih0pnslorbclWK6YhefY8eIkb2Y3xycTu1anFIeSnzKCY5fb9bLWkZ20Dj5J1Jwiv+70jpfnOC5ueZCoNkb1kRspnfuyjpfZSUkG4Vtm/H5D/EukoBCfY5xkh+67717obPv0XfO1v07sWgYDDjg4FHr88KupR24krE/gFvsTW1u8ELcyRDh60M5bfNMf4BaXvwt22hL709Va9/aPzIwpejkcHKI1Mr0hDZGxo+6u4/T04VcmCpl69JtE9TG8gVO6Vq6TL4PjElWHqT35Xfovm9kWWj0kvNaoci4fr4yQIFyuyBhcx6Hk9fbhV/WnbicYO4wJA5xicmuLF+I4Dm55iLA2TvXB67tWbick3t6P1xS/FzuVpg+7ycJjwD9rrW9Pujwxu/5cEddxiYyfdlVWrXYQ9nVoYnJSqg9cR1Qbw62s63pgu5Uh/GPP0NzzwKpecpdoECqlPoBdczz9T+M84AeBX1BKfVhr/WdJlilm15cv4iXcIrzqXz6a2LVWg9DYTW0H8qW0qzKnYOwI9Z13ENbGUwkhx8vjFvsI6+NUH/wa63/kv3a9DklIcmXJm4A/Aw5gd6u+FXt2yXrgKuCjwIeVUndprf8zqXLF7NYVy3iOS5DgROCOjMj2sPY2ZkPF5R2M3g3Vh68nqo3h5Esdnzs4F7eynnDiGNWHv866q389tXqsRJItwt/Gbrjwaq31nmnPHwO+oJS6G3gIeB8gQdhh64uVkxuLiuUJTYTnugwVejMITRQx9eD1hLUxvL70Jmg4xT4wIeH4EWpPfJe+S96YWl2WK8nBkh8Arp8RgifFz18PvDzBMsUc1hcr5OKNRdfKwvhuC6OInOOyvkenhdR33o4/vA8TtFZ0bvFKOY6DW1lHODXG5P1fSa0eK5FkEJaA0QXeMwak9yeWIUPFMjnXw3UcaRUuU2BCcq7LxnJv/pWdvOdLhFOjeJV1OClP+HYr64gaEzT33E/ryFOp1mU5kvzuPQNcpZSa9ZpKKQ97r3B3gmWKObiOy4ZShZzr4a+BtaBpCKKInOOxqbTyU+CS5h/fQ+Ppu+xOM5V1aVfHDpqUBghrY0zeu/o2nkoyCL8IvBj430qp58w3iNce/z1wEfClBMsU8zilPHDySEqxdH5kW4SnlHtvkGjyvi8T1sZxi5WeGZxwK+uJpkaZevQbhKvsLOgkB0s+DvwYdg7hTyil7sEOnmwFLgEGsafcfTzBMsU8NpcHyLteoiPHWWGMIYgi8q7H5kpvBWHUrFF9+AaiqRG8db1zKKRTKIPjEVaHmXroBgZ/6F1pV2nRktyqvwG8BrvpQgF4I/AO4IexgfsZ7IjybBsxiA7YXBmMu8bSIlyqwNjzXoperucGS6oPXU84cRwcB6fQO3VzHAe3bz1RdYTJe7+0qrbnSnRCtdZ6Avg1pdRvYQ9vGsLuU7hDa7069jpfQ7b0DZF3Pep+K+2qrDp+GJL3PDZXBntqCy4TRUze80WiqRHcvg09t/TPLQ/hTx7HP76buv4+lQtfm3aVFiXplSUOdjuuI1rre6c9/3dKqZu01qvvLuoqtqVig1BahEvnR2HcLe7cTs/LUX/qNvxju4j8Bvn1Z6RdnedxXBevso5waoSJuz6/aoIwsR91SqkS8HXgq9jT7NrPV4BfBL6olPpCPHosuqDdIvRNKHMJl8iPQgpujq196Y/ITjd51+cIp0bslBm3d1qq07l964nqEzR330/z0JNpV2dRkvxO/jZwDfA14PPtJ+N7gpcA/w78BPC7CZYp5rGhVKGcy+M5rrQKl6gVtwhP7+udzdZbh7U9k6Q+gdu3Pu3qzOnZqTSjTN71+YU/0AOSDMJ3AfdprX9Ma71j+gta68e11j8FPAz8fIJlinm4jsvpfdI9Xg7/ZBD2Totw4q7PEdZGcUv9OF4+7erMy+3bYKfSPH4TwcSxtKuzoCSD8GzglgXe813suceiS07vWydBuETGGBuEnsfW/t4IwmD8qD2caWoUN8V1xYvlFsqQK9oR5Lu/kHZ1FpT0KXYLhdxWoJpgmWIBW/vWUXA9WhKEixaYCAcoujlO7ZHJ1JN3f4GoOgK5og2ZVcDr30g4NcLk/f9B1Ojtf/ZJBuGtwI8qpWY9xUUpdSn27GPZnLWLtvavo+Dl8EMJwsVqT53Z0jeE1wMDElGjyuQDX7GDJP0b067OojlFuzQxnDhG9cHrUq7N/JKcPvOX2KC7WSn1d8Bd2JUlQ9gdZ34J8ICPJVimWMDWuGssLcLFa7VHjHukW1x94CuEE8cA52S4rAaO4+D2bySsDjNx9+cZ+MF34OR6895mkitLHgR+GmhhR5C/CHwrfvxd7K7V75o+v1B03un9NgiDKJTzSxbJjwLyrtcTU2dM4DNx9xcIq8O4/b03gXohbnkQE/gEJ/Yytf07aVdnTkmvLPmqUuo7wJuwZ5ZsxN4TfAT4arzyRHTRukKZvnyRnGun0BR7/FjKXuBHIQP5fE+MGE899i2C4X2Y0Mct99bk7sVwHBevbz1hdYSJO/6Fvkuu6ckwT/xfhda6it1hRnaZ6QGO47C1fx07x45KEC5SK3r2HmGaTBQxccdnCavDeH0bUt9zcLncvvX4R5+mdehJGk/fSfkFr0y7Ss+T+HdWKXXajN//tFLq00qp34+34xJdJnMJF8/uOhP2RNe4vvN2Wkc0UbPWE3sOLpfjenYH6+oIE7f/S9rVmVWSS+zySql/Aw4qpQbj534P+Ffs1lz/A7hHKdW7U+LXqC2VIfJeToJwEezUGYeSl2dTOd2BiXZr0O1bj9PDB8wvhte/gag+QWPXfTQPPJ52dZ4nyRbh72IHS54EKkqpHPBHwBTwHuwxny8A3p9gmWIRTq45lik0C+qVXWea+x+lsft+ovoEXg8vp1ssx8vjlgfsZgx3fDbt6jxPkn/SPwVsB16itT4CvBrYAHxWa/1ZrfWHsaPIb0uwTLEIsgvN4rWX1qV9f3Dijs/aVSTlwZ5fTrdYXt9GwqlRak98F394X9rVeY4kg/B84Ftaaz/+/RsAA3xj2nseBXpv76A1bnNlUHahWaRe2H7LP76H2pPfswcz9a2eCdQLcfJF3GLFtgrv/Le0q/McSQZhCztXsO31QIhdcdK2HnuSneiiTeU+8q6Hi5xotxDf2CA8LcUgnLjr3winRu15JPniwh9YRdy+jURTI0w9/HXC6kja1TkpySDcAbxOKeUqpS4BLgPu1FpPAiilNgFvB3SCZYpFcB2XU8v9sm3/IgRRRM712JzSGuOwOszUwzfaHahX0XK6xXIKZfDyhJMnmLz3i2lX56Qkg/CfsPsOauD78XOfAVBKvQd4CNgEfDLBMsUinRIf5CRHe87PTp1xOSWlA5sm7/kSYfUEeHncHjqPJCmO4+D1bSCsDjN575eJWvW0qwQku8TuM8CHsGuLQ+DPtdafi18+F7vK5A9lu/50nFKRoz0X0j65Lud4qRzhGbXq9pjO6gjeKthqa7mc0gCYiGD8MFMP35B2dYDkl9j9GfBns7z0t8An2t1k0X2nlGzXWIJwbtNPrluXwlZXUw/fQDB+GExkw2KNspsxbCCqjjBx1+fo/4EfT/3Yga6UrrU+JCGYrlPKA+QcaRHOJ4hCcq7HxlJf19fDmihi4q7PEVVHVuXmCkvlltcR+Q38Y7uo77gl7ep0JwhF+jaV++NdaOQe4VzsQInLphS6xfUdt5w8nc4tr97ldIt18rS76ggTd6U/lUaCMCM2lvrwXJdAps/MKTAROcdlQ6n7gxQTd3+h50+nS5rbt4GoMUlzz0M0D25Pty6pli66ZkOpj5zjEkaRTKqeQ3vqzMZSd9cYt448RTNeTtfLp9MlzfFyz552d0+6m1VJEGbEUKGE57q4jkyqnktoQjzXZX2Xd4GevOeLhLUx3NLAmllOt1hu33qiqVFqj99EWB1Orx5JXUgp9WMzt+ASvcN1XNYXK7Z7LPcJZ2WnzrhdbRGGU2NMPfototpoplqDbfa0uwJhdZTJ+7+SXj0SvNb/D/yfBK8nEra+WLHdY2kRzio0drBkfbF79wirD15nW0JuDie/Ok6nS5rXt55waoTqff+BCfyFP9ABSQbhAPBYgtcTCdsgAybzCqIIz3HZ0KUWoYkiqvfb0+ncvvVrfsrMXJzSICYMCEYPUtvxvVTqkGQQ3gD8mFJq7U6JX+VOtgila/w8kTFExsT3CLvTImw8czf+ib2YoLUqzyNJiuM4dipNbZTqg19LpQ5Jriz5BnYPwl1Kqe8Cu4DaLO8zWusPJViuWCR7j1BWl8wmjFeV5F2P/i7t+FJ94Dqi2hhueWjVnkeSFLcyhH98N42n78EfOUB+Q3d360syCP9x2v/Pt/mqwa5JFl22vljBc1yaUTr3YXpZGEUnW4Pd6KKGkyeo7biFsD5OfuO2jpfX65xcAadQJqqPU33wa6x/3W90tfwkg/DnE7yW6ID1Jds1lnuEz9eeTN2tbnH14RuI6uM2ANbYnoPLZVeaDDP10PWse+2v4HTxxMXEStJa/3NS1xKdsb5YIefKPcLZtFuE3RgoMcZQfegGoqmxVX06XdKc0gBm/AjB2GHqO++g8sLXdK3sjtyYUEqdppS6Rin1rvj3m+PDnESKNhRl1HgutkXodaVF2Dr0BP7x3UR+HbeU3UGSmRzHwS0PEdXGmXrspq6WnWgQKqVOV0rdABwEvg60W4m/DOxRSl2VZHliadaX+vAcF4MhkjB8jjDecGFDF1aVTD16k11OVxrIzLrixXLLg0T1Ceo7vk/UnG2stUPlJnWheCv+O4E3Aw9jD2pq33VuAqcDNyilXpxUmWJpyrk8ffkCniOrS2YKTBhvuNDZIDRRRO3xm4jq45meMjMXJ18C1yWsjVHr4vZcSf44+iBwFvAerfXlwHXtF7TWHwd+FChgzzoWKdlY6o93qpYgnK5bGy40dt9HMHYEEwY4xf6OlrUa2e7xIFF9nNqj3+pauUkG4Y8C39Baz3p6s9b6Buyk61cmWKZYok2lPnKOR2BkLuF0gbGDJaeUOxtOte3/aVuDpYHMriRZiFseIqpPUn/mbsLaeHfKTPBap2O7w/N5CtiSYJliiewGra4c4jRNZMzJe4Sd3JTVRBF1fStRoyrd4nk4uQKOlydqVqnvvKMrZSYZhMPAeQu8R8XvEyk5pTwgZ5fMEER2+62yl2egg3P6Wod3EIwfxYQ+zho8oS5Jbqkf06hSf+r27pSX4LVuBt6mlLpstheVUq8A3gKks6paALClMiRb9s/gR/ZQ982VwY52V+v6Vkyzilvs/pkoq41TGiBqVGk8fWdXdqRJMgg/ArSA25VSnwAuB1BK/Xj8+5vj1/8iwTLFEm2u2PONW9IiPKl9Vslplc52V+tP3UbUqK7pE+qS4uRLGBMRVkdp7Huo4+Ulea7xTuzUmXHgd7CtPwf4Yvz7GvDjWut0DyfIuC197RZhKFv2x1pRSMHNsaVvqGNlhJMnaB3SRK0abpd3wF6NHMfBLfUTNSdp7Lyz4+Ulfa7xrUqpc7AjyD8ArAcmgYeA67TW1STLE0u3odhHJV/Ac138KKTQxfWcvcqPAvrzJU7v69xyt8beh4j8ejwQIN/zxXAKfZj6OI29nW8RJvYnopR6NXC71roF/Hv8S/QYx3HY0jfE02PHbEtI/lHG3wePrf2dC8LmvocxrZoMkiyBW6jgjx+hdXgHUatut/XvVFkJXusW4KhS6p+UUm9XSkn7v0dt699AwcvRCoO0q5K6yBj80HaNtw10bk/h5r6HMc0argThojm5PI7rYlp1mgc6u/l9kkH4F8AB4N3Al4ETSqkblVLvVUrJ3MEectbABgpuTgZMsCPGOdelv1Ds2DrjqD5J68hO2zWWIFwSp1AhatVo7nu4o+UkOVjyAa31S4CtwK8A3wR+GPg0sF8pda9S6gNKqYuTKlMsz9mDGyl6OZrSIqQZBhS9HGcPbOzYlJbmwe2YVh3Hzcn9wSVyChVMs0Zz30JrNVYm8T8VrfVh4O+Bv1dK5YFXYUeTfx47xea/daLchSil3g28DzupuwZ8G/iA1nrvIj9/Frb+VwMbsatkPqW1/rs53v9m4I+Bi4EQuA34E611Z/9EF+G8oVNs1zgKiIzBzfCcNhuEec4dOqVjZfjHnsYETbuhgFgSJ18imhrBP/ZMR8vp2B5ASqltwLuAnwN+EliHnU7T9X3ilVIfxW4JVgI+hZ3T+FPA/fEo90Kf3wbcBbwTOyH8k0Af8Bml1P+c5f2/jN2G7Azg74CvAq8H7lZK/WASX9NKbCr1s65YJu94mb9P2Ax9il6O8wY3dawM//hujN+UnaiXwckVMEGLcPIEYX2iY+UkOWp8OvDaab/OxgZfCDwIfBYbQN1ZPPhsvS4F3g/cDlwdj2qjlPoS8BXgfwFvXeAy/x92LfWbtdbfiD//IeC7wG8rpT6ntX4gfn4z8NfATuBlWuvx+PnPALcCf6eUukxrndokPsdxuGDdZp4aO0ojDCjl8mlVJVXGGJphQMnLc8H6zR0rxz+2CxM0ZTfqZXBcD8fLYYImwfHdeGdd2pFykmwR7gf+BfhZYAT4G+whThu11i/XWr9fa32z1rqRYJmL8Vvx40faIQigtf4qNpjeopTaOteH49bg24A72yEYf76ODVgHe0+07b3YlufH2yEYv/8e4AvAJcArVvpFrZRat5mSl6cRZvcgp1YU4jgOfflCx0aMjTG2RRg0cXLSIlwOJ1fEBC1aHeweJxmEIc+2AEeAw/GvyQTLWI6rgAAbejPdjK3za+f5/JXxe26e5bXbscsGp++83f7/2d5/84z3pObCDadRzuVpdGEdZ69qBD5lL88L15+G26HjNMPJ40SNKiYMIFfoSBlrXq5oW4QnFnU7f1mS/NNfj11W92lsN/IvgLuBEaXU15RS7+v2iLFSqgBsA/ZrrZuzvGVX/PjCeS5zQfz49MwXtNY+tiV8TlxW+/0BMNuf2mLK64oXrj+NkpcnMFFmd6Kphz6lXJ4XbTi9Y2WEk8ftbjNeTjZaWCbHy2NCn2DyeMfKSPIUuynsIe/te2inAa/DjrJeiQ1JlFLHtdanJVXuAjZgW3Mjc7ze7rrOd/NmY/w43zVcYBA4Eb9/XGs9W7ospryTlFJzrcteaLuzBfXli5wztImDU2PUA5+BgrfSS64qxhjqQYv1xQov2tjBIKwOQxSAK9NmlsvxcphmSFTt3A5+HRs11lofAf4N+Fvgn7AtJAfo3DyF52u30mZrDU5/fr55DUu9RmGF5XXNZZvOoJwrUAtaC795jfGjkAjoyxe4cH3nfi5H1RFMFOBIEC6f62GiwP5Q6ZDE/3TiwYUfAd6AvRc2hA3AfdipKzckXeY86vHjXDdn2nev59sMYqnXqK+wvJO01i+a7fm4pXjRYq4xn8s2nUkll+dws44xJlNdt1rgU/HyXLh+S0dHzcPqMCYMwctWiztJjpuDKCCcGu1YGUlOn/kkNvzOwwafAe7FBt8NWuvOLhac3TgQMXdXdGja++bS7hLPdw0DtCc5jQCnKqWcWabILKa8rnnxxq3054tEmMztRFMLmvTli7z01LM6Wk5YGwNpEa6Ml8OEIVFjEhO0cDow6JTkn86vA1PA17Dhd6PW+liC118yrXVLKbULOEsplY8HN6Zr32t7Yp7L7Jjx3pPilTNn2qJ0NO39Z8TP71tGeV1TzuW5eONWDlTHmApamQnCyBhqgc+p5UFeduq2jpZlghYYA660CJcvblcZY0//60AQJnmP8E3YOYM/prX+x7RDcJpbsF3V2U7Puxrbmptvkvf34/fMNuXlVfG1px+scEv8ONv7r44fu3MQwyL8wKln05crMOXPdVtz7akHLfKuxymVAc7p4IoSAKIQ+9dHLNv0OzYdmuGQ5KYL34pbYGcppT6klLpOKfUdpdQX4s0WFlzK1iH/ED9+TCl1ckMzpdTbsUF2vdb6wFwfjl/7NvAapdTbpn2+DHw0/u2npn3kX7GDIh9USm2c9v6XA+8AHtZad3V1zXyuOO0cKvkijTAgzMg5JlNBi/58kSs2n9P5+6Im/p5m6P5r8p793hnTmb+jifaFlFLvwc4jLPDcHP9JbDD8mtb6n5IscyFa67uUUp8CfgN4RCl1Hbbr+pPAUewxAgAopa7ETvV5WGt93bTL/BZ2rfGX46V5B7CrTV6AXUFyco8grfVepdQHgY8DjyqlvoidWvNO7Drr93boS12WLX1DnDu4iSO1caaCFoOFnhjQ7hhjDFW/yda+dbzitHM7X158JEKSMTg81fuT4Df2dWIAynSsRZjkYMkrsLvO1LGTqW8FDmInWl8F/D52k4LtWuv7kip3kX4Te+/uV7ChNoxd7vanWutd0953JfAh7AYNJ4NQa/2UUuoK4M+xI+Il7O4zv8SzLU6mvf8TSqmD2JD9NexAynfi8h5J+otbqVduOY9Hhg9Q9RtrPggboY+Lw/pihUtPOaPzBXagBXP5Jzq7N18S9nzoZclf1NCR7yck2yL8I2yL59XTW0ixe5VS38SuNPld7M4vXROP3n4y/jXf+z4MfHiO13Ziu7aLLfPzwOcXXckUvWrr+fyLvpsT9SqhifA6tNysF0z6TfoLRa7Yci75LgxgOPkyjuN27B9wJrQPGXOcjm1sm+Tf+FcCX5slBAGIW0LXAa9OsEyRgG0DGzl3cBPlXH5ND5q0u8UD+RKv2nJ+V8p0ywPgupiM3H/tCBOC44Lr4XTo3JIkg3AAOLTAew5hu8qix1y59QL68yUmW2s3COuBj+e4bCr3c3mH5w+2ueVBHNfr2L2tTIhCHNfDKw92bHArya7xPuCHFnjPK7H3DUWPec3WC/jHJ+/ieH2SIArJrcF5bxN+g/58kVedfn7Xvj63NGDnEJrkgvCB37sssWutBiaKwPVs67pDkgzCr2E3Kf2g1vrPp7+glPKw995eBvxVgmWKhGzpG+LFG7dwrD7BpN9kfXFtHTIUmYiq32TbwAauOqN7m/94lSFwPEyCLcLOjMj2sCjEcV37Q6VDkgzCjwI/Afw3pdQ7sROLx7GHOf0QcA52y6qPJVimSNDVZ1zI/Uf3caJRZV2hvKbWHlf9FiUvx7aBjR3dZGEmb3AzjpeHDG+Au1Im9MHL4w117s8tyQnVo9iu77ex++39KvCHwM8A52Knj7xaa925LSTEirx66wsYKpYJTbTmTribaNUZLJS5+swXdjXgcxvPsuduhIEMmCyTCe364vyGzt3XTXRCdbwK45r4HOOXYjcZmAAe0lrLvcEe175/dqQ2znirsWbOMmmFAc0wYLBQ4vVnXtjVsr3yIG5lyB7jGbbAXdvzNDvBBC3cQoXcxs7N++zIKvv4SM8bO3Ft0VlvOOsibtr3BPsnRzjF9HVsC/tummg1GCiUuPzUbWwq93e9/Nz6rbQOPG53TpEjPZcu3nEmt+HMjhWxoiBUSp2KHQS5FtiEXXr2JeBj8Y7VYpW5ZONWzh7YyPH6JJOtJkPFzszb6hZjDBN+g61967hm26zbO3ZcfuNZOLm83YlGLIkxUXzUQYF8B4Nw2T/u4xC8F7tsbSt209HzsCtM7lRKdf9Hr1gxx3F447YXMVgoM96qL/yBHlf1m+Rcly19Q7x8czr7fuQ3n4+TK2H8bh/guPoZv4mTK+ANbMDt37jwB5ZpJf2ePwLOwu628kKgAlyGPbPkxcD7Vlw7kYrXn3kh64plAhOt+lPuxlt1hgoVfuSsi/DcdLr5xTNejFMoY/zV/4Ol20yrjpMvU9j64o4Ocq2ka/xG4B6t9XumPfdovFXVE9hD0z866ydFTxsqlnn16S/gWG2S8VZ91Q6aNONBkjMKJd6YUrcYoLDlQhuEURh381bn9zMNxq/jFsoUt3b2z28lPyLPBG6b+WR8ett3sFtUiVXqzWdfzGChxKTfXLX7FI636gwWSlxx2jmc0sFVCQtxixUKp5yLky9jWtI9XoqTLcIzXtzRclYShGXs1vyzOYFdeyxWqQvXn8YF6zdTyRWYWIX3tiITMdlqMFSscO05l6ZdHQpnvBi3UCaS7vGi2bmXAU6+RPH0FZ9VNq+VBKHL3HuQmxVeW6TMcRzeevYlrCuWGYtPuVtNJlpNSrk85wxu5LJNXdh3cAHFbS/BKVQwTZlMsVimOYVbqFDYDJIp7AAAIABJREFUckFH1xmDhJWYx2u2XsCp5QFcx1lVZx8bYxhv1VhXKHPt2Zf0xFLB8nlX4BYrmKCJWWOrdjolak7hFPsonXdFx8uSIBRzKuXyvOGsixiKW4WrRT3wMQY2lvt5XZdXkszF699AYYvCLVSIpFW4IGMMUXMKt9hHuQtBuNKVJW9TSp09y/OXASilnreNPWC01r+4wnJFl7zlnEv4j2ceZLhepRUGq+LIz7FWnaFimdedeSGVfPJHPy5X6bxXUH/6bts9rgwt/IEMM0ETB3ArQxTP6vw93pX+rb4s/jWXn5vlOQNIEK4Sp1UGueK0czlRn2KsVefUFEdfF8OPQmpBi82VQa49++K0q/Mc5fOvYPyWfvzqsD3QqQe67L3KtLvFZ/9AR84xnmklQfjzidVC9LS3nnMptx16mv2TI2ws9fX0mSZjTTtl5mWbt3HmwIa0q/McxTMvxRvYSDCy304LWWN7PiYpqk/gDWyifMEPd6W8ZQeh1vqfk6yI6F2XbTqD84dO4UR9kolWo2c3bY2MYaJV54yB9by1B6bMzOTk8pTVa/CP7SJqTOD26PcxbSZo2R1nSgNULnxtV8rs3R/tomc4jsNbzrmEoWKF8R6eSjMZbx129sBGfqBLZ5IsVeWiq3DLA0SNyZ79PqYtakzilvopnf1SvP7utOolCMWiXH2G4pRSPzj05FQaY4wdJCmUecvZl/Ts9mHl816O178RB0fWHs8hqk/a1uBFV3etzN782yJ6TjlX4A1nXcS6QoWxHtyVph76RMawsdTHG87qjSkzs3FyBcrqNbjlQaL6RNrV6Tkm8DFBMw7Cq7pWrgShWDTbPS7RCHxaPTYpeKxZZ12xzNVnXkhfvph2debVd/EbTgahdI+fK6qP45YGKJ37MrwObrs1kwShWLTT+4b4wc3nMFAo9dRehe0pM4OFEtee01tTZmZTOu8KcutPx/FymGY17er0DGMMUX0crzJE36Vv7mrZEoRiSa6N1x9PtBpEPdKaGW/VGcgXeekpZ7FtoHutiOVyXI++i6/BLa8jqo2nXZ2eYfw6mAi3f2PXRovbJAjFkrz01DPZNrCRUi7PZA9sKWWnzDRYV6zwlh6bQD2fvsvejFceJGpWZe1xLKqN41aGqFx0ddenFkkQiiVxHZc3n30xQ/FW/mnf45rym+Rdj9P71nHFaeemWpelKGw+n8IZL8It9smgCWCiiKg+gVteR/9L3tL18iUIxZLZrfwrhCaikXJrpj1l5pqzX5TaVvzL1f+Sa3Er64hqY6n/QElb1JjAzZfIb9pG8ayXdL381fU3R/SEgUKJ155xQeoHPDXDgFYYMFQs88az0tuKf7n6Lr7GjoyaMPNzCqPaGG7fOvovfztOCj/QJAjFsrxpm+0eV1Pcyt9uxV/mh047jw2lvlTqsBJueYC+i3/EtgqnxtKuTmoivwFBC7eyjv6XvDWVOkgQimW5YN2pqW7lHxkTb8Vf5k1nd/Y8i07qv/ztNggbE5goTLs6qYimxuwgyYVXdW1J3UwShGJZHMfhmm0vYqhQZiKFQZNJv0HRy7Ft4P+2d+dxklX13cc/995au3qdpWcfZmH4MWwzDsM2DMiOGEQ2F1AjiUtcyYOCElkVd9EY92jQiKiP8TF5YTQJDyKIW2KMK9tPloioQFiGWXqr7qqbP86pmZqmZ+np2m7V7/16+arputW3TrX0t89+ZrFmzqKGvnctZRYdTHbRQW7QpAOn0rhBks2EXQN0rz+naeWwIDT77MRFwkCui3IMo6XGnn+8pThKXybP6UsPatl1xXsjCAK6Dz+XsDBAeXhTxw2alEc2E2byZOatJLdsfdPKkdz/gkzTdaUzPHfRKnozObY0cE5hZZCkJ5Pj1BbZin8mCoedQapnEKCjDneK45jy0CbCwgDd689ryiBJhQWhmZHTlx60/fzjctyYQZMtxVF6/HnFAwkcJJkszHZReM4LCLtcrbBTxMURiEtE3XPoXvuCppbFgtDMyOqBBSzvnUM+lWbr+Fjd3y+OY7aOu2bxaUvre9ZtI/UccT5RVx/lsWHiFtzmrB7KQ08TFgYorHl+3Y/r3BMLQjMjQRBw6pLV9KZzDVlyNzRRJApC5nX1sn5wv7q/X6Ok5+xHbtUGwnwvpeH2n0oTl8Ypjw0RdfXTc8T5zS6OBaGZuRMXCz2Z3Pa+u3raWhylN5PjpMVCKozq+l6N1nPki4gKA36lSXPmZjZKeegZwlwP2WXrycxf1eziWBCamZuT72bd4FK609m6No9L5TJDE0V6MjlOWnxg3d6nWfKrNpKeu5wwlW3r9cdxXKY0vImoe4Ceo17c7OIAFoSmRk5c5GqFW4ujdZsCsm18jHwqzaq+QVb0zanLezRTEIb0HHG+m0oz9HTbTqUpj2wlSGVIzV5K14EnNLs4gAWhqZENC1YykO0iJq7bRgxbx0fpTec4cbHU5f6toLDuhUQ9c6BccqOqbag89DRRYRY9688jiGZ6tHptWBCamsin0hwzfwXd6Rzb6rDkbrxcYrQ0QXcmxwmLDqj5/VtFlO+lcNjzt9cK2025OAKlCaLCLLrXnd3s4mxnQWhq5oTFsn1OYa2bddvGxyikMxw6exFz8t01vXer6TnyRURd/X7T1sau2Kk3N4G6n65DT2vauuKpWBCamnnO3CXMzhUIg4CRGv8Cby2O0pPOcfyi5o8w1ltm/iqyy9YT5nopt9FUmrg0QXl0C1HXAD1HtsYgSYUFoamZdBhxzIIVdKezbKvh6PF4ucR4uUR3OsuxC1bW7L6trDKVpjTUPuuPy8N+yszSw8guaq3J8BaEpqaOW7CKnnSObTVsHrtmcZY1cxYz0OCzLJqla/WJpGYtJojSxKPJn0oTxzHl4U1EhQG6W6w2CBaEpsbWzHVhFQZBzXak2TY+1lG1QYAgStG9/lyiwixKQ8lffxyPboMwIupfSOHgU5pdnGexIDQ1lQ4jjpq/vGbN44lyibHSBIV0lg0dFIQAPYefQ1joJ54oul2cE6w0vImoa4DudS8kSGWaXZxnsSA0NbdhwUoKqSzbxoszbh4PjRfpSmVYPTA/kdvxz0TUM4eu1Se6zRgSPGgSTxSJiyOEXf30HN68zVd3pzVmM5q2sm7uEnozOR4d3sxvtz4FBPt8r3JcZk6+h6PnL69dAROke/25DP3q3xh/4r+JewabumffvioNP0PU1Ud+1QZSAwubXZwpWRCamsunMmxYsJLhiSJlZj5g0hVl2Liw/afNTCW3bD2ZeSspbX6M8shmosJAs4s0LXFcpjz8DOnZS+k+4rxmF2eXLAhNXbzlOadw7srnUK7ByPHsXKHtJ1HvShCGdB9+DmO/v5vStqeSF4SjlXXFS8ivOrbZxdklC0JTF+kwYlX/YLOL0RYKa87kme98ytUKx0cJ07lmF2mvuWZxvxskaeFt05LX4WBMh4kK/eQPfC5hwgZN3CDJKGG+r+lb8e+JBaExCdC97izCfD/lkS2J2bS1PLKZMN9DbuVRpPoXNLs4u2VBaEwC5FYcRWr2YoJUxk1ObnFuJUmlWXxWs4uzRxaExiRAEIZ0rz2TqKsvEWeaxMVhCEKi3sGW2Xx1dywIjUmIwtoXEOZ6iYvDxHU+G2amysObCfN9FA45vSVXkkxmQWhMQqRnLSa731rCbHdLn2kSl8uUR7cSdvVRWHNGs4uzVywIjUmQwqGnu9Hjkc3NLsouxWNbCdJZ0nP2I7P40GYXZ69YEBqTIF0Hn0qY7yUuFYnreGLgTJSHtxDl+ygc+jyCYN+XVzaSBaExCRIVBsjvv8HtXt2CzeO4NEG5OESY76VwWDKaxWBBaEziFA49nSjfS3l0S8vtXl0e3UaYKZBZdBDpOfs1uzh7zYLQmITJy3GEXX1QLsFEsdnF2Ul5dAthvoeug05qdlGmxYLQmIQJswVyK48myPVQbqFt/ONyibg4TJjroeugk5tdnGmxIDQmgbpWn0iY76E8srXZRdmuPLqVMNNFev4q0rOXNrs402JBaEwC5Q98rptcXR4nbpHmcTy61dcGk9UsBgtCYxIpyveSW364m1w92vxaYVwuUx4bckF44InNLs60WRAak1D5AzYS5ropt8AmDHFxmCCVJTWwkPS8/ZtdnGmzIDQmofKrNhJmu4nHR4jLpaaWpTy2jTDXTW7VsYmZRF3NgtCYhErPXkJ67jKCdI54bKhp5YjjmHh0G2G2m/wBrbsd/+5YEBqTYPlVvnk81sTm8UQR4jJhvpfc8iOaV44ZsCA0JsFyBxzrmsdjQ01bZVIeGyLIFsguW0eYyTelDDNlQWhMgmWXrCHMdbsQLI03pQxxcYgwWyC/Ipm1QbAgNCbRwnSW7JLDCDNdlJvQTxjHMeWxYYJsgdzyIxv+/rViQWhMwuWWH0GYLTRlwCQeHyUII6Lu2aTnH9Dw968VC0JjEi634giCbBfl4nDD+wlj3z+YW3Y4QZjcOEluyY0xAGQWHkSY7yWAhu9GUy4OE2a7yC1b19D3rTULQmMSLohSZBcdQpBxtcJGieOYuDhCkOkiu3Rtw963HiwIjWkD2aWHEWTyxMWRxr3pxBhBGBLmexO5rK6aBaExbSC7ZA1hpot4vHFBWC6OEKTzZBcfQhBGDXvferAgNKYNZBcf6mqEpfGGnXkcF0cIsl1klxzWkPerp1SzC1BvIrIBuBY4HEgD/wm8S1W/N417rASuAk4FBoFNwJ3Adar6y0mv7QK2sus/Mpep6vXT/BjG7FaY7yE9dznjT/6WeHyEIOqp+3vG4yNEhQGyCTmyc3faOghF5Azgm7jg+jIQARcC3xWRc1X15r24x2G40OsD/gW4B1gJnAOcKSJnqOrtVd9yGC4Eb/ffN9mP9v0TGbNrmYWrGX3gx8Tjo5CrbxDG5RLxRJEgnSWz8KC6vlcjtG0QikgWuAHYDByuqo/45z8C/AT4jIjcqqp7Gmb7FC4EL1TVr1bd/xTgFuAGEdlfVcv+UmX47HPVrzem3rILVxOk8w055jMeHyVIZ0n1LyQq9Nf9/eqtnfsIXwwsAP62EoIAqvog8AlgPnD27m4gIouAY4GfTw41Vf0OcAewHDik6tIa/7hTk9mYesssXE2QzlEeH637xGoXhDkyC1fX9X0apZ2DsHJwwm1TXLtt0mt2ZQK4DPjwLq6P+cfqdshaYBTQvSijMTWTnncAQSYHcRnK9R0wicdHCdN5Mgukru/TKG3bNAYqCx8fmOLaQ/7xwN3dQFUfB6Yc2BCRecBxuLC81z8XAocCjwDvEJELgWXA/wD/DzdIs3lan8KYvRRmcqTnLGP8if8mHh8jiNJ1e694fJSgMEBmwW5/hRKjnYNwtn98eoprlTCaSefGx4Bu4CZVrbzH/kABWAW8GrgZV+s+CXgL8DwR2aiqm/bmDUTk7l1cWjmDcps2lpm3PyP3/8gPmHTX5T3iuOwGSlI50vNW1eU9Gi1RQSgiD7AXIaCqAZDxX45N8ZLKc7l9LMff4Pogfw9cUnVpLm5U+T7g5ao64l+fxg3cvAL4EC4kjam59OBKwnSWch1XmMQTRYIoTVjoJ+qZU7f3aaREBSHwIK4pujcq/yVkgMk7Vmb947T2N/eB9jnglcATwBmq+mTluqr+EDh48vep6riIvAk4H3ipiLxeVfe4i6aqPutevhx3A8mfs2BqLj1vf4JUjnjombq9R2XEODO4MpEHNU0lUUGoqqdP4+WV5mo/MHmjtj7/uNf9dSLSD/wTcAKuD/A0Vb1vb79fVbeIiOIGU+bhapPG1FRm3iqCdJZ4okgcx3UJqnh8jCCVbZtmMbT3qHElpKZqSleeu2dvbiQiS3AToU8AfgEcPVUIisgyETlBRHbVXij4xwaujDedJOqbT5jrIYii+m3JNTFGkM6SHlxRn/s3QTsH4R3+caopMif7xx/s6SZ+dPi7wGrg/wPHqeofd/Hyt+FWlFw0xX0W4+YcPqSqT+3pfY3ZF0EQkJqzH0EqQ1ynIHQDJVnSc5bV5f7N0M5BeDPwFPBmEdn+p8uvG34j8Bjwjb24z0240eB/Bc5U1d31K/5f/3ipiCyses8u4LO4roiPTudDGDNd6TnLCFJZ4ompxglnJo7LxKVxglSmrYIwUX2E06Gq20TkDcBXgZ+KSGVlyAVAL3Cuqo5WXi8iy3A1uWdU9aP+udOAU/xL7geuEJlyAumNqvqQqt4pIh8H3gzcLSJfxw3UPA9YgZtL+MmaflBjJkn7GmG5OLrnF0/T9hHjrn7CwkDN798sbRuEAKr6DyKyCbgSN9JbBH7O1LvPLAOuAR5mR63tjKrrF+/mrX6An6StqheLyE9wtc6X+ev3Aq8HPlu1JtmYukjPWQapLPFwHebuTxR9bXC/thkxhjYPQgBVvRW4dS9edwcQTHruEnaeJ7i373kTrkltTMNV9xHWeuQ4rgTh7P1qds9W0M59hMZ0pNTAYoIwBcRQLtX03pUgTM1aXNP7NpsFoTFtJkxnifoGCaI0cWmP8/anJS4VIbIgNMYkQHpgcV2m0MQT475GuKSm9202C0Jj2lBq1hKCKAOl2gVhXHbbewVRmvSA1QiNMS0uNWsRQSpNPFHDpnGpMnWmjzBf/zNRGsmC0Jg2lOpfCDXuI4xL4wRR2t27zVgQGtOGUv0La980nhiHVJrUgAWhMSYBUgML/ajxRM3OL7EaoTEmUcLCLIJMjiCMoFbN41KRIMqQ6l9Qm/u1EAtCY9pQEAQusGrYT7i9RmhNY2NMUqT6FtR0UnVcmoBUmqjPaoTGmISI+uYTpNI1aRq7OYQlgjBFqm9eDUrXWiwIjWlTqb55tWsal8YJohRhvpcwW9jz6xPGgtCYNhX1zd8+cjxTcWkconRb1gbBgtCYtpXqn08QpWrTNPYDJVHf/BqUrPVYEBrTpqLeeQShaxrPeC5hZcS412qExpgESfUOQhi5L2a4L2FcmiCIUkR9gzUoWeuxIDSmTQWpDFH3LIIwRVyeWT9hpY8wshqhMSZpot55BFENptCUXY0wZX2Expik2TGFZt9rhHEcu8GSME3Ua01jY0zCRL2DMx85jv3Bi2Hk+h3bkAWhMW2sEoQzqhGWxgnCFFH3AEEqU8PStQ4LQmPaWKp30DWNyzOoEZYm3EBJT3vWBsGC0Ji25gZLUi7M9lHsl9dFbbqqBCwIjWlrUc/cmU+q9nMIUz1za1u4FmJBaEwbiyqTquN4x6DHNMXlcQjTRBaExpgkCtNZwq6+GTWPt68q6bUgNMYkVKpn7sy246oEoQ2WGGOSKuodnNEyu7hcWV5nQWiMSaioZ65fZjf9IHQ7U5fdztRt3EcY1OqoP9M4IrIlk8n0LF26tNlFMQlQGtpEaeuTQEwQpqb1vTExTIwTpLOk5y6vTwFr6IEHHvhnVT1rut83vZ+KaRXDxWKRBx544JFmF2SGVvrHB5taijbXFZV6+tOleQFEpSk6CmPIAgQwNvlaEMRBBKmxkdHhJ5L/39suWY3QNI2I3A2gqgc3uyydzP5/sD5CY4yxIDTGGAtCY0zHsyA0xnQ8C0JjTMezUWNjTMezGqExpuNZEBpjOp4FoTGm41kQGmM6ngWhMabjWRAaYzqeBaExpuNZEBpjOp4FoWlbIpJudhlMMlgQmrYkIhuAb4vIfs0ui2l9FoSmrYhI4GuC7wNOAT4vIkuaXKy2IiLh7r5OIltrbNqSrwl+GdgAfB94uaq27VbzjSIioaqW/b/PB76pqsUmF2vGEp/kxkwmIpGqPgxcAPwEOA64yWqGMzMpBC8H/gG40n8dNLNsM2VBaNqOqpZ8GD4CvAgLwxmbFILvAt7rL3UBqGqim5YWhKYtWRjWzqQQvA5XC/xHYBRYVXlN80o4c4kuvDG7Y2E4c/7nVx2CVwCfAt4F3AfM981iqxEa06osDKdHRFaIyIGVr1W15J9/JztC8EOq+iugBHSpalxpGie1r9CC0LQ9C8O9IyIC/Bq4XkRWVz3/BuAq4OPA9ar6sIhEwDAwICKz/OvCqkCclaTmcmIKasxM7CYM/94mXW+3CHgQOBW4uioMvwT8FfAxVf0tbK8p/gHoAfr9c5Um9J8AnweOb2ThZ8KC0HSMKcLwR8CJwCdFJNXc0rWE7wGX4P5IvAQXhmtUdSvwQVV9EHZq/m4GIiBfuYGInAa8EzgLeLSBZZ8RC0KTSPva7JoUhi8HbgPeoaoTNS1gwohI4Gt5d+CC7Ee4MLxcRA6e1AdY+dlvw02fGfTXngd8ADeSvEZVtaEfYgZsZYlJnEnTOU4H1gLrgCeBbwF3quqQvx5MNcfNh2FJRFKdHoIVlZ+VX6K4EReIxwBfB96rqnf514WqWhaRNwEfA84FHsMNpOwPbPSDKYlhNUKTKP6XtRKCV+JWN1yH69d6PfBt4AMicjzseqJvZTQUN/LZkSbXqn0IRqo6rqq34+YKFoEzgSsqfYaVnz/wjH88DjfBOpEhCBaEJmGqmmhvxs1l+yfgdFWdBVwI/Ap4A3DB3mzDlfQVEftCRA72zd1ydRhWNY8RkaOAc4A08Dt29BkeVHWrTf7xEmA9cFwSQxAsCE0C+Skvr8NtpvB+X3sBV0OZAzwOXAP0iEh+6rt0JhFZiZsic0t1GE6a+rIR+CBuw4o/AV7Gjj7Dq6rC8He4GnUROFpVf9ngj1MzFoQmieYAq3E7n9znf5HPBT6Kq8EciRvNvBE4o3nFbElbgNuBhcDXROQQVS1XdTdsBN6DC8HnqeqtwL24/sIfsiMMD1TVXwNvBA5R1Xua8FlqxoLQJFGPf3zaP74Q10fVDxzlR4SPBp7v/2c8VX0CeCnwTeAgXBiuBvD9qpUQPF1Vb/ODSUXgu+wIw3OBj4jIMlX9rKo+0IzPUksWhCYRKnPX/OOIf/oCEXkNbhPWAeCYyoRf4D/949ZGljMJfBi+BheGq4Gvi8if4laPVGqC3/XN5YmqvsPbgWuB3+D+0Iw35QPUgU2fMS2peorMLq5/BVez2Yzro1qrqo9WXX8r8CHgIlW9sd7lTSIRmQt8Djf5eQjI4P6Y/KwyvajqtZWpNRFulPi3VX90Es9m05uWM2me4FnA4cAy3FSZf/Gd+p8GVuD6Az/OjqkciMh5wEW4EeTbGln2JFHVJ0TktUAAvAB4GJhyF28fgtWTrtuK1QhNS6meAC0iV+H6papdixsUGQJeDLwNOBTXoX87sBI4CjeaeZKq3t2YkieXiAwCn8XVDO8FLlDVX+2pVt5OLAhNSxKRP8PV+m4GbgKWAxfjaoHvxw2ODONqi6/DLZdLA3/Edehfqar3N77krWG6ITapmXwP8FJVvatTwtCC0DSdHwAJqn/hRORrwALg1ar6G//cWbga4Vrcmtb3q+pmf20Zro/rUWBCVUfoQCIyR1Wf9P+eaRi+RFXv3tUyxXZiQWiaQkSeA6xW1a9Mev5qXKCdCHxVVT9RvR5YRM7ErShZixst/piqPt7Y0rcmv5/g14EbVPVv/HMzCcPHgJNV9d56lLeV2PQZ03AiMh+4Ezjf/7vy/FJcv987cIv9ZwH4KRyR//e3cNM8fo7bI++Nvo/LuO3yDwH+3G+myuRldHvip9a8GtffOh83It/2LAhNM4ziftk+qaqPVZ5U1d8BbwFuwQ12HCMi+/trpaow/DZwNW6u4JXAa5O0G3I9+M9fBMZwg0d/KSJ/AfsUhk/i/iAtrexB2O6saWwaRkQWquof/b8zfsUCfjunCVX9jP/6FNz5GM8F/ha4rur7ts9vE5FzgL8E3pD0JV61ICKrgF8C9+N2gnkGeKeqftZf74iBj31hQWgaQkQOx9XgrlfVt/nnAuAI4N+B3+NGem/0107CbZxwHG70+D27CMNCZe/BTuf7Xf8LuBw3aPQpXBheZ2G4ex3dnDANVfCPl4rINbB9C6z7gbcCs4FrReSV/lplbev3cfsMXiEiC/216mayhSDb/6ic5b/8AfAN4FLc+uur/MTpaTeTO4X9QEzd+ekXd+JGgmPgGhG5FkBVNwFfwA2QLPLXLvLXJofh5SKy2F/r2A1Vp+L/qES4iea/VNVh3PzLt2BhuEf2wzB155dnhar6PeBkXBheXRWGzwBfxK0SWeSvXeSvVcLwduBNuEGAqOEfosXIFIdNqerVwHnAqP95DwFfwcJwj6yP0DRM1VkXJ+DWAAfAu1T1Wn+9H3glblPQP/hrf++vnY5bWXJZpw6MiMga4O2qeqH/urqvNNpVLVlECrjduz+C9RlOyf4imIbyv3h3sPc1w1f4a7cAL+rEEJQdx2deALxURL4Iz+or3WVXwRQ1w8tF5GJ/reNDECwITR1NbnpV74Tsw/A0dh+Gg8DHReQCf224YYVvTff5x1f4bch2CsPdqQrD/4Pbyee1vgZusKaxqZNJW2kdgTvrdgluV+lbgCdUdcTPGbyFqZvJr8MdDHRsO+yCPFN+gvSncRPSc8BNqvqn/toum8aT7tGN60f8D1W9b0+v7xRWIzQ1NykELwf+FTeC+T7cBOlbgbeLyCxV/Q67biZ/Gjiw00OwqsY3iDs57o24vQNfLiI3wrRqhtuAGy0Ed2Y1QlM3InIpbuDja8CXcL+8z8fV8ubjOu/f7n+JT8IFZAB8WFUva06pW5eIfBs4QlUHRWQRbiL6IvahZmh2ZkFo6kJE1uL2ErwXuKSyg4mInA98Ercmdh1+fayqjonIc3HTZAAGK9tJGbe9Fu6MkRLuTJEhv0nFD4DFWBjOiDWNTb0swR0Z+VVVvVdEAhE5G3g3rhl8LG61yQeAwwD8PMPjgYMtBHfmfx5fAN7tQzDjN6nYiFueOO1mstnBgtDUy6G4lQ6/8V+fh9tZegB3GPgjuCVhf4ELv0rf4g86Yf+76ahMn1HVz+FW2aCqRV/z210Y2plEe8mC0NRU1Zy3u/zjub7/7924EDxKd5x+VtlKv/KLbnPaplC9O3T1FKJKzW+Po3u/AAAFr0lEQVSKMPyCvz7R8MImlAWh2WdTLdGq+qW9FzfC+VbciHE/sE53PgJyI1AG7vb3CzDTMkUY/hZ4pYh8urklSxarOpt9MmmKzKnAGlyn/b3Al1X1fr9L8pdwI8R/pap/qPr+s4FzgJ/hto7aqeZj9l51GIrIybhBlc80u1xJYqPGZtomheA7gMuAPn/5O6p6mr/WBbwWd9B6hFvZcBdwIHAGrkVyvPUJ1ob4s12k6owXs3csCM0+E5FLgA8DX8Ydvv448IiqPjrpdecDf43bczAH/A/uzJFLbGJv7UkHnDpXaxaEZp+IyDrgH3GTeq9RVa26diFu5+m5uCM37xKRFUAvbgv5XwBP+tUjxjSd9RGafTUfWApcVQlBETkPOB94SdXrThaRDar6kP/6F40tpjF7ZqPGZl/l/KOIyGki8mXcwMiZuLN1X4JbKzwPN4ppI8KmZVkQmt3aTYD9F3AHbov9f8PtlfcgbiT4zar6ddxRmwBp67MyrcyaxmaXJo0OL8NNfM6r6j2q+rCIXI07h2Ql7sD2m1X1Kf/6AHgZbm3s9nmCFoimFdlgiZnSpBB8Le7wpEW4dcLXqeonpvie7dM2/JnDV+Ga0KeoP4rTmFZkQWiepbrm5o/evAa3oeqvcYeuA1yqqh+p+p4TcLtK/xE3TeZIXNfLKap6d+NKb8z0WR+heZaqEHwjcAXwedzWTyfiDgECuN7vN1iRwi2j+3NcCP47brK0haBpeVYjNFPye939M24h/1uqpshcBbwKWACkgbeq6l/7a3P9848Bw343ZGNangWh2W5Sk/gY4IfAq1T1C37w42TcSpLvAr/E1RQBrlDV9zWjzMbUgjWNO5SIFERkQERW+ppc5SD2yoaeGf/Y6x8XAJfjzs243p83/CF/7T0i8g2/w7QxiWNB2IFE5FDc1liK2xPw+yLyetjpfNxNwE9w64LBbae1ATivaheZp/yj4nac/l39S29M7VnTuMOIyFHAt4Bh4Ke40eBX+cuvUdUbql47D9gMrAD+A/g74LKqKTI3AauBi4A/VuYQGpM0ViPsIL7f73vAQ8CbVPU8VX0Nbst8cEvhuipbvKvq46o6ips/WAAerQrBs3G1wJ8D91oImiSzlSUdQkSOxg1y/AK3Sert/vmMqn5LRP4OWM/UfxwrzYZTReR+YD/g1bjdpd9ne9+ZpLOmcQcQkSNx64Lvwa0D/rF/fvuxjyLyRdySuM/jttC6F3dQ0A3+oKDP45rA4ALwIeAcmydo2oHVCNuciAwCN+CWuv0UF4aISFpVx/2/TwFOwdUG1+KO4jwAOBtYIiJXAm8HfgQcjTuZ7muq+nBjP40x9WE1wjYnIn3AG4DXAN24KS83qurj/vpG4L24gPsz4DtAFjdn8N24TRPOVtWfNb70xjSGBWEHEJFe3NK3t+FWg3wId7jPAbgJ0huA56vqrVXf04NbXvc24OKpNlkwpl1Y07gDqOoW38cHLtguxU2JOQQ4CreO+DZ/PGcMBKq6VUTu9K+f1YxyG9MoNn2mQ6jqFtxAyAeBMdzpckcDL/IhmMKPDlcdtH4CMI7rW7Rzh03bsiDsID4MvwB8BLeb9DAwX0QG/RSYsGqt8Rm4+YU/xq0wsXOHTduyPsIO5AdQKn2GKVw/4Q2q+oS/fjrwPtzhTMfZucOm3VkQdqiqAZTLcBssfBC3hO4w4KO47fePVdVfN62QxjSIBWEHmzSanAJuxvUb7gdsVNVfNbF4xjSMBWGHqwrDi4FluE0WjreaoOkkFoSmEoZvAs4FLlLVu5pcJGMayoLQANvDMKWqTze7LMY0mgWhMabj2TxCY0zHsyA0xnQ8C0JjTMezIDTGdDwLQmNMx7MgNMZ0PAtCY0zHsyA0xnQ8C0JjTMezIDTGdDwLQmNMx7MgNMZ0PAtCY0zHsyA0xnQ8C0JjTMezIDTGdLz/Bc9wNDsaz6vDAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAHlCAYAAACAtPXKAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5hkR3no/+85nXumJ2ze1SZtUK3CKoMkRBCSiRLRZAwYB2xjMD/b9/pyDRgMBuwL/l0H4ALCNtj4GjA2IkmALJRWGaSVhKStTdqcd2LHE+8f5/QyGk3u0/n9PM88vdPn9Kma2em3q05VvWX4vo8QQnQzs9kVEEKIZpNAKIToehIIhRBdTwKhEKLrSSAUQnQ9CYRCiK4ngVAI0fUkEAohup4EQiFE15NAKIToehIIhRBdTwKhEKLrSSAUQnQ9CYRCiK4ngVAI0fUkEAohup4EQiFE15NAKIToevFmV0CIVqWU+irwLmAt8DvA24CzgKPAN4GPa60L4bk9wIeBG4ANgA1sB76gtf5Wwysv5kVahELM7j+A9wK3AZ8neN/8CfD1Ced8F/ggcBj4HPBvwPnAN5VS72lobcW8GbJ5kxBTm9Ai3AtcpbU+ET6/BNDAImA1MAD8Avi61vodE16/AdgB7NNan9PY2ov5kBahELP7P9UgCKC1PgVsC789m1++j7YopZZOOG8voICLGlVRsTByj1CI2e2Y4rmR8DGltX5cKXU38ALgkFJqG3Ar8COt9fZGVVIsnLQIhZhdeYrnqveUjPDx5cBHgD3AtcCngUeUUlop9Yr6V1HUQgKhEBHQWhe11n+htT4PWENwb/E7wDnAd5VS65tZPzEz6RoLUSOl1JXAG4F/11rfr7U+BPwz8M9KqX8E3g08D9jXvFqKmXRNIFRKvRP4AMHN6yLwE+BDWuv9c3z9MWD5NIc/r7V+36Tzrwf+J7AVcIG7gY9orR9b2E8gWlgf8EfA+UqpV2qtPQCllAGsD8/Z26S6iTnoikColPok8KfAkwTzwNYCbwFeppR6rtb66Vlev4IgCD4CfG+KUx6cdP5vA18G9gM3AoPAW4GXKKWu0Vo/+OxLiDb2X8APgeuBx5VStxJ8+F0LXAx8W2t9fxPrJ2bR8YFQKXURQRDcBlyntbbC578F/Cfwt8CrZ7nMxeHjv2utPz1LecuBvwN2Ac/RWo+Gz38ZuAu4USl1sdZaJnB2CK21p5R6E/A+4O3ArwMJgrmGf0jw4StaWMdPqFZK/QPwG8BLtda3Tjp2J8GUhzVa68MzXON/AH8JXK+1vnmW8j4CfBx4j9b6xknHvga8E7haa33vQn4eIUT0umHU+FrAIWiNTXYbwfSHF89yjWqL8NE5lle99lTlTTxHCNECOrprrJRKAusIljhVpjilegN7yyyXuhjIA7+qlPoNYDMwBvwA+DOt9dEJ555DEHinGoSZa3nV+j8xzaE1wB1a69m69EKIOej0FuEighbf0DTHR8PHgekuoJTKEAS+XoIJsw8QDIQcAn4L+NmkOWKLgVGttbuQ8uYouWnTplcRTOqVL/mSr19+LUhHtwiBZPg4VWtw4vPpGa6xEniCYEnV67TWQ3BmasQnCabIfAX4lQll1lLeGVrr86d6PmwpnjeXawghZtfpgbAUPianOZ4KH/PTXSBcOP+sRfNaa18p9WcEo4TXKaVWhl3kUi3lCSEar9O7xqOAx/Rd0f4J582b1toBHg6/3Rg+DgF9YYsx0vKEEPXR0S1CrbWllNoLrFVKJbTW9qRTqsHryemuoZRaBWwCntZaH5zilJ7wsdr63EGQo24NcGC+5XWbYrGIZVnNrkbXSyaTZLPZZlejaTo6EIbuIBjUuDr890TXEdxgvWeG1/8a8FcEk2InL6PrBS4lWLJXHeG9g+B+4bXAV6coD36Zy66rvfe97+WLX/winT6XtR0YhsHv/u7v8oUvfKHZVWmKTu8aA/xj+PipcAQYAKXU6wgmU38vXCQ/nf8gmA7zbqXU1gmvjwN/QzBK/EWtdTVV09cJBkU+rJRaPOH8K4A3A9u11jMF3q5QLBYlCLYQ3/f54he/SLFYbHZVmqLjW4Ra6/uUUp8Hfh94VCl1E0HX9U3AcYLF8gAopa4BriEIVjeFr9+jlPog8FngAaXUvwPDBC2+rQStu49MKG+/UurDwGeAx5RS3yRYlP82gg19ZP8KwLIsCYItxvd9LMvqyi5yxwfC0PsJ7t39DvAHwGngGwSToSdmBbkG+CjwNeCm6pNa679WSj0J/DfgdQSjwrsJps7878mTtbXWn1VKHSYIsr9HMPn61rC8uaxO6Tr79u2jv79/9hNFpEZHR1m/fn2zq9F0Hb/WuBMppZ7YtGnTeT/84Q+bXZUFGxkZYXBw8Mz3w8PDDAzUOs9czFcH/j9MNVtjVt1wj1AIIWYkgVA0RTKZxDSDP79YLEYyOd0cdFFP8v8QkEAomiKbzfL+97+fWCzG+973vq68Qd8K5P8hIPcI21An3CMUok4WdI+wW0aNRROMWWW+u3c7JWfygp65u3TpWi5fvi7CWgnxbBIIRd38x+6H+dqO+2oKhDf3/IJvvfy3ScbkT1XUj9wjFHWz/dRBhitFLNfB9/15f41WSoxbZXYMH2v2jyI6nHzMirrI2xV2j5yg5Niszy0ibsbmfQ3Hdyk5No+eOsSFS1bXoZZCBKRFKOrisVOHKDo2cdNcUBAEyMSTFB2L7aemSvojRHQkEIq62H7qEEXHIhtf+Ly0bDxJybHYMXScoi2pukT9SCAUdfHwiQM1B8KEGSNmmBQdi0dPz5QgSIjaSCAUkTtWHONgfpiya5OJJ2q6VjYRdI9/fmJyjlshoiOBUETu5yf2U3Is0rEEMaO2P7FsvBoI90vaLlE3EghF5H52Yj8Fu0JPDd3iqmw8QcV1OFwY4VB+OILaCfFsEghFpCzXYfvJgxQci55E7YHQNEwysQRF2+LBE/sjqKEQzyaBUETqsVOHGbXKGEDSjGaaajaRpOBUeOj4vkiuJ8RkEghFpB44/nTYLU5hGAta//4sPfEURdvi8dOHyduV2V8gxDxJIBSR8X2f+489TcGpRNItrkrGYsRNk4Jd4WfSPRZ1IIFQRGbP6EmOF8ewXJdMBAMlE/XEUxTsCvcf2zv7yULMkwRCEZn7ju0lb1fIxpOYEXWLq3oSKfK2xYPH92G5TqTXFkICoYjMvUf3UnAq9CZSkV87HYvjE2SkeezU4civL7qbBEIRicP5EfaOnaTkWJHMH5zMMAx6EynydoV7ju6O/Pqiu0kgFJG45+huCrZFJpYkZtbnz6o3HgTC+449jet5dSlDdCcJhCIS9xzdQ94u16VbXJWJJ3A8l1PlcR4/Ld1jER0JhKJmx4pj7Bg+TtGx6aljIKx2j8etCtuO7qlbOaL7SCAUNdt2ZBcFu0I6liBep25xVfU+4b1H9+D50j0W0ZBAKGp215Hd5O0yuTq2Bquy8SSO53KiNCajxyIyEghFTY7kR9DDx+reLa6a2D2++4iMHotoSCAUNbnryK5wtLj+3eKqXCJN3q6w7ehuHM9tSJmis0kgFDW568guxu0yvcn6twarMvEEru9xqpRn+0lJ4S9qJ4FQLNj+8dPsHj1JybHpjTcuEJ7pHttl7jiys2Hlis4lgVAs2B2HdpK3KmTjibpNop5OLrxPeO/RPVRk7bGokQRCsSC+73Pn4Z2M22VyiXTDy0/HEoDPcLnIzyRhq6iRBEKxIDuGj3MwP0zFdRoyWjyZYRjkEmnG7TK3H5busaiNBEKxIHcc1ozbQaaZqFNuzVUuGUyufvD4PslcLWoigVDMm+t53H1kN+NWYyZRTydpxokZJqNWiXtlyZ2ogQRCMW/bTx3keHEM1/fI1iHl1lwF3eMU41aZO6R7LGoggVDM208P6WDuYCK6DZoWKpdMU7ArPHLyIKfL+abWRbQvCYRiXsqOzX3H9jJuVZoyWjxZwoyRjMXJ22XuPLyr2dURbUoCoZiXB44/zXC5CATp81tBLpFm3Kpw+yHd7KqINiWBUMzL7WG3OJdsfre4KpdIUXQsdo4c58D4ULOrI9qQBEIxZ6OVEg+d2M+4VaavBbrFVTHTJBtPMG5Lq1AsjARCMWd3Hw2mzFTvy7WSoHscjB77vt/s6og2I4FQzNnth3aE3eLWaQ1W9SRSWK7DofwwTw0fa3Z1RJuRQCjm5FhxjF+cPkrBtpo6iXo6pmHQE84p/Kl0j8U8SSAUc3L7IU3eroQJWGPNrs6UgrXHFe4+sksStop5kUAoZuX7fhgIG5uAdb6yExK2/vzEgWZXR7QRCYRiVnvHTrFv/HSQgLUFu8VV1SV3Y1aZ2w9L91jMnQRCMavbD2nGrTI98SQxo7X/ZIL9TMrcd2wvJcdqdnVEm2jtv2rRdJ7vcefhXS07WjxZKhbHMAxGKyXuPbq32dURbUICoZjR46ePcLQ4iu26Tc00M1dnErZKRhoxDxIIxYyq3eJmJmCdr1wiSNj68xP7Ga4Um10d0QYkEIppWa7DtiO726ZbXJWMxUmYsWDvY9kEXsyBBEIxrZ+d2M9QpYDv+2RiiWZXZ15yyWA/kztk9FjMgQRCMa07Du8Mu8Xplsk0M1e5RIqCbfHE6aMcK441uzqixUkgFFMq2hYPHHuacbtCroUnUU8nbsbIxBLk7Qp3yJI7MQsJhGJK9x3by6hVwjQMUmZrZZqZq95kKuweS0YaMbP2/AsXdXf7YR3uUtd+3eKq3kSKk6U8e8dO8fTYaTb0L2l2lRrOdT0e/tlhisXaJpcbhoE6dynLl+ciqllrkUAonmW4UuThEwfI2xXW9A42uzoLFjNMsvEkeavCHYd1VwbCPbtPc9cde6iUnZquY8ZMjhwe5S1vvySimrUW6RqLZ9l2ZDd5u9KSCVjnKxd2j+86sgvP95pdnYYbHipiWy4Vy8WHBX15HhQKFsPDpY69xdDef+WiLu6odovbaO7gdHriKU4UxzmcH+GpoWOcv3hVs6vUUGNjFVzXJ5WK09OzsJVBvu9TOmFjVRwqFZd0uvPChrQIxTMcLYzyxOmjFJzWTMA6XxMTtnbjkrv8eAXX8zDNhd/nNQwD0wTX9RkfL0dYu9YhgVA8w52Hd7Z8Atb5yiVSXZuwtZC38FyfWA2BEMA0TTzPp1iwI6pZa5FAKJ7hjsM7GW/xBKzzlY0ncX2Pk6U8208eanZ1GqpYtPA8HzNWayA08DyfQr4zU5tJIBRnPD12ir1jp1o+Aet8GYZBbyIYNOmmhK2e51MqOUEgrLlFaITXkxah6HB3HNpJ3qqQbYMErPMVpOaqcN+xvZSdznwzT1Yu2/i+j+9T81xQIwyEZQmEopP5vs+dR4JucScMkkyWDqcBDZeLPHh8X3Mr0yCVsoPv+xhG7YHQNA18z6dc43zEViWBUADw1PAxDudHsFyHng4MhIZhnJlT2C3d40rFwfeouVsMYBjg+T6VigRC0cHO7EvSRglY56u63edDx/czbnXmNJCJKhUXz/cjWSJpGga+72NZEghFh3I8l7uP7AoyzXRga7AqFYsTN0zGrTLbjnZ+wlbbds90jWtlGAa+FwTXTiSBULD95CFOlvK4vtcW+5LUIlcdPT7U+ZOrKxUnGCiJomtsBveRbUsCoehQtx/WwdzBRKptM83MVS6ZJm9XePz0YU6V8s2uTl3ZVrVFGMU9QgPfB8uWQCg6UNmxuffoHsatCrlE+68tnk3CjJGKxcnbZe48sqvZ1akr23bxvei6xp60CEWneuD404xUSsAvp5h0uuqcwk7PXG1ZbiRzCCEYNQ4GS9yOzEAjgbDLVZfU5ZKd3y2uyiVSFB2LnSPHOTg+1Ozq1I1lBaPGEdwiPNM19jwf1+28dGYSCLvYuFUOppLY3dEtroqZJpl4sJ/JnYc7t3sczCP0oxksMQA/aBV24sixBMIuds/RPYxbZeKGSapLusVVQfc4mFzdiV09CFaWeJF1jY0zI8e1ZrtuRRIIu9iZbnEHzx2cTm8iSdl1ODg+zK7RE82uTl2Uy0GLMIqVJRBMqvY8n3K589YbSyDsUqfLeR49dYi8XemITNTzZRomPfFkkMa/Q7vHxaIdZJ6J6N5vNQNNsSiBUHSIuw4H+5KkYnESHZKAdb5yyTTjdpk7D3fefia+71MsWJGk4Ko6EwgLnZeTUAJhl7rryM5wu87u6xZXZeNJbNflaHGUJ4eONrs6kapUHBzHjSQpa5UZM/Fcn3wHJmeVQNiFjhXHeGroGEXH6qgErPNV3c8kb5U7bvS4ummTaRqRTYuKmQau6zE21nkJKyQQdqFtR3aRtyukY/GO2Zdkoar7mdxzdE9HdY9HR8q4rkcsotYgBC1C1/UZHe68QNg1cyaUUu8EPgAooAj8BPiQ1nr/HF//YuBPgCuAXuAI8H3g41rrk5POfTlwywyXe47W+mfz/iEicteR3eTtclfNHZxONp7E8cY4URrjsVOHuXjpmmZXKRJDQ0VcxyMWi66tE48HLcLh4WJka5hbRVcEQqXUJ4E/BZ4EPg+sBd4CvEwp9Vyt9dOzvP7XgX8ESsB/AseBK4H3Aa9SSl2ptT424SUXh4//BByY4pJHFv7T1OZoYRQ9fJyiY7Ms09esarSMM/uZWBW2Hd3dMYHw9MkCjuMRj0cXCGNhi7BcdsjnLXK5zrmt0vGBUCl1EUEQ3AZcp7W2wue/RRDU/hZ49QyvHwT+DsgTtOT0hGMfBz4C/BXwrgkvqwbCD2mtW+ou/D1Hd1OwK6RjCeKm3BkB6E2kOFUucO/Rvbx364swO2C/lpMn8jiORyrCzdgNwyAeN3EcjxPHxzsqELb///js/iB8/Hg1CAJorb8D3AXcoJQ6a4bXvxLIAV+ZGARDnwAqwKsmPX8RcLLVgiDA3UeCaTPdPEgyWdA9djlRGucXp5vWWI9MsWgxMlIKW4TR3gOOJ0xs2+XYkfFIr9ts3RAIrwUcgqA32W2AAbx4htc/BXwI+PYUx1zAJrhnCIBSKgNsBh5dYH3r5mRpPOwWW/QmOjsB63xUu8d5u8K9R/c2uzo1O3J4DNsO7g9GNYewKpGIYVsuhw+PRXrdZuvorrFSKgmsA/ZprStTnFL9q98y3TW01g8DD09z+OUEQXDi8QuBGDCulLoReCmwDNgFfBn4vNa6KYtb7zu6l4JjBSnru3y0eLKeRIqhSoF7j+3hdy54QVsPBBw8MIJluSSS0f8fJ5Mx8vkKx46OYVUckqnOCCGd8VNMbxFBi2+6XEuj4ePAfC+slOoH/ib89gsTDl0UPr4OeAj4FrAEuB74e+AqpdSvzSUYKqWemObQxvnWF+D+409TkG7xlLLxJMeKYxwrjLF37BQb+5c2u0oL4vs++54exqo4ZHuib/XHYiamYWBZLgcOjLBp85LIy2iGTg+E1b+EqVqDE5+f1zwSpVQO+CFBF/gWghHlqhRBS/OftNZ/MeE1Swm64m8LX/P1+ZRZq7xd4dFThyjYFRalso0sui2YhkE2niTvBJvAt2sgPHWywMhwcH8wWYcWIUAqFadScdiz+7QEwjZRCh+n+2isNo3mvHmFUmoFQRC8FHgAePPE1p3W+u8JWn7PoLU+qZT6Y4L5i+9gDoFQa33+NHV4AjhvrnUGePjEAQp2hbhpkuyylFtz1ZtIMm5XePD4Pn5NXdHs6izITn2SSsUhmYzVrXufSsUZGyuzd/dpHMeNfECmGTp9sGQU8Ji+69s/4bxZKaW2Ag8SBMGfAi/RWs9n+OzB8HFBXdtaPHhiHwXboicu3eLpZOMpSo7NzuHjDJcLza7OvHmej95xknLJjnTazGTxhIkPFAoWe3d3Robvjg6E4XSZvcBapVRiilOqAenJ2a6llLqWYC7iGoLW3CumCoJKqQuVUi9RSk31cdwTPpamOFY3nu/x8IkDFB2LrIwWTytumiTNGCXH5ucnp5oH39oO7B9mZKiE43qk6jiIYRgGmXSccsnmiV8cm/0FbaCjA2HoDoKu8dVTHLsO8IF7ZrqAUuoFwA+APuBTWut3TJyTOMk3CLq/l01x7IXh44NTHKubfWOnOVXKY3sumdhUnweiKptIUnQqPHyi/QLhY9uPUirZpNOJuo96pzMJymWH/fuGGRoq1rWsRuiGQFgdyPhUOMcPAKXU64AXAN/TWh+a7sVKqcUEI78Z4CNa6w/NUt43wse/DKfvVK+zDvhLgrmHn5v3T1GDh08eoOBYZOP1f4O0u2w8ScGxeOTUwbZK4T88VOTpvacplWwymfp/2MViJslkjFLJZvvPD9e9vHrr+LvmWuv7lFKfB34feFQpdROwGngTwZrhP6qeq5S6BrgG2K61vil8+o+BFcAIEFdKfWyaoj6utfaAzxKsRrkOeFwpdTPBNJ7XENyT/IDW+pEof8bZPHrqMCXHIhOXbvFsMrEEjudxulxg//gQ6/sWN7tKc/Kzhw5RLNokkrFI1xfPJJNNMjZW5olfHOeKq9bR09u+f18dHwhD7wd2AL9DsOTuNEHL7c+01hOXElwDfBT4GlANhK8IHwfCY9P5C8DTWhfDgPonwFuB9xJku3kA+F9a69si+HnmzPFcnhg6QsmxGExlZn9BlzMMg0wsQcm2eOzUobYIhKMjJZ564jjFgk3/QOMyCiUSJjHToFiw+NlDB3nRixs+BhiZrgiE4fSWzzFLl1Rr/THgY5Oeu2QB5ZWBj4dfTbV37BTjVhnP90maXfHfXbNMPEHJtXli6Civ3nDR7C9osvvvO0ChYBFPmCQSjZvKYhgGPb1JxscqPLb9KJdedha5vvZM7dYN9wi72pNDRyk5Nmm5Pzhn6XiCkmPz5NDRlr9PeOJEPmwNWvTUYSXJbBKJGGbMpJCvcO89c0rt2ZIkEHa4HcPHKLu2jBbPQzqWwPYcTpTGOVWe81z7hvN9n7tu30shb5FMxhvaGqwyDIPe3iSFgsVTTxzn2NH2TMYggbDD7Ro5Qdm1SUsgnDPTMEiacSpuMLm6Ve3UJzmwf5hSyW7qQEUiESOZjJPPW9zx0z14Xmu3oqcigbCDjVtlDhdGqLgOKVlWNy+pWJyK67Br9OTsJzdBuWxz1+17GR+rkO1JRpqSfyF6epNUyjaHD43y+KMtl4ZzVhIIO9i+sdPYrkvciBGTbNTzkoolqLgOT4+danZVpnTP3fuCfUk8j2y2+a39WMykpyfF2FiFe7btY3x8ujwnraku7w6l1Aql1CuUUm8Pv1+ulJImSYPtGz8dtgbbf1F8o6VisZYNhAf2D/PY9qPkxyvkcumWGQRLZ+IYBNN5fnrrrpYfaJoo0kColFqllPo+cJhgSdrXwkO/DewL1+uKBtk/PoTlOZJtZgGSZhzLczhZylNyWmdD80rF4b9+vJPx8TKpdKJuqbYWwjAMcn1pigWLPbtP8+QvWvf+6mSRBUKl1BLgXoIEpNuBxwiSokKQ928V8H2l1AVRlSlmdqQwguW6JCUb9bzFTJOYYWJ7LofzI82uzhl33r6HkycLOLbXlOkys4nHTbLZJGOjZe68fQ+jIw3NL7JgUbYIP0ywTea7tNaX8cuVGWitP0OwxCwJfDDCMsUMDudHsD2XhEykXpCEGcN2XQ4XWiMQ7txxkl88dozx8Qp9fenI9yOJSiabAANGRkr8+BbdFqPIUQbC1wA3a63/ZaqDWuvvE2yIPlUWGBEx1/M4Vc6HgVAGShYiYcawfZeTpebv2DY6Wua2/9rF2FiZbCZRl/1IomIYBn19aUpFmwP7R3jgvtafaB3lO2QVQXd4JjuBlRGWKaZxqpzH8VzAJ9YB+/Q2Q9w0cTyXY8XmBkLX9fjxzTsYHiqBT132IolaLGbSm0sxOlrmgfsOcPBAa7SqpxPlO+Q0s2deVuF5os5Olws4nkfMqF/K9k4XN2I4nsdwpbn59u67Zz8H9o9QKlr09bfOKPFs0uFgzthomR/dvINioXUGnSaLMhDeBrxWKXXxVAeVUlcBNwC3R1immMZwpYjre8SlW7xgcdPE9b2mpu1/eu8QDz1wkNGRMrlcuukTp+crl0vhuj6nTxZa+n5hlL/VjwMWsE0p9VnCDM1KqTeE398WHv90hGWKaYxWSrieR6xNWg+tKGYYOJ7HqNWckc+x0TI/vkUzNlomlY7XdR+SejEMg77+NPlwSs2D97dm5u/IAqHWehfB1JlRgmSnNxBMn/lm+H0ReIPWerq9ekWECnYF1/cx5f7ggpmGief75O3Gr5JwXY9bfrCDodNFPN+nt52TnsZNcr0pxkbL3H/vfg7sH252lZ4l0neJ1vou4GyC7M+fAb5CsAn6O4H1WutboixPTK/gWHi+tAhrETMMPN9rSiC8+86nOXBgmFLRor+N7gtOJ50J7heOjpb50Q93kG+xJXiRtbWVUv8K3KW1/hLw7fBLNEnFtfHw2/4N1EwGBh4+vu+H05AaM2Vllz7JIz8/xNhohVxf+90XnE5vLsXwUInTp4rc8sMdvP6NW1vmZ4uyFq8F5p3NWdRHxXXw/eDNLBbGNAzwwcen4joNKXN4uMStP97J6GiZdCZe1205G80wDPr70xSLFvv3DXPftn3NrtIZUQbC9szI2KEcz8PHlzAYAd8nnJNZX47jcssPnmJ4OBicacUldLWKxU1yuTSjI2UeevAQe/e0xmy6KAPhnwHvUEr9llKqP8LrigVwfQ9AusY1mPi78xqQSeWuO57m8KFRyiWHvr72vy84neoI+NhomZ/8aCfjY+VmVynSzZteBYwDXwK+pJQaJhgpnszXWq+LsFwxjajfupXR5i81m02qPxf5NX2C7nE97dp5ikcfOczYaJm+DrovOJ3e3iTDwyWGTxf50c2aX33ThU1dOx1lILxh0veLwi/RJFH/Wf30nbPtbd98r/ju30V+TQPqOg1pfKzMbT/ZyehoJRhd7aD7gtMxDIP+vjTDw0X27xvmwfsPcOXzmtc+iuw3rrXu7I+wNlNdX9xOyTFbzcTfXb3aKp7n8+NbdjI0VML3/Y68LzidWDxYjzwWrkdet36Qlav6mlIXCV4dKmHGMDDq3KHrbNXfnRFu5lQPj/z8MPv3DVEsWh19X3A66XSCRCLG2Fiwisay6j8oNZXI/3fDNeDFy3wAACAASURBVMXvIZhK00OQZOFx4Gta621RlyemFjdNgtkfEgoXyscHI2gN1mPN9tDpIvfds4/R0TK9vSni8e5sl/TmUgwNFTlxPM+9dz/NNddtangdIg2ESqkPEaw5nvixthF4LvAbSqmPaa0/EWWZYmqpWBwT48zocRSu/edPRnatduD7PiYGhmFEPpna8/wz8wVjMZN0G64jjoppGvT1pRgbrfDIw0fYdM5SVq9p7MSTKFeWvBL4BHCIIFv1XQR7lwwC1wKfBD6mlLpPa/1fUZUrppaOJzAMAy+6OFiXEdlW5vnBypx0LB55l/XxR49y6OAI5ZLN4KJs13WJJ0sm46RSDvl8hZ/euou3vfPShraQo/wY+kOChAsv1Frvm/D8CeAbSqn7gUeADwASCOssE0tiGgYeEUbCLuPhYxoGmXi0AxjFgsW92/YxNlahpyfV8VNl5qqnN8XQ6SLHj4/zyM8P8Zwr1jas7Cj/By4HvjcpCJ4RPv894IoIyxTT6Ekkz2RPEQvj+UEg7EmkIr3uPduC+4IQbIEpAqZp0NubJD9e4cH7DzY0MUOUgTANzJZfZwTojbBMMY2eRCpoEUogXDDPD7Y5yMaj20D95Mk8Tzx+jEK+Qq431fVd4slS6eA2xPhYmfvubdxeJ1EGwj3AtUqpKa+plIoR3Ct8OsIyxTRyidSZNFJiYVzfw8SgN5GO7Jr337OfQsEikYy39AZMzWIYBr25FIWCxZO/OMbpU43JDh5lIPwmcAHwBaXUM/oS4drjrwDnAd+KsEwxjd5ECtMwcaVFuGCe72OaJrmIusbHj4+ze9dpSkW7qyZOz1ciESORiFEs2Dz0wMGGlBnlDYrPAK8nmEP4RqXUAwSDJ2cBFwJ9BLvcfSbCMsU0+pIZYkYwfcb3JS/hQrhhYttcMpoW4cMPHaJUtEil4l07Z3Cusj1JRkdK6B0nuer56+nvj65VPpUoU/WXgRcRJF1IAi8H3gw8nyDgfplgRLm5W4J1iWqLEILRTzF/nhfcI4wiEI6PV9i58xSlkk02G909x06VSMSIx2OUSjaPbT9S9/IiHbLSWo8Bv6eU+gPgHKCfIE/hDq11YzJbCiCYR5iKxYkZZvCGlttR8+b6HmkjQX8yU/O1nnj8GOWSTSxuEk/If8ZcZLIJCnmLJ584zlVXr69rKzrqlSUGQTquY1rrByc8f6NS6sdaa0nf30B9yTQxI9iSMoG8+eYr6Bqb9NXYIvR9nx1PnaBUssmkpTU4V8lkjHHPJz9WYd/TQ2zavKRuZUUWYpVSaeAHwHcIdrOrPp8FfhP4plLqG+HosWiAifcJxfy54TzCvhpbhCdPFBgeKuLYXltuydkshmGQTscplx127zxV17KibGv+IfAK4LvAv1WfDO8JXgj8O/BG4I8jLFPMoD+ZkZHjGri+R8w06a+xRfj03tNUKi7JZEwGreYplYpTqTjs2zdc183howyEbwce0lq/Xmu9Y+IBrfUvtNZvAbYD746wTDGD/mSamGlKi3ABfN/H9apd49pahAf2j2BVnK5IuBq1eCJYHVUsWJw4nq9bOVEGwvXAHbOc81OCfY9FA/SnpGu8UF6wBWDYNV54i9B1PY4fH8e2PRIySDJvhmGQSMSwbZejR+u3P1zUu9jNFuTOAuoX1sUz5KqDJVGmoOkS1YGSbDxBMrbwltzQ6SJWxcX3fWIx6RYvRBAIvbZpEd4FvEYp9ZypDiqlLiLY+1iSszZIX6I6aiz3COfLDdcZ19otHh4q4boe8bgp9wcXKB4zcR2P4aH6TUGO8qbF/yIIdLcppW4E7iNYWdJPkHHmt4AY8KkIyxQzqLYIZb3x/HkRrSoZGyvjur6k2qqBGTNwXY+x0fplo4ly86aHlVJvBW4kGEH+/yYcNgi6zm+fOL9Q1FdfMoNpGNIiXIBg6oxJrsaEC8Wijed6Td2qst3FYsGigFLJxnW9unyoRL2y5DtKqVuBVxLsWbKY4J7go8B3wpUnokH6ZNR4warrjGudTF2pOHg+EghrYBgQfJb72Lbb+oEQQGudJ8gwI1lmmiyXSJ9JxSWJF+bHC+cQ9taYecZ1PZDffU2qvzvfB9epT++mHrvYrdBaH5vw/VsJkjHsAb6stR6NukwxtVwySLzg+8HWlPJWnDvX94mbsZrvEZ4JgBG+f/P5keguVie9vQORXesZ+0vX6Y84ys2bEsBXgbcopQa11mNKqf8G/BW/fA/+plLqKq31bJmsRQTSsQSmYYSZqj1MQ+axzVWQndqouUUYjwWjxVG2Yz78sVdHeLX6+JvP3hX5NQ3DqFvihSiv+sfAW4GngKxSKg58ECgA7yLY5nMz8KcRlilmYIRvZFlmN3+u72EatXeNU6kYhmng13F5WKfzPB/DANOkbpl7ogyEbwGeAC4Ju8YvBBYB/6K1/het9ceAHxFMsREN0it7lyxIVBs3ZXuSmKaBK4FwwTzPx4wZZLLJug06RRkINwE/0lrb4fcvJbgzcvOEcx4DVkdYpphFj+xdsiDVrnFPjVt59uZSxGIGniu//4XyXD8YuOqt3/YGUQ6WWDzzfvxLAJdgxUnVIMFOdqJBpGu8MF5EXeOBwQyxmInrRjdy/xcf+17N12gnjusRi5sMDNaeIHc6UQbCHcCvhLvYXQBcDNyttR4HUEotAV5HcA9RNEg2njwzWCLmrpqLMFtjIBwczBCPByP3Qabw2gNhlCOy7cB1PBLJGIsXZ+tWRpRd468S5B3UwJ3hc18GUEq9C3gEWAJ8LsIyxSyCjd7lHuF8+L6PHwbCWluEiUTsTDB0HPkwWgjbcYnHTZYsrd+W6FFu3vRl4KMEa4td4C+01v83PLyBYJXJ/5B0/Y3VE5fBkvnywi6siRHJ5u7LV+RIJGI4thtB7bqL5/m4rk8iYbJ8Rf0CYdRL7D4BfGKKQ18CPlvtJovGySaSxAwT25M34VxVR4xTsThxs/bpGivP6iORjFEs2vREUL9uYtsuifD+YDbbHoMl09Ja138/PjGlaovQRbplc+XiRTJ1puqs1f1hi7AsSx3nybZcEskYZ63ur2s5khuow/UmkpiGKV3jeYhqDmHV4GCGvr4UsZiJbUnLfD4sK9jrZc3a+g4QSSDscL+cRyiBcK68MClrbyKarphhGKxZN0AyFcOSQDhnruvhuh7JZFwCoahNLpEOcxJK13iuguV1Bj3xaFqEAGefvSjYkc1yIrtmp6u2BleszNX1/iBIIOx4vclUmKVaWoRzVW0R1pp5ZqK16wdJpeL4ni/TaOaoUnFIpeKcvWFR3cuKcoP31yulVkR1PRGNvmQ6WFniec9IZySm53pBi7DW7NQTpVJx1qztJxnu0ytm5nk+tuWSTMXZsHFx3cuLskX4f4B/iPB6IgLVrjEG0iqco+oOdv2paJd0bdy05MyG5WJmluUQT5gsWpxh8ZL6rSipijIQ5oDHI7yeiEAyFicbT4a72UmXbC7OBMIad7CbbOOmxaRScVwnGAQQ06uUHdKpOJs2LWnIdKMoA+H3gdcrperfoRfzMpDKSCCchyA7tclAxC3CbE+S1Wv6g1ZhWVqF0/F9H8tySaXjbFZLG1JmlBOqbybIQbhXKfVTYC8w1Uakvtb6oxGWK2axKN1D3DRxZKP3OXE8l5hhsigd/TqQzecsYc/u0xQKFtme+o6EtqtKJewWL8qydFlj1uJEGQj/acK/Z0q+6hOsSRYNsjjdQ9wwcaRFOCvf93F9j7hpMpiK/t7Ups1LSKf3BPsdO0F6KfFMlbJDOp1gs1rasFU4UQbCd0d4LRGhJele4mYMR9Ybzyq4fWAQN2MsrkOLMNuTZO26AUZHy5QrTs2JXzuN5wXd4lxfGrWlMd1iiHaD969FdS0RrSWZIBAWbbkvNRvHC1qDi1I9kSRcmMo5ahm7dp4iP26RzSZk7fEElYpDIhFj6dIeFi9pXIqKuiRdCOcTXgIs0lr/q1JqOXBaay3vxCZYke0jYUoGmrmwPZeEGWN5Nle3MjZuXkwmk2BstILjeCTqtCFRO6qUHdKZOOrcxrUGIeKVJUqpVUqp7wOHgR8A1VbibwP7lFLXRlmemJuVPf0kzBi258qk6llUA+HKnvplO0ml4qzfsIhUWuYUTuS6HrbtkkrFOadBo8VVUa4sWQLcC1wPbCfYqKna5q8Aq4DvK6UuiKpMMTcrs0Eg9EH2LpmF5bkkzTireuq7yF9tWUY6HUyjkQ+nQKXikEzFWLmqj/6B+u1PMpUoW4QfBtYC79JaXwbcVD2gtf4M8BogSbDXsWigZCwedo9jWJ60QGZiuQ7JWIy1vYN1LefsDYP0hNNnbFtG8+GXo8Xq3GUNLzvKQPga4Gat9b9MdVBr/X2CSddXR1immKO1uUWkYnEsVwLhdHzfD1qEsThrcvVdFxCPx9i4efGZVmG3cx0Px/VIp+NsPmdJw8uPMhCuIugOz2QnsDLCMsUcnd23hFQsTkUC4bRszw12rosnWd2AneKC7nGCSsXu+u5xOcw0s2btwJmWciNFGQhPAxtnOUeF54kG29i/VALhLCquQyoWZ11uEaZR/4nOa9YOkOtLYZpmVyds9X0/7BbHUVsa3y2GaAPhbcBrlVIXT3VQKXUVcANwe4RlijnaNLAs6Bp7jmShmUY5DITnDCxvSHmmabD5nCVd3z12HA/P88lkEmzcXP+UW1OJMhB+HLCAbUqpzwKXASil3hB+f1t4/NMRlinmaHkmx+JwhYm0CqdWdm3SsQRbBhuXVlOdu+zMNJpu7R5XKg6pdDilKNWQ/eSeJcp9jXcRTJ0ZBf6IoPVnAN8Mvy8Cb9BaPxFVmWLuDMPg3MEVZGIJyq7d7Oq0HM/3qbg2mXhjA+GKlbkzG8BXKt3XPfZ9n3K1W9zguYMTRXojRGt9F3A28GbgM8BXgL8B3gms11rfEmV5Yn4uWHwWmXiSomM1uyotp+zaJMw4SzI5VtVxMvVkhmFwjlpKOpOgUu6+DyjH9jCAnp4kZ29sXga/yNqhSqkXAtu01hbw7+GXaCFbF68iE09wsjQu++tOUnKC1uDWxasa/ns559ylPPjAQfLjFTzPxzS75/+lHHaLN25aTDzevKWGUbYI7wCOK6W+qpR6nVKqcSumxZxs6F/C4nQvMdOkJN3jZyg6Ftl4kkuXrm142UuW9LB0aQ+JRKyrltz9crQ4wTkNzDQzlSgD4aeBQwTd4G8Dp5RSP1RKvUcpJXMHW4BpmFyydA098SRFW7rHVa7nUXGdpgVCwzBQ5y4lnemu0WPLcjFNg1wuVfd9i2cT5WDJh7TWlwBnAb8D3AI8H/gicFAp9aBS6kNKqa1RlSnm77nL19OTSFGQ+4RnFByLTDzBxoGlLMn0NqUO52xZRioVx7bdrtnPpDp38By1hFisuQlqIx+r1lofJRgk+YpSKgG8gGA0+d0EU2z+vB7lzkYp9U7gAwSTuovAT4APaa33z/H1awnqfx2wmGCVzOe11jdOc/71wP8EtgIucDfwEa31bKtv6uryZevIxpM4novluiRjkgKqYFfoiae4avmGptWhvz/NqrP6GRsrU6k4dd/QvNl836dScejpzTZlbfFkdQvDSql1wNuBXwfeBAwQTKdp+M0ppdQnCVKCpYHPE8xpfAvwM6XU2XN4/TrgPuBtBBPCPwf0AF9WSv31FOf/NkEastXAjcB3gJcA9yulnhvFz7RQuWSai5euCVuFlWZWpSV4vkfBsehNpLhyxax/CnWltiwlnU5Q7oLucXVfksFFWVasrF/ux7mKctR4FfDiCV/rCQKfCzwM/AtBALonqjLnWK+LgD8FtgHXhaPaKKW+Bfwn8LfAq2e5zP8mWEt9vdb65vD1HwV+CvyhUur/aq1/Hj6/HPg7YBfwHK31aPj8l4G7gBuVUhdrrZs2e/b5Kzex7chuhsqFuuzL0U4KtkUqFmdNbpCN/c29Yb9ZLeHO2/cwPlbGcTziHbyfSTkcJNlybuP2JZlJlL/pg8A/A+8AhoC/J9jEabHW+gqt9Z9qrW/TWpcjLHMu/iB8/Hg1CAJorb9DEJhuUEqdNd2Lw9bga4F7q0EwfH2JIMAaBPdEq95D0PL8TDUIhuc/AHwDuBC4qtYfqhbPW7mB3kQK23O7PhvNuF0ml0jzglWbm/6GzGaTrD87WF1R7uA5hZ7nYVsu6XScLS3QLYZoA6HLL1uAQ8DR8Gs8wjIW4lrAIQh6k91GUOcXz/D6a8Jzbpvi2DaCZYMTM29X/z3V+bdNOqcpBlJZLl+2jlwyzbjd6M+l1uF6HkXHJpdM8eLV5zS7OgBsOW8Z6UzQPe7UJXflcpiAdWUfg4tao0cSZSAcJFhW90WCbuSngfuBIaXUd5VSH2j0iLFSKgmsAw5qrae6IbY3fNwyw2Wq75Ddkw9orW2ClvDZYVnV8x1gqkGYuZTXENet2UIukWbMKnfsG24243aZbDzJOQPLWZdrzmL/yTZsXERvbxLDANvuzCV35VLYLT6vNVqDEO0udgWCTd6r99BWAL9CMMp6DUGQRCl1UmvdqMWciwhac0PTHK92XWeaxFR9h8x0DRPoA06F549qraf6K55LeWcopaZblz1burNZXbliA0syvRwvjVFybLKJzh6lnMz3fcasMovSPbx07XnNrs4Z8XiMc9RShodKlEsOyWRzkhDUi2O7ZzLNNHsS9UR1uxurtT4G/CvwJeCrBC0kA2jkT199d083PFp9Ph3hNZI1ltcQqVicF69W9CczjFqlZlen4Squg+N7DKSyXHNWa3SLq849f3kwubri4Hmd1VovhXMHN2xcRCaTaHZ1zoj84yYcXHgZ8FKCe2H9BAHwAMHUle9HXeYMqu/w6Zo7qfAxH+E1SjWWd4bW+vypng9bijU3Y16+9jxu2rud0+UCjufWbR/fVjRqlehLpnnBqk3kkk3/XHqGFStzLFnay9hYhUrFaamAUYsg04zN4GCW8y5oXIafuYhy+sznCILfRoLA5wMPEgS+72utH4+qrHkYBTym74r2TzhvOtUu8UzX8IGxCecvU0oZU0yRmUt5DbOhfylbF6/iVCnPqFVmcbo7loe7nse4XWFdbhHXr2+9TRUNw+D8C5Zz9MgYhYLVMYGwUnGIx0wGBtOsW1/fzbHmK8qu8XsJ9iP5LvCbwEqt9VVa6081KQgSTpfZC6wNV7lMVr3X9uQMl9kx6dwzwmuuCYrS3oTzk+HzCymvoV65biv9yQxjVqlrBk3GJgySnDvYmsvgt5y3jEwmgef6HTNoUio5ZLIJzjt/Rctl2IkyEL6SYM7g67XW/6S1PhHhtWtxB0Fgmmr3vOsIWnMzTfK+MzxnqikvLwivvW1SeUxz/nXh47YpjjXFC1ZtYkVPHzHTJG93/koT3/cZqZQYSGV49dkXNn3u4HSy2SSbzllCOhOnXGr/OYWO4+E4Lul0ggu2NmYrhPmIMunCj7TWllJqrVLqo0qpm5RStyqlvhEmW2jW+qV/DB8/pZQ6s2u0Uup1BIHse1rrQ9O9ODz2E+BFSqnXTnh9Bvhk+O3nJ7zk6wSDIh9WSi2ecP4VBAlrt2utG7q6ZibJWJzr129lIJllxCp2fKuw4FiYhsGyTI5rVqtmV2dGWy9cSSacU9jugyalkk06nWDDxkXk+lrrnixEPFiilHoXwTzCJMF9wqo3EQSG39NafzXKMmejtb5PKfV54PeBR5VSNxGsAX4TcJxgGwEAlFLXEEz12a61vmnCZf6AYK3xt8OleYcIVptsJlhBsn1CefuVUh8myND9mFLqmwRTa95GsM76PXX6URfs+vVb+daun3OqnKfs2mTinTuVZrhSZDCV5fr1W0nFWntqylmr+1i2rJf8eIVy2W7bRAye51Mu2SxanGXrRa15KyKyFmG4S91XCN7sf07QNVTAlQRL0YoESQqeE1WZ8/D+8KtCENReRLDc7Xla670TzrsG+ChBkDtDa72T4Of4D4IR8d8HCsBvAf9jcmFa688SBL4jwO8BrwJuBa7WWj8U4c8VicFUlutWKwZTWYYrnTuVpuTY2J7LYDrLq8++sNnVmZVhGFx48Uoy2QSlYvvufVwpOyQSMZYs6WHtutYaJKmK8iPxgwRB8IUTW0ihB5VStxCsNPljgswvDROO3n4u/JrpvI8BH5vm2C6Cru1cy/w34N/mXMkme93GS7h5/xMMlQtYrkOyxVtLC1FtDV67WjHYJiPkW85bzj3b9pEfr2BZbtN2eVso3/cplixyuRRbL17ZcoMkVVEOllwNfHeKIAiA1vpR4CbghRGWKSKyNreI563cQH8qw3Cl2OzqRM5yHUqORX8ywxs2Xtrs6sxZMhlj69YVZLJJSsX2GzSpblzf05vi/PNbb5CkKspAmCPoCs7kCMGaZNGC3rjpMgZSWcbtCo7XGVM2qoYqRfpTGa5euZE1uebtlrYQF12yikw2geO4bTeVplQM7m1uvXAFyRZuzUYZCA8Az5vlnKuBwxGWKSJ03qKVXLxkDX3JdEe1Cm3PJW9XGEhledPmy5tdnXnL9aVRW5aSySYptlGr0LZdHMcjk01w8SWrml2dGUUZCL8LPDccMX0GpVRMKfUJ4DnheaJFvXnz5QyksoxaZVyvM/bOGK4U6UumuWzpWtRg63bPZnLZ5avJZhNYFadt9jQpFm0y2QRbzl3WklNmJoqyrfpJ4I3Anyul3kYwsXiUYDOn5xFs/H4Q+FSEZYqIXbp0DectWslQucCwVWRJujmbGUXF8TzGrDLrcot4cxu2BquWLutl/dmLKOQtigWr5QOL43hYlkNfXw+XXj5t3uOWEeWE6mGCru9PCPLt/S7B1JJfAzYQTB95odb6dFRliugZhsGbN1/OYDrLaKWE67dH62M6I5UiuUSKrYvP4qIlq5tdnZpc/tw1ZHsSlNugVVgsBmukN2xczNKlrf9hGundy3AVxivCfYwvJUgyMAY8orWWe4Nt4qoVZ7O5fxlDpQKjlRKL2mSqyWSu5zFqlVgTtgZbdTndXJ21uo/VawaCVmHRJpdLzf6iJnBdj0rZYfGSHp57ZeP3iV6IugzjhFt6/rAe1xb1ZxombznnOewcOcHh/DADqQym0X4bCY1YRbKJJFsGV/Dc5eubXZ2aGYbBc69cy8EDIwydLpLNJpq+H/BUqhlzzt4w2BI71M1FTYFQKbWMYALyq4AlBEvPvgV8KsxYLdrUC1dtYkPfEobKQYqudtvtzvU9RiolVvcO8tYOaA1WrV03wOo1AxQLrdkqnNgavOKqdc2uzpwt+OMkDIIPEuzgdhZB0tGNBCtM7lVKtf6NATEt0zB58+bLGEz1MFwp4rXZ8q7RSolMPMnmgWVctbJ5G7dHzTAMrnzeWrI9Scolu+XuFU5sDa5c1dfs6sxZLe3qDwJrCbKtbAGywMUEe5ZcAHyg5tqJpnrxasX6vsWkYnHG2iidv+d7DFeKLEr38ObNl7dlt34ma9YOsGbtAOl0vKXmFTpO0BrM9iS58nnt0xqE2gLhy4EHtNbv0lrv1FqXtdaPESQs2M3sm6aLFhc3Y7xx02UsarNW4ahVJhNPsKFvCS86a3OzqxM5wzC46ur19PS2VquwULDIZBNs3LSYFSvbpzUItQXCNcDdk58Md2+7lSBFlWhzv7JmC2f1DhA3Y4xbrb8Hsuf7YXKFHt60+bKOaw1WrV7Tz/qzgw2QCnmr2dXBsV0sy6GnJ8mVV7dXaxBqC4QZglRUUzlFsPZYtLlkLM6vbrz0TKuw1VNBjVklkmacdX2LuLbFE6/W6qqr15PtSVKxHBynua3CfMGiJ5tEbVnKsmXtNzxQSyA0CVLYT8Wv8dqihbx83fms6unHNA3GWzidvx+2Bhels7xh46UdvyvfipU5NqslZLNJCvnm/b/Ylotje8G9wavXN60etZBgJWaViSd47caLW75VOGaXiZsxVvb0t9Sm7fV01fPW0dOTxLabk5nG933y+Qo9vUkuuHAFg4OZ2V/UgiQQijm5Yf1WlmZ68fEpOM2/JzWZf+beYJZf3XhJRyaWncriJT2cd/5yenqS5PNWwz+kLMvF83x6e5Nc0SarSKZS61/La5VS66d4/mIApdQ/TnHM11r/Zo3ligbrSaR41dkXcbw4znClSE882VKTlAuOhYHB8myOV67b2uzqNNQVV61lx1MnKBbzDc1i7fs+hbxFT2+Siy9ZRW+LTe6ej1p/YxeHX9P59Sme8wn2PRZt5jUbLuI/9zzC6XKekmuTbZFNnoLWYIHBVJYb1l9INtEa9WqUvv40F12yivvu2UchbzUsHb4dZp/u609z+RVTbePdPmoJhO+OrBaiLQymsrx07bmcLAWtwlYJhCXXxvE8FqV7ePWGi5pdnaa4/Lmr+cXjxyiXHMbHGjdw0ptLcvlz1pBOJxpWZj0sOBBqrb8WZUVEe3j9hkv44b7HGSoXqLhOS2yJOVwpMpDK8tK157XdmuioZLNJXvTiDfzswYM0Mp/u4GCm5bNPz0Xz/4pFW1nVO8DVKzdxulxguFJkRba5KwgqrkPZsVnV08/rN8x0l6bznX/BCs6/YEWzq9GWZNRYzNuvbryUgVSWfAts8jRyZlOmTazqHWhqXUT7kkAo5u3cRSvYungVvYkUI01MxuB4HuN2hYFkltdvvKRp9RDtTwKhWJDXb7iEwVSWsUq5ackYRq0SvYkU5y1aybmD0iUUCyeBUCzIVSs3sCY3SDIWY9xufDIGz/cZtUoMpDK8duPFLTWnUbQfCYRiQUzD5Ib1FzKQyjJSKTV8RUPerpAwY6zqGeD5Kzc2tGzReSQQigV7WThdxfM9ym5jE4SOWiUGkhmuX7+145MriPqTQCgWLJdMc92aLfSHrcJGKTs2tucykM7y8nXnN6xc0bkkEIqa3LB+K33JNAXHathUmlGrRF8yzQtWburaCdQiWhIIRU029C/lgkWr6EkkGWtABmvXD6bM9IfdFwEqYgAAFz1JREFUYiGiIIFQ1Oz69VvpT2YYtcp1HzQZD/cj2di/lPMWraxrWaJ7SCAUNbt65UaWpHsxDCg59Rs08X2fMatMfzLDK9ZdIFNmRGQkEIqapeMJrl2zJWwV1m/QpOI6OL7HQCrb8fuRiMaSpAsiEi9bex437d3O6XKBsmPXpbU2Eg6SXL1yI7lkOvLri+4lgVBEYmP/UjYPLONUKc/R4ljdyjmrt5+XrD23btcX3UkCoYjMO9QVjFtl7DpOozl3cAUXL1ldt+uL7iSBUETmyhUbuHLFhmZXQ4h5k8ESIUTXk0AohOh6EgiFEF1PAqEQoutJIBRCdD0JhEKIrieBUAjR9SQQCiG6ngRCIUTXk0AohOh6EgiFEF1PAqEQoutJIBRCdD0JhEKIrieBUAjR9SQQCiG6ngRCIUTXk0AohOh6EgiFEF1PAqEQoutJIBRCdD0JhEKIrieBUAjR9SQQCiG6ngRCIUTXk0AohOh6EgiFEF1PAqEQoutJIBRCdD0JhEKIrieBUAjR9SQQCiG6ngRCIUTXk0AohOh6EgiFEF1PAqEQoutJIBRCdD0JhEKIrieBUAjR9SQQCiG6ngRCIUTXk0AohOh6EgiFEF1PAqEQoutJIBRCdD0JhEKIrhdvdgXqTSn1POBjwGVAAngI+LjW+s55XGMj8BHgJcAyYBi4C/iE1vrRSedmgXGm/5D571rrz87zxxBC1FFHB0Kl1CuA7xEErn8FYsDbgJ8qpV6vtf7uHK5xIUHQ6wduBp4ENgKvA25QSr1Ca337hJdcSBAEbw9fN9m9C/+JhBD10LGBUCmVAv4BGAUu01ofDJ///4EHgS8qpW7VWhdnudQXCILg27TW/zbh+r8C/Bj4B6XUJq21Fx66OHy8ceL5QojW1cn3CN8ErAS+VA2CAFrrPcDngBXAa2e6gFLqLOBq4JHJQU1r/V/AHcDZwAUTDl0UPj6jyyyEaF2dHAivDR9vm+LYbZPOmY4D/Hfgr6c5XgkfcxOeuxgoA3oOdRRCtICO7RoD54SPu6c4tjd83DLTBbTWx4EpBzaUUsuBFxAEy6fC50xgK3AQ+FOl1NuA9cAJ4NsEgzSj8/ophBB118mBcHH4ODTFsWowGqjh+n8H9AJf11pXy9gE9ACbgd8CvkvQ6r4W+CPg5Uqp52uth+dSgFLqiWkObayh3kKISdoqECqldjOHIKC1NoBk+G1lilOqz6UXWI+/JbgHeQj4wwmHlhKMKu8Afk1rXQrPTxAM3LwD+AxBkBRCtIi2CoTAHoKu6FyUwsckYE86lgof8/MpPAxoNwLvAk4Cr9Ban6oe11rfA5w/+XVaa1sp9T7gDcBblFK/p7WeXKdn0Vo/61phPZ4AzptP3YUQ02urQKi1ftk8Tq92VweAwqRj/eHjnO/XKaUGgO8A1xDcA3yp1nrHXF+vtR5TSmmCwZTlBK1JIUQLaKtAOE87gP/X3p1HSVWeeRz/tiwRHZeocRcZNXlijBliXBCXKODuEFBMojFHYtRxwxzDIioCQQ0GJTKOjokT16C4RQ8qGhVEkSwjRo0RySO44oaKojE4otDzx/NeuJbVDb1Vddf9fc7hVFO3qni7OffX733uu+xNXEq/VnIsu7x+dk0+yMy2IcYM7gg8BRzm7q+XeV0P4ubIM/meYs666fGjMsdEpEpqefjMw+mx3BCZvulx9uo+JN0dfogIwQeAfcqFYDKCmFEyuMznbE2MOXzB3Rev7t8Vkcqp5SCcCiwGhpjZdtmTad7wacCbwO/W4HMmE3eD7wMOd/fG6oo3p8dhZrZl7t9cB7iK6IFPaso3ISJtr66+vr7abWgzZvZdYApRC8xmhhwNrA8c4e535V7bg+jJLXH3Sem5A4lLYojhMg0Ne7nB3V9I77kMGAIsAW4jbtQcDGxHjCX8Xm46XnO/r7k77LDD16ZNm9aSjxGpRXXNeVMt1whx91vN7D1gFHGndxnwJOVXn+kBjAFeZlWv7ZDc8TMa+admkwZpu/sZZvYY0ev8QTo+DzgFuKqlISgira+me4S1Sj1CkQY1q0dYyzVCEZE1oiAUkcJTEIpI4SkIRaTwFIQiUngKQhEpPAWhiBSeglBECk9BKCKFpyAUkcJTEIpI4SkIRaTwFIQiUngKQhEpPAWhiBSeglBECk9BKCKFpyAUkcJTEIpI4SkIRaTwFIQiUngKQhEpPAWhiBSeglBECk9BKCKFpyAUkcJTEIpI4SkIRaTwFIQiUngKQhEpvLr6+vpqt0GayMw+6Nq163rdu3evdlNE2pUFCxbc7e79m/q+zm3RGGlzS5ctW8aCBQsWVrshLbR9eny+qq2Qwv8/qEcoVWNmcwHcfadqt6XI9P+gGqGIiIJQRERBKCKFpyAUkcJTEIpI4emusYgUnnqEIlJ4CkIRKTwFoYgUnoJQRApPQSgihacgFJHCUxCKSOEpCEWkIsysrtptaIiCUGqWmXWpdhvkM9aD9hmICkKpSWbWG5hmZttWuy0CZrY3sNjM/t3d69tbGCoIpaaYWV3qCY4H+gHXmNk2VW6WwEFAJ2CqmR3c3sJQc42lJqWe4I1Ab+BR4Fh37+hbG3RoZnYhcHb666Hu/nszq3P3qoeQeoRSc8ysk7u/DBwNPAbsA0xWz7Cyshpt9uju5wK/SIfvNbND2kvPUEEoNcfdl6cwXAgchcKw4vI1Wnf/xMw6A7j72awKw2ntJQx1aSw1K4Xh8hR+twG7o8vkNpUCrTMwnfjlMxMY7O4Lzayzu3+aXjceOCu97TB3v6+al8kKQqlpCsPqaKhG217DUJfGUtN0mVx5jdVo3f3T9niZrCCUmqcwrKzV/bzbYxjq0lgKo4HL5JnA8akHI61odWWJRi6TB7r71Eq2VUEohVJyck4halj3AgOyk1JaTxPD8ALgHGApsBmwtFL1QgWhdEhmtpa7r2jme7OTswfwP8BQd3+6VRsoKzUxDEcDd7n7U5Vso4JQOpx8CJrZQUBPYBfgHeAeYJa7/zMdL3sXMndydlZPsO2tQRh2cfdPqtU+BaF0KPlgM7NRwHCgG/AhsGF62X8Dt7r7rKZ8nrSt9lyj1V1j6VByITgEGAfcCRzk7hsBxwBPA6cCR6/JMlwKwcopczf5j8D+wBXZXeRqURBKh5N6FCcTl1YXufvMdGgJsAmwCBgDrGdm3arTytpmZs3KjpIwPBaYAZxT7fJEVVNYpJk2AXYEhrv739NJOQD4OdAF2JVY8uma9OeOajW0FrW0RpsLw5fSuMGq12jVI5SOaL30+G56/A4RghsCe6TeRi/g0PRHWkkKtiwERwG3AucDBwCnANOAX5jZvtBw6cHdl6cvl5c7XmkKQukQspkG6fGj9PTRZnYisQjrF4E93f2ldGxOevxHJdtZ62q1RqsglHaptAaVnTDuXu/uc4CbiRWoJxAh2NPdX8y95Xvp8ckKNLdQarFGqxqhtDslNaj+wLeAHsRl2L0pFK8EtiOGYPwXcRJm7z8SGEz0TmZUsu0FUXM1WgWhtCslNajzgJ/lDv8QGGtmk4ihF/8JjABOA/qY2Uxge2APovbUx91fq2T7C2K1NVozG0jUZ99EQSjSNLka1I+Ac4mBt5OBfwXOAMYCaxMn3i3AAuIy7VhgJ+B1ohc4yt3nV7j5NSu7+1umRtsZGEqUJ3p11BqtglCqLp1cK3uCycHE8k3nuftz6XUvEUE4Eqgj6lNzgDlmdj7QFXgD+NTdP0KarXQud75GS/y8bwa+D+wGLCNqtG/kPqJD1WgVhFIVZvZNYEd3vymdXFlPcDQRaFsDU9z9uWw+sLvfZWYriLuVZwErzOwyd1+U64lICxWxRqu5xlJxZrY5MB94EDjV3d9Mz3cnlsT6WnrpWHcfl451ysaemdlhRBh+E7gAuNzd36rsd1GbSuZyl9ZoIXrkk4B/At8larQ7A/OIecOlNdq5lWl5yygIpeLMbENiw+933H1GybEDgTOJoTHTgSHuviAdKw3D0cSl2Wjg581dlks+L9VorwSm8tka7XbARUSNdinRW8xqtF2IGu0f6GA1WgWhVIyZbenur6evu7r7svT16URd71fp7/2IGyXfBn4NnJ97Xz4MBwI/IXqVz1b8G6oR5Wq0ZnYLsAVwQq5G25/oEfYklte/yN3fT8d60IFrtApCqQgz+xZxJ/ESdx+RnqsjenR/Bl4lehE3pGN9iEG5+xA9kwsbCMN1s3mtsubyNdqS57Ma7f5EjfbykoVTDyfKEj2JGT2Xufuiyra+9WlmiVTKuulxmJmNgZV3IOcTwy82JsYIHpeOPUTUpx4l5rCea2ZbpmPLzaxT+loh2ESpRjsLGJS+zp7vTtT9zgH2BDYCSJstZT/ve4DziLvBZwOnmdmmlf0OWp+CUNpcKsDPInoZ9cAYMxsL4O7vAdcSJ99W6djgdKw0DEea2dbpWLuYrN9B/R9wAnBFdqMKwN1fAX4K3E/c7NjTzHZIx/K/fKYRddk5wCjgpOYuy9VedOjGS8eQBuKu5e6PAH2JMBydC8MlwPXEHcit0rHB6VgWhjOB04GfZCekNE2uR70EuDO7UWVmp5vZyenYA8BEYDZxQ2toAz3xacRNk1nAHR39RpVqhFIx2fg0M9uPGF9WB4xz97Hp+IbAccRCCq+lY9elYwcRdy2H68ZI06lG2zj1CKWiUhg+zJr3DH+Yjt0PHKUQbDbVaBuhHqG0mdJpWmWO9wUeoOGe4YXAp8Ap7j6l7Vtcm3LzhL8NPETTeuL5nuHlwAR3f7Xi30QbUxBKmyiZprUb8GVgG2LFkvuBt939ozRm8H7Kn5wnE4Or98oGVUvztLAs0YcY17k/UT8cWWs3qxSE0upKQnAkMIw0FCOZD0whxqC928jJuQGwVrqzLC2kGm3DFITSZsxsGHFS3QL8FniZWKPuTGBz4JfAWanm1IeYe1wHTHT34dVpde3Khrg0MQzHuPtv07F13H1pFZre5hSE0ibMrCcxT3UecKa7z0vPDwKuAD4mdj5bBnzs7h+nGla27Pum7v5O5VteO1SjXXNahkvayjbAlsBod5+Xhmp8h1gtph7Yi7iTeT6xnPscd3/EYvezxQrBllnDGu2MdMl7P3GHHncf6+5LzOx6oBvRe59T/l+pHRo+I21lZ2LfiufS348kBuBmKxkvBPoD/wHsCytP3tlZ71Gap0yN9j5iBZnxxCIWDwJnmdlG7j6dhocyXQl8tQg3qhSE0qpSzw/gmfR4RKr/XUCE4B65RVSzZZrqIGpXlWpnLcuF4DBiuawHgcOJX05nEXuOjAbOSYOjHyb2Jc7C8OL0Oe8X5UaVglCardz8Ul+1T+084D1isO5kYmOfXfyzK0nvDawA5qbPq0NaRarRDiFqgOPc/d60SOqLRE/9VaKHvq6ZfSENoO6T3j7UzDapRrurRTVCaZaSy68DgH8jltefB9zo7vPN7FTibvHmwNme21HOzAYAA4EngL9A+9nsu0aoRtsECkJpspIQPAcYDmyQDk9391+nr+8mpstdDIw3s52JS+avAocQVyT7upbZbwvlarT58sRCMxtC1GgXEBsyreXus6vS2ipTEEqT5ULwTOLkupHY2GcRsDD3uqXAJDN7FbgUOAI4BniL6Ame6e5/r2zra5ut2nMkX6Pthmq0jVIQSrOY2S7EMvm3Ahe4u+eOHUOsavIlYjn3283sCWB9YAfgKWK/kiWf/2RZU+XGCTZQo/0B0fvexT+74f3narRFLU8oCKW5Nge6E/sOO6zcxnEQq/a0BehrZr3d/YX096cq28zapBpt69LMEmkWMzsCuJ0YnjGLmIkwkFjZ+N50bD9iCadxwM+KfKK1pjWo0R6Yjq0DnETUaDsBN1G+Rlv4cZsKQmlUQ5dLZrYtscT+frmn5xIzEZ5297fM7IvAYmC8u59bifYWSarRTqSkRuvub5S8bhBRo90YWJuo0T6JarQr6dJYGlTS8+hBFNW7ufuz7v6yxY5n+xObes8Cprr74vT6OqI2tRzVoFqdarStSz1CKaskBE8iLnG3Isagne/ul5d5T37bx4HEbmdrA/2yZd6ldZjZocA9wHG51WHK1WgXAb3d/cXKt7LjUBDK5+R7bmlZ9zHEZP2/EZuuAwxz91/m3rMfMWbwdeISbHeiBtUvzWiQVqQabevSFDv5nFwInkasTHwNcLC770+MAwS4JM1lzXQmptEdT4Tgn4lCvEKwBRqZdvgX4GFiG9TfA0cDzxNhOMTdbyO22gToohBsnGqEUpbFZt8nERP2L87VoL4MvAJsAUwws+Xufqm7Tzezv6bn3wSWuvuH1Wh7rVCNtnJ0aSwrlVwS7wn8Afixu1+bTqy+xF3Kh4C/Ej1FgHPdfXw12lyrVKOtLPUIC8rM1gW6EnuJfODub3vsdJbtWds1vXT99LgFMBLYlNgb9zUz25EYw3ahme1K7EHySGW/k9qTfiFlIViuRnuZmXUtV6M1s3I1WoXgaqhGWEBp8YPJgBPzTR81s1Mg9qxNL3sPeIwYcwYxVas3cGRuhsLi9OjEaiavtH3ra59qtJWnS+OCMbM9iGEXS4HHiZ7Gj9PhE9396txrNwPeB7YD/hf4DbGLWXb5NRnYERgMvJ7Vp6TlUo32bmLdwJ/mpjGeR/x/bQF0AYa6+6Xp2JdQjbZZdGlcIKnuN5Oo713g7nen56cCdwHHmdkUYJm7f+rui9LxrYi1697IheAAohc4A5iXPS/NV3IzYytiKa1J7u65Gu0g4E5W1Wgnmtna7j7e3d8G3q5G2zs6BWFBmFkv4ibHU8QE/Jnp+a7ufo+Z/QbYlfLlkuzkPMDM5gPbAicQK5eMVwg2nWq07YtqhAVgZrsTITiXmF+ahWAnd1+WXvYF4BvEXsNzzOwmMzslBeV04DqiR/I74BLiRO3v7s9X9rvp+FSjbX9UI6xxZrYpcfm6E3AVsaH6+2bWxd0/Sa/pB1xP9DoeJ2qC3Yhxa5OIgbkbE0u99yJWPb7F3V+u8LfT4alG2z4pCGucmW0AnAqcCPwLsSTTDbn6397ENK1ewI+A6UTvsC+xqvFyYIC7P1H51teWRmq0hxM12tnAwaQabe59BxB7D4909wnpuQHEijIzgJNVnmgZ1QhrXOr9XQF8RMwFHgHUmdmvgK8AFwJ7Aoe6+4PZ+8zsdsDS63sTC3hKM6lG274pCAvA3T8ws2wWyAhgGHG59XVgD2KM2gyL7TnrgTp3/4eZzUqv36ga7a4VZWq0f0rPN1Sj3c3M5gGPAlen6YvXEZfAfYkAfAHVaFuNgrAgSsJwKDGPeAUwKIVgZ+IyOL+Jz37AJ0QtS3NVmyHVaK8mpro9Djybni+t0fYjeoM9ia04vwIMALYxs1HExux/RDXaNqEaYcGkmuHxRN1wM6LHd0daUTobuoGZHULUoN4kwrJQ+9y2FtVoOwYFYQHlwnAEcVUwkbgEezsdPwgYT2zOtI9rT4sWMbP1WfXz7kKEYVajnUjUYEtrtOsR0+tGAGeUW2RBWo+CsKByJ+dwYkzgBGJ4xjeIITPbA3u5+9+q1sgaUhKGnYE7aLxGuyK3CvVYdx9XpaYXggZUF5S7f0BM0bqYqAMOJ8LwciIE91YItp7cz3sC8DFRo+0FHJWr0dan1zZYo61wswtDQVhgJSfnh8TA3q2JnuDT1WxbLUo/72uJO8PPE4OqNzezTdMQmLVyK88cAvQH/kTMMCn0vsNtTZfGkl22nQ4cAQx292eq3KSaphpt+6MgFGBlGHZ293er3ZYiUI22fVEQilRJmRsoU4m64bZEjVbliQpREIpUUS4MzwB6EIss7KueYGUpCEWqTDXa6lMQirQDqtFWl4JQRApP4whFpPAUhCJSeApCESk8BaGIFJ6CUEQKT0EoIoWnIBSRwlMQikjhKQhFpPAUhCJSeApCESk8BaGIFJ6CUEQKT0EoIoWnIBSRwlMQikjh/T8zYpjz/b+5mgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAHyCAYAAACeZ8fpAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdebxdVX3w/8/eZz53ypwQkhBIYIV5EhDQimBVFJzqPFRtra2PdWjtKPpoterTR/v8aqt96lwfbcWhyqCgCIjMBAphCLDIQAYghOTmjmc+e6/fH2ufcLmcO+8z7u/79bqvk3v2OXutc5N87xq/yzHGIIQQUea2ugJCCNFqEgiFEJEngVAIEXkSCIUQkSeBUAgReRIIhRCRJ4FQCBF5EgiFEJEngVAIEXkSCIUQkSeBUAgReRIIhRCRJ4FQCBF5EgiFEJEngVCIBVBKXaeU+lWr6yEWJt7qCgjRaZRSDvBq4JfAIGCUUgngFcC1WmuvlfUTcyeBUIi5Owe4GtgHHAJ8YDdwBPBS4KaW1UzMi3SNhZi7u4CTgf8DHA+cCPwbcB5wSwvrJebJkVT9Qsxd0BW+FsgCMaACvExrXWxpxcS8SNdYiPm5CHgRcD5QBe4ELgV+3MpKifmRFqEQ86SUOkJrvS/482qt9VOtrpOYHwmEQojIk8kSIUTkSSAUQkSeBEIhRORJIBRCRJ4EQiFE5EkgFEJEngRCIUTkSSAUQkSeBEIhRORJIBRCRJ4EQiFE5EkgFEJEngRCIUTkSSAUQkSeBEIhRORJIBRCRF5kUvUrpX4f+AiggDxwHXCZ1nr3LN//NLByistf1Vr/6aTXvxr4W+whPx72UJ9Paq0fmN8nEEI0SiQyVCulPgd8HHgY+DmwDngTMAScrbV+fIb3r8Ie3XgfcFWdl2zWWl8z4fV/BHwde8TjT4DFwNuCyxdorTcv6AMJIULV9YFQKXUqsAW4FbhIa10Onn898FPgaq31a2a4xyuxJ5Z9XGv9hRleuxLYBewFztJajwTPnwPcDDwKnKa17u4fvBAdJApjhB8OHj9TC4IAWuufYQPTJUqpI2e4x6nB4/2zKO/9QBr4Yi0IBuXdBVwOnAKcO8u6CyGaIAqB8ELscYs317l2A+AAL53hHqcFj7MJhBdOuHe98ia+RgjRBrp6skQplQSOAnZprUt1XrIzeNw0w61OA8aB31NK/QFwLDCKHW/8n7UjHQPHYQNvvUmY2ZYnhGiirg6EwBJsi+/QFNdrXddFU91AKZXBBr4Y8EnsuOJvsId7vw94lVLqfK31ruAtS4ERrbU3n/Imlb11iktrgZtmGtsUQsxOt3eNk8FjvdbgxOfT09zjCGArtmuttNZ/rLX+M+Bs4AvAauCbk8pcSHmzkdy4ceOlgOnkr49+9KMmHo+bj370oy2vS5S/uuzvYV66etZYKbUceAa4R2t9Vp3rl2KXw3xZa/3Redw/DuzALsdZrbXep5TKAXmt9fI6rz8ZeAC4Umv9urmWN+E+Wzdu3HjCL37xi/neQohu5cznTd3eNR4BfKbuig5MeN2caa2rSql7sYFwA3at4SFghVLKqbNEZkHlCRGW6vaDVJ+o/8/QScZInnEkTjrR5Fq1TlcHQq11WSm1E1inlEporSuTXrIheHx4qnsopVYDG4HHtdZ767ykJ3gsBI+PAmuw43h75lqeEI3mj5UYuexa/NH6IzhOIkb2HaeTfctpda93o24fIwS4CTtud36daxdhxxVum+b97wR+C/z15AtKqV7gDOyWvdrExk3BY70lMhcFj7fOUGchGsYfzGNKVbxnxvHHis/9GsrjjxbxnhlvdTWbKgqB8NvB4+eDGWDg8M6SFwNXaa2fmOb9/4VdDvPeYIyv9v448E/YWeJ/01oXg0vfx06KfEIptXTC688B3gJs0VpPF3iFaCiTL4NvcOIusSP6n/PlDKTBN5j85M5Td+vqrjGA1voOpdRXgQ8C9yulrsB2Xd8M7Af+vPZapdQFwAXYYHVF8P4dSqm/Ab4E3KWU+jF2j/KF2IQKt2KX1dTK262U+gTwReABpdQPgX7g7UAFu/NEiJYxhQrGN+DWmVdwHTAGU4hWIIxCixDgQ8FXCbvl7iXY7W7naa13TnjdBcCngOfM6Gqt/xF4FXAH8HrgT7A/u78FXqa1zk96/Zewge8p4APApcCvgfO11neH/NmEmBNTrMAUgdBxHIxv7GsipKuXz3QrWT4jFqJ4/TbGvvRb/PESsSP6nnPNFCr4g3mSZ69l8ZfnvcKrlea1fCYqLUIhRMAUK2D8qbvGvsEUq82vWAtJIBQiYkypCj449f73OzJGKISIAFOoYoyxQW+yoEVIqd5W+e4lgVCIiDGlqSdLcAADxvcxlegEQwmEQkRNyYNpWoTGGBsMS9EZJ5RAKETEmFI1CIRTvMDBXi9Li1AI0aVM2bOpSKZYR3h4wkRahEKIrlWZpmtMEAx9ZIxQCNG9TMWzqUaka3yYBEIhIsZUPIwxtuVXj+PYyRJpEQohulbFn7FFaIyBqt/MWrWUBEIhIsbMMEZ4uEUogVAI0bWqM7cIQVqEQohu5vnM3DeWFqEQoosZbxYtQmOCgBkNEgiFiBovyEE6bSCc8LoIkEAoRNT4xrb4ZshhaqRFKIToVjMGuNpssi8tQiFEtzJMP0YItsUYoWM8JBAKETWzDXAyRiiE6Fqz7PJG6WA3CYRCiOeqzRpHiARCIaJqXgdfdicJhEKIyJNAKERURaz7Ox0JhEKI55p5rXXXkUAoRNTMMshNmbi1C0kgFCJq3Fn+t49JIBRCdKtafJt2jNCJVPdYAqEQEeO4MwS52hjhbFuOXSA6n1QIYbkzNQmD56VrLIToWjH38LkkdQUtQpksEUJ0L3c2Ac6BeHTCQ3Q+qRACACfuPpuOvx5jgjFCaREKIbrVbLvG8Vgza9VSEgiFiJjDLcJpX+RAIjrhITqfVAhhxWstwmm6xoATi054iM4nFUIAz3Z5p8y7aoIZY2kRCiG6VsK1gW6GyRJpEQohupaTiE2fhdpgu85JmSwRQnSrRGzaMUJTaxEmJBAKIbqUk5xli1ACoRCia03TIjS184zdIGBGhARCISLGScbsrpF6x3oefsqRQCiE6F7Tdo2NsTPKDpCMN7lmrSOBUIiIcVLxqSdLfAOug5OI2byFESGBUIioScZtkJuqa+wEwTJCJBAKETFOynaN666eMSZyawhBAqEQkTOrrrG0CIUQ3cxJxaeZNbYtQgmEQojulp66RWh8g+OCk5ZAKIToYk46Mf06QmkRCiG6nZOOT519pjZGKC1CIUQ3c9K1McI6F2uzxtIiFEJ0M9s1DvYVT1ZrEWYTza9YC0kgFCJiDi+f8c3zg2EtEEZoex1IIBQicpyM7Ro79fYbB3uNpUUohOhutX3EzvNnjo0fpOBKRysQRqv9K5rG83zuvedJ8vnygu7jOA5q03JWruoLqWbCcRyYagmND7hu5JbPROvTiqbZuX2Qm2/aQalYXdB93JjLU0+O8NZ3nB5SzQQEM8f1ltDUdpZkohUapGssGuLQUIFK2aNU9jAwry/fQC5XZuhQof4Mp5i3Z5fQ1Jsska6xEKEYGy3ieYZUMk5Pb3Je9zDGUMhXKJerlEpV0hH7z9lITmaqrrHBcR17PUKkRSgaYnyshOf7uLH5J/d0HAfXBc8zjI2WQqydcFJ2d8nzWtq1rrHsLBFi4cbHy/ieIbbALMeu6+L7hlxuYZMu4rmmahEaScMlRHjyuQq+bxbUIgRwY44Ewgawi6p5zmTJsyfYOTZDTYRIIBSh831DsRgEwoW2CB0bCIuFhc0+i+equ9+4NkvlOJGbLJFAKEJXKlUxxgTDTQvtGttAWChUQqqdgCmSs044wU7GCIVYoGKxiu8bHGfhgdBxHUzQwhQhqreOsDY+GHdxYtEKDdH6tKIpSsUqxieU4yDtLjBDueSFUDNR46QSz89JGNET7EACoWiAcrmKbwzuAluDYMcIjW8olWSMMExOKmZTcT1njLB2gp0EQiEWrFz2MMZ2jRfKcR2MQVqEIXOSsed3jWtrCCN2lCdIIBQNUC559v9USF1jYwyVigTCUCXrjRFit9dJIBRi4cqVoEUYwr1qux/KZQmEYXISbrCOcMKTET3cHSQQigaolL3gWMgwWoQOvrHBVYQo8fyucS0OOnEJhEIsWKXihbKGECZ0jctVyUATIifuBj/cic8GkTARvbAQvU8sGq5csrPGoUyWOA7GB9+HarXesWtiXuKx522xqwVFaREKEYJSyXaNw1g+U7uFkbWEoXLi7vN/UdX6xvEwRnc7iwRCETq7xS6sWWMHJzh6UnaXhMh1gMldY/tUKE35DiOBUITucMKFkP5DHU68sMC0/2KCw381dbrGIfwC6zQSCEXoCvlwMs/USOKFBnAdplzfJIFQiIUxxpALchGG1bKoBcLcuOQkDE9t8LW1tWgXEghFqEqlKpWKzT4TW2BS1ho35uJ7kpw1VMYcTrLw/GvNrkzrSSAUoRobLeF5BtcNZx0hQMx18Dyf0ZFiKPcTTFg28/y/IzP5QKcIkEAoQjUyUsTzfGIh5rOLxVw8zzA8XAjtnpHn1dJRT1DbcudHb71mZPLtKKV+H/gIoIA8cB1wmdZ69yzf/1Lgr4BzgF7gKeBq4DNa6wOTXvtK4NppbneW1vqeOX+IDnBoMI9XDTkQxl2qnn/4fOOwWppRZqq+bRRO/FHWttxVo9cijEQgVEp9Dvg48DDwVWAd8FbgFUqps7XWj8/w/vcA3wYKwE+B/cALgT8FLlVKvVBr/fSEt5wWPH4H2FPnlk/N/9O0t8GDOapVn1g8zBahg+/ZnIRjoyX6B9Kh3TuyPP/w+SSTmWr0Fq53fSBUSp2KDYK3AhdprcvB8z/CBrUvA6+Z5v2LgX8GxrEtOT3h2meATwL/ALx7wttqgfAyrfW+8D5N+3vmmXGqVZ+eELMcO45DPO5Srfo888y4BMIQmFI12Eky4cngWAQimOknCmOEHw4eP1MLggBa658BNwOXKKWOnOb9rwL6gG9ODIKBzwIl4NJJz58KHIhaECwUKgwPFahWfeKJcPerxhMulYrH0/vGQr1vZJW8Z7fUBZxg77GRQNiVLgSq2KA32Q3Y34kvneb9jwCXAT+pc80DKtgxQwCUUhngWOD+eda3Yz315AiVio8bc0JbTF2TSMSolD2eenI01PtGlSlWDh/WdFhwvKeJ4ML1ru4aK6WSwFHALq11qc5LdgaPm6a6h9b6XuDeKS6/EhsEJ14/BYgBY0qpbwAvB1YA24CvA1/VWnflaPTe3cOUyx7JRPj/rJLJGONjJZ7eN0qpVCUVwQOGwmQKdQJhMFkigbD7LMG2+A5NcX0keFw01xsrpQaAfwq+/dcJl04NHl8P3A38CFgGvBr4F+BcpdQ7ZxMMlVJbp7i0Ya71bTRjDI8/PkS5VCWbTYZ+/1jMxXUdymWPPbuHOfa4ZaGXESV+vvz85LmuA56PyZUjNzvf7YGw9j+yXmtw4vNzGn1XSvUBv8B2ga/FzijXpLAtze9orf9+wnuWY7vibw/e8/25lNnuDh7MHR4fTKYak88ulYpTKlXZuX1QAuECmbGynTmeGAhjLsY3mKoPxSpkEq2rYJN1eyCsrcCdqomSCh7HZ3tDpdQqbBA8A7gLeMvE1p3W+l+wLb/n0FofUEp9DLt+8V3MIhBqrU+cog5bgRNmW+dm2KYPUipVSSZjDWtJpFJxRkeL7NwxSLXqEY9gAtGwmLGi7RpPnNSqpeDyDf5YiViEAmG3T5aMYM/mmqrrOzDhdTNSSp0MbMYGwRuB39Vaz2Uac3Pw2HZd24XwfcOjjzxDsVAhlW7c79Z4kEI+lyuzc/tUox1iNvyRom0RxibOGjs4Mds99keitYunqwNhsFxmJ7BOKVXv11stID08072UUhdi1yKuxbbmLq4XBJVSpyilflcpVa9Z1BM8dtW/sr17hm232PMbOonhOA7pdJxCocLWh56e+Q1iSv5wAeMZnMk7gGIuxvPxh7rqn+iMujoQBm7Cdo3Pr3PtIuz6+tumu4FS6sXAz4F+4PNa63dNXJM4yeXY7u+Zda79TvC4uc61jvXAlqco5Cuk04mGD7CnMwlKxSq7dw1xaDDf0LK6lTEG/1Aeqj5M3gEUd6HqYw5JIOw2tYmMzwdr/ABQSr0eeDFwldb6ianerJRaip35zQCf1FpfNkN5lweP/ytYvlO7z1HA/8KuPfzKnD9FmxoaKrBzxyCFQoVME8aUYjGXZDJGoVDhvnufbHh53ciMlTClKsbzYVKL0Im7mKqPdzDXotq1RrdPlqC1vkMp9VXgg8D9SqkrgDXAm7F7hv+89lql1AXABcAWrfUVwdMfA1YBw0BcKfXpKYr6jNbaB76E3Y1yEfCgUuoa7DKe12LHJD+itb4vzM/YSvds3ks+XyGRjBEPcX/xdDLZJKOjRR5+aD/nnLuO3t7UzG8Sh/kHclD1cWLu85Pnxl2o+PgHZj1/2BW6PhAGPgQ8CvwxdsvdILbl9j+11jsnvO4C4FPAd4FaILw4eFwUXJvK3wO+1jofBNS/At4G/A9stpu7gP+ttb4hhM/TFkaGCzyydT/5XIWBJu7/TSZjxFyHXK7Mf9/9BC95aVfNPTWct38MU/Hrn1+ciGHyFbz90drKGIlAGCxv+QozdEm11p8GPj3pudPnUV4R+Ezw1bXuumMPuVyZeNwlkWzuUpae3iSjoyUe2LKP0884UhIxzIG3bwwq3nOXzgScuIupePj7o9UijMIYoWiAA8+M8/DW/eRzZXp6w99JMpNEIkYs5jI+XuKO22aVUlIEvKdGMBUPp15ijETMzhqPFvEjlAhXAqGYM2MMN9+0k1yuTCIZJxFyppnZcByH3t4kuVyZRx7ez76nJBnDbHl7h22GmTqteMd1cOIxqHh4T85qeW1XkEAo5mybPsjuXUMUChV6W9AarEkkYqRSccbHy/z2NzvwI3jWxlwZz8d7YgTKU7QIAZIxTNmjume4uZVrIQmEYk6KxSq/vWkHY6MlstlkqCn556O3N0mxWOHJJ0Z48P5IpX+cF++pUUyhgjGm/mQJ4CRjmFIV7/Ho7N6RQCjm5PZbHrfnkvg+2Wzr96K6rktvT4rR0RK33bqLsbGp8msIAG/nIUzJw5luT3gqbluEEggXRim1Sil1sVLqHcH3K5VSkZih7mZ7dg9x/5Z9jI+V6OtLt02apnQmjoNdznPjr7fZ1o6oq7L9AKZUwZlmK6STikOpSnX3kE3gGgGhBkKl1Gql1NXAk9gtad8NLv0RsCvYrys6UKlU5frrtjE2ViSVSpBs8nKZ6TiOQ19/mlyuzI5tg2x9aH+rq9S2qtsOYopVmCY5hhN3bXquYpXqzmi0CkMLhEqpZcDt2ASkW4AHePZomBKwGrhaKXVSWGWK5rn5Nzs58Mw41YrfkuUyM4nHXXqySUZGi9z8mx1yBnIdplCx3d1SddoWIWC7x6UKlUeeaU7lWizMFuEnsMdkvltrfSbP7sxAa/1F7BazJPA3IZYpmuAxfYCHHrBd4v7+dOjnkYQlk03gODA8VOBX12g8L3oHlU+nop+BQgViztQzxgEnk8AUqlQfjkaWnzAD4WuBa7TW36t3UWt9NfZA9HpZYESbGhkpcsOvtzEyWiSdSTR9B8lcOI5Df3+afKHC3j3D3HVHvSOlo6vy0H5MoYKTnnmSy8nEMYUKlUcPROJUuzAD4Wpsd3g6jwFHhFimaCDP8/nVNZqhQwUw0NPTfl3iyWIxl76+FCMjRTbfuYc9u4daXaW2Ubn/KXsw02yyBAUtRjNeoqq7v3scZiAcZObMyyp4negAd9y2mz27hyjky/QPtM8s8UzSaTuZMzpS5FfXaHK5qVJHRoc/XKC6cxBTqOLMIhA6jgPZBCZfprzlqSbUsLXCDIQ3AK9TSp1W76JS6lzgEuA3IZYpGmTXzkPcfddeRkaK9PWlW75weq76+lJ4nuHgwRy/ukZHftdJ+d4n7WxxMmZnhWfBySbw8xUqEcj7GOa/7s8AZeBWpdSXCDI0K6XeGHx/Q3D9CyGWKRpgbLTIL6/VjI4USaXiDT2HpFEcx6F/wC6p2bljkM13Rnu8sHz3HkyujDOHRfBOJmGX0OwewuvyvdyhBUKt9Tbs0pkRbLLTS7DLZ34YfJ8H3qi1nuqsXtEGPM/nmp8/yqHBPL4xLd1LvFDxuEtfb4rRkSJ33r6b3buiOV5oChUqW/bZQDiHcV4n5kI6brvHd3f3L5JQ+zta65uBo7HZn78IfBN7CPrvA+u11teGWZ4I3603P354XHCgg8YFp5LO2PHCkZEiv7rmUcYjuAWvfM8T+GNFu0h6jrP+Tm8SkytTum1XYyrXJkLr8yil/gO4WWv9NeAnwZfoINv0Ae695wlGR0r09XfeuOBUevtSDB0qMHgwzzU/f5Tfe/PJXfPZZqN0++OY8TJOb3LOv9icniT+wTzV7YN4T40SW93foFq2Vpj/Gl4HzDmbs2gPQ0MFfv2rxxgZKZLOxBt6LGezOY7DwECafL7Mnl1D3H7rrlZXqWn80SKVe5+03eJ5DHM4MRcycUyuROmWnTO/oUOFGQi7ezS1i1WrPtf+/BGGgrNsO2G94FzF4i59fWlGRorcs/kJdu6Ixiqu0m278MdKEHdxkvP75eb0pfDHypRu3onp0tn3MAPh/wTepZR6n1JqIMT7iga75aadPPnECMVChf7+zh8XnEoqbWfAR0eKXPfLxxgbLba6Sg1ljKF043bMWAmnb/4n/TnZJKZcxXtyhMpD3bnlLsz+z6XAGPA14GtKqSHsTPFkRmt9VIjligXYvu0gW+57ktGRYleNC06ltzfJ0FCBocE81/5C88a3nNK2e6cXqrr9INXtBzGFCu7ynnnfx3Ed3N4U/miJ0vWPkTyl+zaHhfmv/hJgBXbJjIM9y3dNna+1IZYpFmBstMj1v3qMkZES6Uyiq8YFp/Kc8cLdQ129H7n4q8fwR0vQk7RjfQvg9KcwYyVKd+7BH6rXvulsof3L11p3d1Oiy/i+4bpfPsbQoQLGmK4cF5xKLObS22fXF26+cw9HrV/M6iO7azbUHy5QvvVxzFgRd2Xvgu/npOKQcDGjRYrXPUb2LXU3kHUsCV4RteXeJ9n1+CFy+XJXjwtOJZ1OkEjEgvFCTbnLMqwUr9+GP1yEmAshtfSdgTT+SJHirx/ruow0ofeFgj3F78cupenBJll4EPiu1vrWsMsTc3doMM/tt+5idKRIb2+K+Cz3nnYbu74wzzP7x7ntlsd56UUbW12lUJiyR/GXj+KPFHBCXBTv9CQxg3m8p8cp3bKT9EXHhnLfdhB2qv7LgFuBdwOnYLPRnA38IfBbpdQnwyxPzJ3vG66/zq4XdGMu6Q7cRxwW13Xo608xNlpiy71P8cTe7ji+svTbHXhPj4Hnz2vt4FQcx8EZSGOGCxSu2tpVS2nCTNX/KuCz2PNK3gMcA6SAVcDbgV3Ap5VSLwurTDF3D96/j717hikWKvT1pSLXJZ4smYyTSsUYHytx46+3U612dlZr4/kUrtyKGS7gLAp/yMPpT2OKFbxdQ5Q3d89EU5jNgT/DJlz4Ha31rgnPPwNcrpS6E7gP+AhwfYjlilnK58rcftsuRkdLZHtafyZxu+jpTXFoMM/+/WPce88TnP3Cda2u0ryVb92Ft2cIU/JwV/aFfn/Hta1Cf6hA4b8eJHnOuq74ZRrm/4QXAFdNCoKHBc9fBZwTYpliDm6/bRcjw3YRcWY2WYojwnUdevuSjI2VuPuuvR17NrLxDfn/egB/KGgNNmh9pDOQxs+XqT52gMo9TzSkjGYLMxCmgZnyHA0DC5/LF3N28ECOrQ8+TW68RF+vdIknS6XiuI7D2GiRO2/b3erqzEvp5p14uw5hihWc/nTDynFiLm6/bRXmf7ilK8YKwwyEO4ALlVJ176mUigEXAo+HWKaYpTtu20VuvEwiEWvrA5haxXEcevtS5HJlHt76NIMHc62u0pyYikfhx/fjHyrgLMo0rDVY4yyqtQoPUr5jV0PLaoYwA+EPgZOAf1VKPWdjY7D3+JvACcCPQixTzMIz+8fZsX2QfL5CT+/895x2u0QiRiIRI5ersPmuva2uzpwUr99GdfcwplRtaGuwxom5uIvS+EN58pdvwXT4JFOYkyVfBN6AXUP4JqXUXdjJkyOxS2n6safcfTHEMsUs/Pc9T5DPl0ml4pFdMzhb2Z4kI8MFHnv0AOe9aD0DA40PKgvl58tBazCHs7jxrcEaZyCDv2eY6q4hir9+jMzFm5pSbiOEmaq/CLwEm3QhCbwSeAvwImzA/Tp2Rrn7Niq2sfGxEtv0AQr5Cpk5nFcRVYlEjHg8RqFQ4f77OuP0tuKVW/H2jYFncPqb1+J3XAdncQZ/MGcDcQefFhh2qv5RrfUHsAkXTsYGwVOARVrrP9FaS87CJtv60NMUChVicZdEQsYGZyOTTVDIV3hk6/62X1foHRincOVW/EN5nKXZpk+COf0p8AzevjEKP32wqWWHKeydJY5S6jXA6VrrrVrr27XWDwH/Vyn1xjDLEjMzxvDow89QKFTIpKU1OFvJZAzfGMbHSux6/FCrqzOt/PfvxR/M2cSrLWjxO46DuzSLP5in+ItH7I6WDhTmzpI08HPgZ9jT7GrPZ7Fb7H6olLo8mD0WTXDgQI5Dh/JUKz7JCKTYCovjOKRTcYrFKtseO9jq6kyp8vB+SrfsxB8q4LagNXhYNgFJF+9gjtx372lNHRYozBbhnwEXA1cCP6g9GYwJngL8GHgT8LEQyxTTeHznIUolj2Qy1rXJRxsllY5TKlXZ/fihtjwc3ng+uW9vxh/M4/SmbJqsFqm1Cs1wgfKduynf13kHwocZCN8B3K21foPW+tGJF7TWD2mt3wpsAd4bYpliGnt3D1EuVaU1OA/xuItvDPl8hWf2t193r3jdY1T0AUy+jLMk0+rq4CTj9myTwTy579zdcWm6wgyE64GbZnjNjdhzj0WDeZ7P00+PUan4MkkyD47jkEjEqFQ89j3VXoHQHy6Q/8F9+AdzOIuzC84+HRZnSRZTqFDdOUK5oqgAACAASURBVEjh6odbXZ05CfsUu5mC3JHAeIhliikMHSpQKXkYY4jFpFs8HzYQ+jyzv73+yeb+33/jB5MSzVwuMxPHdXCWZvEP2OU03jPt9XObTpiB8GbgtUqps+pdVEqdij37WJKzNsGhQ3mqnk887sq+4nmKx1y8qs/QofZZ+lp5cB+lm7bjH8rjLutpu79bpzcJ8WDi5Jt3YUz7ja/WE+bg0f/GBroblFLfAO7A7iwZwGaceR8QAz4fYpliCmOjJTzPSKqtBYjFHDzPZ7RNjv00ZY/xb9yFfzCP05fCacOkuo7j4C7rwX9yhPLmvZTv3EPq3PY/tDLMnSX3Am8DytgZ5B8CvwweP4Y92e4dWuvNYZUpppbLlfF9X2aLF8CNufi+oVCo4nmtX1hd+NmDVHcM2uwyi1s/QTIVJxmzqboOjtuZ7Q7YcRL2zpKfYSdN3optIX4L+DJ2pnid1vonYZYnplYuV/F9mrbvtBs5DtienaFSae0saHXvMIWfPmgnSJa2zwTJVJxFGUzFx9s7TP4/72t1dWYUettaaz2OzTAjWWZayKsaMKbtxpA6Se1nZwwt3WpnfEPua3fiHchBIobTAUevOq6Du7wHf/84xWsfJfXio0lsWtHqak2pEafYrdJaPz3h+7dhkzHsAL6utR4Ju0xRRy3+hThWPT7e/ocb9fYuash9W/kLpXT9Y1Qe2IcZLeKuGeiYX25OJoGTTeAP5sh97U4G/uHVOG2aCzO0QKiUSgD/DrxVKbVYaz2qlPoL4B949r/lHyqlztVaz5TJWixQbbY4zEm7T3z6NeHdrEH+6Us3h3av2oyn49Cy9GXeYI7c9+7FOzCOsySD02FrQp2lWfy9I1S2HaBw5UNk33Rqq6tUV5h/ux/DTpY8AmSVUnHgb4Ac9njPzwDHAh8PsUwxhVQqjuM6+B2yfKEd+b7BcZ5dXN0KuW/fPWHNYPvnRpzMibk4y4K1hT95kOoT7dmrCDMQvhXYis088zTwO9h0XN/TWn9Pa/1p7Czy60IsU0wh25PAdZ223CfbKXzf4MYcstlkS2bfS3fupnzbLvyhPO7y9lszOFtOTxISMbwD4+S+dmdbnnESZiDcCPxSa10Jvn85doTqmgmveQBYE2KZYgp9vSliMQe/DZZ9dCrfM8Rcl96+5k9O+LkyuW9txj84jjOQbmlShYWyawuzmNEilfv3Ubr+sVZX6XnC/OmWeXYsEOB3AQ+746RmMfYkO9FgixZniMVcqp6PCWn2+O8/fVUINescVc8nFnNYtKj5a/by/3Ev3t5hTMXHXdm+awZny0nEcJZkbavwe/eSfMFa3CXZVlfrsDAD4aPAy4JT7E4CTgNu0VqPASillgGvx44higZbvCRjB/iN7eKFsd+4UTOy7cqr+iSSMZYua+5/2Moj+yn+UuMP5nFX9nbNWlCnP4UZK+E/PUbu25vp+4sLWl2lw8LsGv87Nu+gBn4bPPd1AKXUu4H7gGXAV0IsU0whHo+xeEmWeNxt+3Tz7apS9YjHXZYt62lamabikfv6XfiDOZxsAifTPZnFHSdYWziUp3TbLsr3tM9JgWFusfs68Cns3mIP+Hut9X8Gl48BlgJ/LbtLmmflqt7DqaTE3Pi+wfMM8bjLylV9TSu3cPXDVLYdwOQrOEvbp+sYFicVx+lP4x/MMf6tzZhiZeY3NUGoI7Ba688Cn61z6WvAl2rdZNEcR6zuJ5GMkc+3/17PdlOpeCTiLosXZ8g2aSeHt3+Mwo/uxz/QGdvo5stZnMHfO4y3e4j8jx+g511ntrpK4e8sqUdr3RnnInaZNWsGSCRiVCvhTZhERaXskUjGWL1moGll5r5zN97B4CCm3vbfRjdfjhtkqDmYo3DVVlIvOYb4usUtrVN3/soRgJ057h9IEYu7VDosdXqrlcv2rJd165ozQVS+x6asMsOFtswzGDanJwmpuE3t/63NLc9bKIGwizmOw7qjFpNMxihJIJw1z/PxPJ9kMsbaJgRCU/bIfeduO0HSn27b/bhhc5cGawu3PEX51l2trUtLSxcNt/7oJaRSccqlaqur0jFqrcFVq/qbMj5YuPphqruGMKVqW+cZDJuTiOEsytikDN//75ZOnEgg7HJHHbWIVCqOMUaW0cxSKTj5b/2GJQ0vyxvMUfjpA7Y1uCTbNWsGZ8sZSGMqHt7eYQpXPNSyeoR5wPsblFKrwrqfCEcyFWftukUkU/acXjE93zdUyh6pVJxjmhAIC5dvwT+QA9fp6gmSqTiug7OkB38wT+HKrXiDuZbUI8wW4f/FZqQWbWbDsUtJSSCclXLZI55wWbIk0/CF1NVdhyjeuB1/qIC7tPsnSKbi9CQg5uAP5sn/YEtL6hBmIOwDHgzxfiIkGzYsJZ2O41X9tjh7o52VSlXSqTgbjl3W8MCU/4/78IcKkIm35UFMzeI4Du7SHvyhAqXfbKe6u/npSsMMhFcDb1BKNb4/IeYk25PkyDUDtlVYlFbhVIwxlEtVUuk4x6plDS2r8sh+yvfstVmn2yj5QKs46Tik4/bw+h/d3/Tyw/w1dA02B+FOpdSNwE6g3oGwRmv9qRDLFbNwnFrOzu2DjOfKTdsp0WlKpSrxhMviJVlWrOhtaFn5y7fgDxdwepMdl3W6UdwlGfwnRynfsZvqjkHiG5Y2rewwA+F3Jvx5uuSrBrsnWTTRhmOXkkrHGRktUq36LUs9385KxSrpdIJjj2tst7jyyH57BslYCXdt83autDsnGYeepG0V/vRB+v/ygqaVHWYgfG+I9xIhy2aTrDtqMSMjRdvyiUurcCLfN5TLHn39aY7btLyhZRV+9tCzrcG4tAYnchdl7OHwd+6muneY+Nrm7OwJLRBqrb8b1r1EYxy3aTnbHjvA2FiJbDYR2VnKekqlKolEjGXLexo6W1zdM0T5nidsa7CJ+5g7hZOMQSaBP1KkeNVWej94flPKbUj/SCm1Sil1sVLqHcH3K4PDnEQLbdy4lEwmgfFbe05vOyoVq6QzcdSm5Q39BVG85lHMWBEyCRkbnIK7KI0ZLVK69XH8kWJzygzzZkqp1Uqpq4EngZ8DtVbiHwG7lFIXhlmemJtkKs7RxywhlZbZ44l836dSsYuoG9kt9sdLlG7eiT9SxB3ovBPpmiYVh5iLP1ykeP22phQZ5s6SZcDtwKuBLdiDmmq/WkvAauBqpdRJYZUp5k4dv4J0Ok6xVG15xo92USxWSSZjHHFEf0PPJynd8jj+cAFcByK8bnAmjuPgDKTxR4uUbtzelFPvwmwRfgJYB7xba30mcEXtgtb6i8BrgST2rGPRIuuPXkJPTxIHqFSkewy1bnECdXxjJ0lKv9mOGSvh9KdkfHYGTk8SU6riPTlM9ZH9DS8vzED4WuAarfX36l3UWl+NXXTdnNFPUVc87rLx2GWk03FKbZImvZU8z6da9Umn4xx7XOMCYfWJYarbB20K/t5Uw8rpFo7r4Pam8MdKlH67s+HlhRkIV2O7w9N5DDgixDLFPKjjl5NOJyhJ95hi0e4kWbtuET0NTHpQvnMPJle22+m6NAV/2JzeJGa8TGnzHkyDJ/fC/BsZBDbM8BoVvE600Jq1i+jrT+G6LuUIJ2w1xgSLqBs7SQJQvmsPJleymZnF7KTj4BvMUIHKw43tHocZCG8AXqeUOq3eRaXUucAlwG9CLFPMg+s6HKuWk85Ee/bYq/r4viGTSbBhY+P2FvvDBao7BzGFqgTCOXAcByebwOTLVO5v7LFHYQbCzwBl4Fal1JeAMwGUUm8Mvr8huP6FEMsU86Q2LT+cmiuq3eNikGBh/dFLSDdwFrdy/z5MsQrJmHSL5yqbwM9XqDywr6HFhHmu8Tbs0pkR4M+xrT8H+GHwfR54o9Z6a1hlivlbdUTf4QPgo5insJnd4soj+zGFSlcd1t4sTjoBxSrVxw/h5xp3LG3Y5xrfrJQ6GjuD/AJgMTAG3AdcobUeD7M8MX+O43CcWsb+p8cOJxuIkmqwdCjbk+ToYxqbOa66Y9CeR9Ivi6jnyom7EHegXKW6Y5DkKY2Zaw0tECqlfge4VWtdBn4cfIk2pjatYPOdexkfK+H7BjdC52XUusUbNi4l0cCtbqZctYlGS1WctGypm5dUHFPqkEAI3AQMKqV+AVwJXKe1bs0BBGJWli3vYfmKHkZHbUaaTES6brVu8aLFaVSDu8XevjGoBDPzMj44L04yjil7eE+ONKyMMAPhF4BXAb8PvAsoBwlarwSu1lo3drRTzIvatIInnxihWIhOICyXPVzXobcv1fBzi719o5iKB4lYaLtJDpZGQ7lPIy1L9Yd3s4QLxSr+vsZ97jDTcF0GXKaUOgI7afIq4CLgYuBflVL3YoPiVVprOdukTRy3aTm33fI4Y6MlPM8nFoFWy+FJErW84Z/XP5izLcJEeOUcf/WHQrtXoxx4Y3hZ+Zx4DL/i4R1sXAcz9DUDQcvvm8A3lVIJ4MXYwPhe7BKbv2tEuTNRSv0+8BHsou48cB1wmdZ69yzfvw5b/4uApdhdMl/VWn9jite/Gvhb4GTAA24BPqm1nmn3TVMNDKRZfeQAo6MlSqUq2Wx3r3MzxlAqVenpzaI2rWh8eWMljGdk2cxCxBy7sHqshDGmIfu0G/a3o5Q6CngH8B7gzcAi7HKapm9wVUp9DpsSLA18Fbum8a3APcEs90zvPwq4A3g7dkH4V4Ae4OtKqX+s8/o/wqYhWwN8A/gZ8LvAnUqps8P4TGHadPxym5EmAourbXZuey7JEav7Gl6eP1oCz7cZZ8T8xFyM52PKHjTo32iYs8argZdO+FqPDXwecC/wPWwAui2sMmdZr1OBjwO3AhcFs9oopX4E/BT4MvCaGW7z/2H3Ur9aa31N8P5PATcCf6aU+k+t9X8Hz68E/hnYBpyltR4Jnv86cDPwDaXUaVrrtlnFfKxazk037mAsAueZFGuZZhqcgLXG1CZKJBDO34Qfnan6NOInGWYXdW/wWMUmX7gaGyhu0lq3cnT3w8HjZ2pBEEBr/TOl1M3AJUqpI7XWT9Z7c9AafB1wey0IBu8vKKU+jv2Mfwy8P7j0fmzL84u1IBi8/i6l1OXYyaRzsbkb20Imk+DoY5YwOlqiWKzQ26XZUXzfp1L2GBhIs+mExneLbaHGHlcWokcu/Zdwb9gpjLGt6wYIMxB6wf084BCwL/gaC7GM+bgQG5xvrnPtBuwRpC8Fvj/F+y/A/k66oc61W7HbBidm3q79ud7rb8AGwgtpo0AIsOn4FehHDzAyUrT5CrswX14tAeuqI/pY0qyzhBvwYwx1RrbTNOjfZZh9oMXYbXX/hu1GfgG4EziklLpSKfURpdTJIZY3I6VUEjgK2Ku1LtV5SS3R2aZpbnNc8Lh98gWtdQXbEj46KKv2+ipQbxJmNuW1xNEbltLbm8RxoFLpzow0tW7xphNWNq1MJ5Ow3eImZFnuWr6x8c91GrZNMczlMznsIe+1MbRVwMuws6wXYIMkSqkDWutVYZU7gyXY38mHprhe67pOt5isdsr0dPdwgX7gYPD6Ea11vWgym/IOU0pNtS97pnRncxaPuxy3aQVDhwoUC1WSye5KJV+teviezTTT6EXUEznpIBA2qEsXCb4Bx8Fx3VCXIU3UsFFxrfXTwH8AXwP+HdtCcoDm/Su0RwOAPTOlntrz020Cnes9kgssr2VOOHGFTc1VquJ3WQumULBrB4/ZsKSpC8fdJRmcmNvwxKJdzfMh7tqfZYO6xqH/2g8mF14BvBw7FjaADYB7sEtXrg67zGkUgsepFsfVZgWmSwYx13sUFljeYVrrE+s9H7QUT5jNPeZi5ao+li/vPbymsFt2mtgtdRUWLc5wwonN6xYDuEt7bCtGAuG8maqPE4/Zn2WDhLl85ivY4LcBG/gMsBkb+K5u0W6SEcBn6q7owITXTaXWJZ7uHgaozYwfAlYopZw6S2RmU17LOI7DiSev4qmnRsnlyl0TCEulKrGYy6LFGY46urGZZiaLrezDScQwFa9hi4G7XrAzx13Z27Aiwuwa/w/seSRXAn8IHKG1Pldr/flWbakLlsvsBNYFu1wmq421PTzNbR6d9NrDgnuutUVpf8Lrk8Hz8ymvpTadsIJMNoHvma6ZNKntoz7hxJVNz7ATO7LfJmQFGSecJ1P2cJIx4g3cFx5mIHwVsFRr/Qat9Xe01s+EeO+FuAkbmOqdnncRtjU33SLv3wavqXc4/YuDe986qTymeP1FweOtda61hUwmwbHHLiOdiVMsdP4pd9WqPbw9nUlw4knNmqN7lpOIEV89AMk4lLrjF0vTlTxIxokdtbhhRYSZofqXWuuyUmqdUupTSqkrlFK/VkpdrpS6bDZb2Rrk28Hj55VSh0/vVkq9HhvIrtJaPzHVm4Nr1wEvUUq9bsL7M8Dngm+/OuEt38dOinxCKbV0wuvPAd4CbNFaN3V3zVyddMoRZDIJisXOnzQpFCqkgwXj/QOtmaOKq+U46bhN1y/mxFR9qPo46TjxYxs3zxrqZIlS6t3YdYRJnruU9M3YwPABrfW/h1nmTLTWdyilvgp8ELhfKXUFdg/wm4H92GMEAFBKXYBd6rNFa33FhNt8GLvX+CfB1rwnsLtNjsXuINkyobzdSqlPAF8EHlBK/RC7tObt2H3W76fNHbmmnxUrehkfsztNOjURgzGGYqHCkqVZTjm1dafIxo9fgZNO4A/nW1aHTmWKFUjHiR+1GLeBB1+F1iIMTqn7JvY/+99hu4YKeCF2r28em6TgrLDKnIMPBV8lbFB7CXA5cJ7WeuLp0RcAn8IGucO01o9hP8d/YWfEPwjkgPcBfz25MK31l7CB7yngA8ClwK+B87XWd4f4uRrCcRxOPX01mWyCQr7SsYc7FYtVEokYS5dlWbe+cd2qmSROWImTsV1jI+OEc5O3Z70kGrwIPswW4d9gg+DvTGwhBTYrpa7F7jT5GDbzS9MEs7dfCb6me92ngU9PcW0btms72zJ/APxg1pVsM5uOX8FttzzO+FiZctkjleqsBdbGGPL5Mn29KU45dXVLjyGILe8lftRivKfHMPkKTl937uUOmzEGU6gQG8iQOHNNQ8sKc7LkfODKOkEQAK31/cAV2L29os0lkjE7VphNkM933qRJ7eD6nr4UJ57U3LWD9STOXIPbk8Q08CS2rhOcrugMpEkc39i/wzADYR+2Kzidp7B7kkUHOPX01WSzCbxg5rWTFPJ2bPOkk1eRbIPWbOq89Tg9SUy+gunwCahmMeNlnN4UybPW4iQbe/BVmIFwD3DeDK85H6ib7kq0n76+FGrTio5rFVYqHtWqTyab4LTTV7e6OgDE1i8mtnaRnT2WVuGMjDGY8TJub5LUeesbXl6YgfBK4OxgxvQ5lFIxpdRngbOC14kOccYLjiSbTVAuVfE6ZJtYPl8hk02wadOKli2ZmcxxHFIvOQa3L4UZnWorujgsX4GYi7u8l0QTZvzD7DN8DngT8HdKqbdjFxaPAEdiW4pHY1NWfT7EMkWDLV/Ry9HHLCE3XraTD21+SHm16lMuV+nv7+GMs45sdXWeI3XBBvKXb4GDucO7JUR9/mgJtz9F6oINOA08d7omzAXVQ9iu73XYfHt/gl1a8k7gGOzykd/RWg+GVaZojhecvZZsj11g7bX58o983u6RPmbDUpYvb9ze1PmILe0h+YI1OH0pzGix1dVpW6biQdHOrqcv3NiUMkMdRQ52YVwcHOl5BjbJwChw31Sp8EX7O3LNAGvXLQpahRX62nT5h+f5lIpVli7r4ewX1tvq3Xrpi4+nfMceqk8M4yzOyOl2dZiRIk5fiuQZa4gdOTDzG0LQkOm04EjPXzTi3qI1zn7hOvbsHubQYJ5sNtGW5x/ng4w5649ezKoj2jOdfeLkVcSPWYI/mMOMlXAWZWZ+U4QYz8cfKxFfM0D6kuObVu6CAqFSagV2AfKlwDLs1rMfAZ8PMlaLLrF23SLWrF1EPteerULP8ykWqyxdluWcc49qdXWm5DgO6decSGXbQfynxzD9aRw54e4wM1rEzSaIb1hG4pTmbYuc96/1IAhuxp7gdiQ26egG7A6T25VS7TVAIxbEcRxeeN46sj1JioVK240V5g63Bpew+sj2bA3WpF50NPG1iyAZw4zJDHKN8Q1mpIi7KEvmDSc1NXfjQvo3fwOsw2Zb2QRkgdOwZ5acBHxkwbUTbWXtukWsO2oR6UyCfK591hVWq3ZsMNuT5IXntW9rsMaJu2ReeyLu4ixmuCALrANmpIiTThA7ahHJc9c3teyFBMJXAndprd+ttX5Ma13UWj+ATViwnZkPTRcdxrYK19PTk6BYbJ9WYT5XJpNNsGHjUo5Y3d6twZrUSzcSXzMAiZjMIGPHBs1wAXdxluybTm36cMFCAuFa4JbJTwant/0am6JKdJk1awdYf7Q9ACk33vodEtWqR6lcpadDWoM1TjJG5o0n4y7JYoaLkW8VmpEiTjZBfMNSki9qfurShQTCDDYVVT0HsXuPRRc670XryfYkKZWrVFu822R8vExPNslxajkrGnimRSOkLthI/OgldtvdcGHmN3QpU/Xt2OCSLJm3ntaSyaOFBEIXm8K+HrPAe4s2tnJVH8epZWSzSXLjrRvsr5Q9qhWfbE+Sc8/vnNZgjRN3yb79dNsqHClG9shPM5TH6U2ROHEVybNbs/5TgpWYl3PPX09PT5JKpTWZaYwxjOdK9PQmOfHklSxekm16HcKQPGcdiRNX4fSmMIeil8HalKo2ucKSDNl3ntGyU/4kEIp5WbI0ywknraSnJ8H4eLnpWazLZQ/fM/T2JnlhG68bnInjOGTf8wLbKsyVMaXonGtijMEfzOMsypA6/+iG5xyczkJ3lrxOKbW+zvOnASilvl3nmtFa/+ECyxVt4IXnruPRh58hnx9vahZrYwy58TI9vUlOPX01vW22uHuuEsctJ/WSYyj+/BH8g3nc1X3ROP84X4GqT2xZD9l3ntHSqiz0X+5pwddU3lPnOYM991h0uL7+NKeevpo7bttFbrzctHT4ta54f3+aF7RoTCls2XecQfmuPfijRUzOJiTtZsY3+IM53KU9pF9zArGVrZ1bXUggfG9otRAd66xz1vLQg09TLFYZa2Kevd6+JC84ew2ZTKJpZTZSbFkPmd87mdy378Y/MI7JJrt6650ZKeIkYsTWLiL7+pNbXZ35B0Kt9XfDrIjoTJlMggteuoG7N+/Bb+Kk5+LFaU47vb3yDS5U5tITKd24ncpoETNUwFnamRNAMzEVDzNcIHbkAD3vOhOnDX6Ztf4wB9HxTjhpJSe0wQFJnc5Jxuh579mM/v31eE8MY/pSXZm81R/M4/SnSZy2muT561tdHUBmjYVoK8kXrCF57jqcRRn8g7mOPVN6KiZXhlIVd2mWnved0zaTQhIIhWgzPe89m9jyXqj6mDbYxhiWwxMky3rIvOZEm4GnTUggFKLNxFb0knnjKbjLezCDeUybJLdYKDNcwEnEia1bRPaNp7S6Os8hgVCINpS59ATiG5fhZBKYQ52/D9mUPbufeFkPPe85qy0mSCaSQChEG3KSMXrfdw7usixmvIQpdu6OE2MM/sEczqIMyReuI3nOulZX6XkkEArRphInrSL10o24S7IdPXFixsvg+cRW9NLzB2e3zQTJRBIIhWhjPe86Ezc4iKoTE7gaz8cM5nGX9ZJ986nEVrRnqjQJhEK0MXdRhp53nkFseS/mUKHjUnWZQ3mcbILEsctIX3JCq6szJQmEQrS51EXHkjhpFU5fCn+wcw6HNMUKJlfBXdpDzx+dgxNv33DTvjUTQgDguA497z8Hd2kPFKuYfPuvLbQTJHncJRnSF20kcUJ77zySQChEB4ivX0LmkuNxl/bgH8y3/RknZrQIDrhH9JN955mtrs6MJBAK0SEybz6V2NoBiLttfcaJqfqYQwViy3rpeecZuAPpVldpRhIIhegQbjZJz7tfQGxZjz3jpAVHJMyGP5jH6UsRP2klqQs74zBLCYRCdJDkeetJnLkGpz+NP9h+Z5yYQgUKFdwlWXr/8JyOyakoabiE6CCO49DzB2dReWgf3q4hqjsPtbpKkxhiy3pJv0IR37C01ZWZNQmEQnSY+JpFZN9wCvkf3z/1gbot5C7vIfu201tdjTmRQChEB8q+9TTSr1RtmZnG7Ut3XEJZCYRCdCh3UabVVegaMlkihIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEQojIk0AohIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEQojIk0AohIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEQojIk0AohIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEQojIk0AohIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEQojIk0AohIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEQojIk0AohIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEQojIk0AohIg8CYRCiMiLt7oCjaaUOg/4NHAmkADuBj6jtf7tHO6xAfgk8LvACmAIuBn4rNb6/kmvzQJjTP1L5i+11l+a48cQQjRQVwdCpdTFwFXYwPUfQAx4O3CjUuoNWusrZ3GPU7BBbwC4BngY2AC8HrhEKXWx1vo3E95yCjYI/iZ432S3z/8TCSEaoWsDoVIqBXwLGAHO1FrvDZ7/P8Bm4N+UUr/WWudnuNW/YoPg27XWP5hw/5cBvwK+pZTaqLX2g0unBY/fmPh6IUT76uYxwjcDRwBfqwVBAK31DuArwCrgddPdQCl1JHA+cN/koKa1vh64CTgaOGnCpVODx+d0mYUQ7aubA+GFweMNda7dMOk1U6kCfwn84xTXS8Fj34TnTgOKgJ5FHYUQbaBru8bAccHj9jrXdgaPm6a7gdZ6P1B3YkMptRJ4MTZYPhI8MBZ7uwAAFNBJREFU5wInA3uBjyul3g6sB54BfoKdpBmZ06cQQjRcNwfCpcHjoTrXasFo0QLu/89AL/B9rXWtjI1AD3As8D7gSmyr+0Lgz4FXKqVepLUemk0BSqmtU1zasIB6CyEm6ahAqJTaziyCgNbaAZLBt6U6L6k9l55nPb6MHYN8AvizCZeWY2eVHwXeqbUuBK9PYCdu3gV8ERskhRBtoqMCIbAD2xWdjULwmAQqk66lgsfxuRQeBLRvAO8GDgAXa60P1q5rrW8DTpz8Pq11RSn1p8AbgbcqpT6gtZ5cp+fRWj/vXkE9tgInzKXuQoipdVQg1Fq/Yg4vr3VXFwG5SdcGgsdZj9cppRYBPwMuwI4Bvlxr/ehs36+1HlVKaexkykpsa1II0QY6KhDO0aPAi7Bd6ScnXat1rx+ezY2UUmuxawaPB7YAr9ZaP1XndeuxkyMPTWwpTtATPBbqXBNCtEg3L5+5KXist0TmouDx1pluEswO34gNgtcBL64XBAN/hd1R8p4691mDXXO4U2s9OFO5Qojm6eZAeCUwCHxIKXVM7clg3/AHgaeB/5rFfb6PnQ2+FrhEaz3duOLlweNfKKVWTygzC3wd2wL/p7l8CCFE4znGmFbXoWGUUm8GfoAdC6ztDHkb0A+8QWt91YTXrse25Ia11v8UPPdybJcY7HKZqZa9/D+t9c7gPf8MfAgYBn6Mnah5JXAMdi3hWyZsx5vv59q6cePGE37xi18s5DZCdCNnPm/q5jFCtNY/UkoNAZ/AzvSWgfuon31mPfApYDfPttounnD9w9MUdSvBIm2t9YeVUpuxrc53BNcfAT4AfH2hQVAIEb6ubhF2K2kRCjGlebUIu3mMUAghZkUCoRAi8iQQCiEiTwKhECLyJBAKISJPAqEQIvIkEAohIk8CoRAi8iQQCiEiTwKhECLyJBAKISJPAqEQIvIkEAohIk8CoRAi8iQQCiEiTwKhECLyJBAKISJPAqEQIvIkEAohIk8CoRAi8iQQCiEiTwKhECLyJBAKISJPAqEQIvIkEAohIk8CoRAi8iQQCiEiTwKhECLyJBAKISJPAqEQIvIcY0yr6yDmSCk1mkwm+9atW9fqqgjRVrZv33611vo1c31fvBGVEQ2XL5fLbN++fW+rK7JAG4LHHS2thYj834O0CEXLKKW2AmitT2x1XaJM/h5kjFAIISQQCiGEBEIhRORJIBRCRJ4EQiFE5MmssRAi8qRFKISIPAmEQojIk0AohIg8CYRCiMiTQCiEiDwJhEKIyJNAKISIPAmEousppZxW10G0NwmEIgr6QAKimJoEQtHVlFIvAgaVUpdqrY0Ew4VTSrmTvu/4n6kEQtHtXgHEgCuVUq+UYLgwSilXa+0Hfz5fKRXTWnf8Pl0JhKKraa0/CXwh+PYaCYbzNykI/i1wBfDy4PuO/nlKIBRdRymVmPiotb4M+Ifg8jVKqYslGM7NpCD4d8DngKXAWoD/v70zj7KquvLwB1QhiqiYiERFjUZ3HIjEERTEAUVcRkCkHWIHlKBxjIrYioC0ijhFbduBrFZUAmpid7JsIWKbqJEMGDQSQeEXDEtjHHCAaERFRfqPfS5enhVShVXv1Xt3f2uxXtU59xXn3rXe7+1z9lTtVmEIYVBTmNn+wEwz207Sx2ZWByDpYj4Tw5khho2nRAQvB8YBs9J01zRe1c8xhDCoCcysTbIAJwH9gClm1k3SJyGG6086A8yL4CXAbcBk4B0+64BX1VpS1YsPggxJqyV9DHwH+C1wMDAtxLBpmNkWZtY5+13SqjR+GS6CtwJXAr8E3gc2KbmuKp9jCGFQMyTr5SXgBOD3QB9CDBuNmfUAngZOyYuhmZ0HjAVuBq6T9AqwEfAxfk6YXdcmOyvMnqWZtSvfHaw/IYRBzSBpVRLDl4GhhBg2lf7ANsD5wIlmtnkaXwT8O3CjpBfT2LvA20BXM+uYD6Mxs28BU81sg8xSbO2EEAY1xRcUw4HV7v38gtwEjAE6AJcCJ5jZppIeAq6RtCS7UNJKYHm6tj63NT4cGA98m+RRrgZCCIOaYz3E8Mr01unJuimcVZg8wx8ANwLXA3XABOAkM+uc5jKnVPZ8PgQ649tkzKw//sWyE7CHpBfKexfrTwhhUJM0UQzH4h/63pJWFNEqlPRpEsMPgRuAa3F9GIdbhl9K160GMiF8LV3Txcz6AlfhXuQDJc0v9z18EaKLXVDTJDFcZWbdgPuBfYHZwEmSXjaz+uRtLhx550ZurC59SbTDw2S+C7yKhyXdI2l57tqJwAXAaGAQsDf+ZfJsue6huQiLMKhp1mEZ3pUFXVd2heXHzLYzs61LnUNJGD9Jv/YAvg58gm9/L2VtBwr41rgezzLZB+hTjSIIIYRBAWhADLM4w1uy7XFRMLNdgfnA1XkxTNvizOvbGz8n7AUMBP4NPzPMHChZyMyi9Loa6Cnpj+W8l+YkhDCoKkpLQDWWEjE8CQ8IHpOzgIrCjsDfgGOA8Wa2TQpGz7JHeuMW3v7AgOQxvhMXxna4GB5vZhsDT6W5fSQ9V/5baT7ijDCoGkpyXvvj27c9gbeAGcATklak+c+df6Xx7MywroAiiJl1wCvGXAHsggvZeEmvm1mfNL4/0F/So9kZanrfKDzGcCXuUPkB0K4WjhdCCIOqoCRrYSx+QL8h8B6wWbrsVuAnkp5oyt8rGma2ATAAuAwXw9uBR4AzgQP5TATb5rzJnyYxPBcPN1qCW4LLG/5fqosQwqCqMLOzgf8ApgJ3S3rMzI4HLgK+AfwQOKcWrJSWpEQMd8dDYbbAHR5PZpZz7vpMDDcEzgBmSFIl1t4ShBAGVUMKgZmFb4VPk7QojR+BWzXtgD1wT+cHWRBw0DA5MRwHfBOYCQzMW4El139urFYIZ0lQTXwZ38r9r6RFZtbWzI7BsyHq8RjBdri1OKByy6wOUprcLPxccD5+djg5BZx/WpphU6siCCGEQXXRKb0uS68D8fOqzYD9kke4J3Bk+lc4clVfGpUmmDJJfo57gwWcDIzNvMlFSTcMIQxaNSUf7Gyre4KZjcSzHToDvXJVUeam17+Xc52tiPr02ik/uK5yWMkyfAgvlrAQOAUY11DQda0SZ4RBq+KfnUOZ2T3A8Xh15I+AHpJey82PwvNkh0ua2tLrbU2Y2e7AOcBu+BfELGC2pJ818v15B8rXgJ8BoyW92jIrbj0UKqo+aN2UxAkeDewFbA/8BPh5Cne5DdgBPw/8Tzw4OHv/EGA48CweMF0YzGxv4P/wM9IleLbHucC5ZvZD4EJJ67SSJa00s4eAVXgo0uF4LnHNExZh0CooiRMchxcCzTMBd4qsAP4FuBDojm/lHsMzJvbDP8SHVHumQ1Mwsy2BB3ARnCBpppm1Bw4AbsFzhh8Ezpf050b8vQ7AIcCifA3CWiaEMGhVmNnJuNX3ADAN+Cq+3dsBL/N0Jd4rYy/ge3i6XD1eIeU3wFhJi8u/8sqRSuz/Gi+eelkayzJCdsOf2bfwoOnTcuepQSKcJUHFyJL9S4aPwCvEjJP0oKSb8LSueXjQ9CVAJ0lzJY0ADLd4dsHPBQslgomd8eKoC8DP+pIItkmW8SjgPuAw4AYzywqpVkU/kXIQFmFQVszsm8Auku4pGR8PtMerwtwr6eZ8PrCZHYUf4vfAvcU3SVpa3tW3TlJFmbnA/ZKGp7G1UgjNbCc8N/go4BZJZ1dira2VsAiDsmFmXYEngGPTz9n4tvi53xi89NPmALkCoUiagWdAPANcDJxpZl3KewetlreAl/Gy+seBV5LOh70kS/liYDH+7AZVZKWtlBDCoJx8iFc8vkXS69mgpL/g29+HcWdHLzP7WppblRPDmXis21y8veSp61uWq5aQ9AZeM/AT4Awz65XG14hhbpt8Znpbr4ostpUSW+OgxTGzrbJYNDNrL+mj9PNZwCeSJqff++FngH3x4gmX5963pgiAmQ0Gvg+cIen5st9QhTCzHYCD0r8Xgecl3ZfmvoxbfOfi8X9XSJqX5tokUazHHUvzcIdTH+C9olbhyRNCGLQoZrYXbsFdJ+nCNNYGL+0+B/gr7umdmuYOwdO9+uDe44n/QAw7ZrUHi4CZ7Ys7PLbExaxt+jde0hXpml3xL5ITgJ/iz3xOmtsgZZBgZs8BSyUdUvYbaaUUflsRtDgd0+sFZnYprOmEthj3Zn4JmGBmw9Lco3gM4WzgdOASM9sqzeW3yUUSwZ1xYVuGb22/DhyHZ9aMSFV5SNbx9cB0YDAwycyGprlMBAfj/YYXmFldEdLnGkNYhEGLkduS9QUexdtAXiZpQprfDBgGXAO8kubuSnN5y/BmPEbur2W/iQqSe34T8RqAIyX9d27+Ovxs9avAKzkP+47p+rPwZ34v/vx3BY7Gi1T0bkxwdVEIizBoMdKHuK2kXwGH4mlf481sQpr/G3A3niWydZobnuYyy/Ax/AP9/aLFveXO7nrhudUzwVtupvENgDdw63Camd1qZocCr0oaBRwLvJBe78Sf4wqgX4jg2oRFGLQ4uerGB+E5wE2xDPvjmSWji+QYyWNmM/H4ye6SlqWxeuBxPu/9fRuYjJ8PvpPS77bAq1D/CXhZ0pvlWnu1EBZhUBaSGD5O4y3Df01zDwNDiyiCufO7PwJfwY8JMs7DRfA2POd6Jzw0aRmeepiF0CyVtEDSfZL+ECLYMGERBs1OI0ppHYpXSvlHluFEPCbudEn3tvyKWzdmtjVeePanubEj8VJZ96U4wqyM1lC8Qvddkk6pxHqrkRDCoFkpKaW1D26pdMMtlYeBNyV9kGIGH6ZhMfwebvEcIOmF8t9F66Uk7XBjSe+VVO7ZDs++eQY4QtHEqlGEEAbNRokIXoTXsts8d8li3IN5k6Rl6zgz3BRoqxppFVkOcuewdXhs5pOSBlZ6XdVCnBEGzUZOBC/ASz89gif5d8dTwDrhKXJjUnD043hFlOzM8Nr0d94JEfznlOQSZ0cR38G/fH5dkUVVKWERBs1Kqo33AF4w9TxJC9P4sXiR0JXAnngw8MpUFbkvHiYD0EXSW+VfefWRcor3Ae7Bz1QH4lZ4J6CvpJcquLyqIizCoLnpBmyFl9JamGoODsJbRq7GqyZ3BK7GG7KT4gwPBHYLEWwcZtYRD6a+EfcqL8TzszcDjgoRbBrRsyRobrrjJeP/lH4fgotgZ1LLTTM7GzgND/adm863YivXBCStMLOr8M5+2+BfMnOA/4oK1E0nhDBoFnKeywVp6Bgz25C1RfDFNJdVkW4Dtd04vCWR9LSZDYvqMV+c2BoHTaahGoC5D+NCYDleUGEavlXbs8RK6Q18CjyX/l4k/jcD8RzXn3CWBE2iJETmMGAPfGu2EJie4tqOA36E7zgulnR17v2D8IDpFfhZ1hvlvocgKCWEMGg0JSI4BhgNbJqmfyHp8DS3EXAq3mi9He7VXICXjxqA70QOzDzKQVBpQgiDJmNm5+GNgKbjzdeX4sn8r5VcdyxwA15zsANeKeUZPKxmUVkXHQTrIIQwaBJmtideJHQOcKkk5eZOxOPatgCukrQglZffBM+LnQe8lYosBEGrIbzGQVPpCmyL9x0WgJkNwWveHZe77lAz21/SkvT7vPIuMwgaT3iNg6bSIb2amR1uZtNxx8hRwP24GN6G99YYFp7MoBoIIQwaZB0C9jReEHQMMAtvFPRnvEfG2ZLux1ttAtRHjFtQDcTWOPgcJd7h7fHA5w0lPS/pJTMbDxwM7Ig3bH9A0tvp+jbAt/H+xGviBEMQg9ZMOEuCtSgRwVPxTnJb4ylcl0u6uYH35GvkDQbG4VvoflkrziBozYQQBmsoKfB5Kd5FbhkwH2+6DnCBpOtz7zkIL7H/Kh4msy9+5NJP0nPlW30QrD9xRhisISeCZ+KNwqfgVY4PBk5Ml12X6g1m1OFpdKfgIjgHD5YOEQyqhrAIg7Uws22BB/Eqx+fnQmTGASPwJkL1wChJN6S5LdL468D7kt6rxNqDYH0JIQxKt8S9gN8AIyTdmZwfh+KZJI/ite+mpLdeImlSJdYcBM1JbI0Lhpl1NLPOZrZjsuSyRuxZ8/T26XWT9PoV4CKgC94r9y48hxhgopn9T6owHQRVSwhhgTCz7nhpLOE1AWeb2ekAklaly5YDv8fzgsHLae0PDJH0Shp7O70Krzj9l5ZffRC0HLE1Lghmth8wA3gfeAr3Bo9I0yMl3ZG7dkvgHWAH4EngdmB0LkRmGrALMBx4NYshDIJqJSzCApDO/X4FLAHOkjRE0kjg6HTJMDPbKLWCRNJSSR/i8YMdgddyIjgItwKfARaGCAa1QGSW1Dhm1hN3cszDi6Q+lsbbS5phZrcDe9Pwl2K2XTjMzBYD2wHfxatLT8rEMQiqndga1zBmti+eF/w8ngf8uzTeLjsTNLO78ZS4KXgJrYXAbOAOSR+Z2RR8CwwugEuAwREnGNQSYRHWKGbWBbgDT3V7ChdDzKxe0sfp535AP9wa7IG34twZGAR0M7OxeGP23wI98c50P45WkUGtERZhjWJmmwJnACOBjfGQl6mSlqb53sCVuMCdDPwC2ACPGbwCL5owSNIfyr/6ICgvIYQ1jJltgqe+XYhng1wLTMatvh/gYTFHSnok955OeHrdhcA5DRVZCIJaI7bGNYykd9MZH7iwXYCHxOwO7IfnEf8ytedcDbSR9HczeyJdv3kl1h0E5SbCZ2ocSe/ijpBrgJV4d7mewNAkgnUk73Cu0fpBwMf42WL0yw1qnhDCApDE8E7gerya9PtAVzPrkkJg2uZyjQfg8YW/wzNM8s3bg6AmiTPCApEcKNmZYR1+TniHpDfTfH9gEt6cqU/0HQ6KQghhwcg5UEbjBRauwVPovgHciJffP0DS/IotMgjKTAhhASnxJtcBD+DnhtsBvSU9W8HlBUHZCSEsKDkxPAfYHi+ycGBYgkERCSEsMEkMzwKOAYZLWlDhJQVBRQghLDhJDOskLav0WoKgUoQQBkFQeCKOMAiCwhNCGARB4QkhDIKg8IQQBkFQeEIIgyAoPCGEQRAUnhDCIAgKTwhhEASFJ4QwCILCE0IYBEHhCSEMgqDwhBAGQVB4QgiDICg8IYRBEBSeEMIgCApPCGEQBIXn/wG0oEFZ9gvwvQAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAUIAAAJECAYAAABjHC0cAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5gkV3no/++pztMzs1E5oHxAoAAKCESUBCYIBJiMAWMDTtf2Y3OvzSVfTPC9cP2zr8E2ApODkAkKSAQhUEI5rLKOpE1aSZsmz3TuqvP741TPzs725OowXe/nefbp3e7qqjOz0++8dcJ7lLUWIYSIM6/TDRBCiE6TQCiEiD0JhEKI2JNAKISIPQmEQojYk0AohIg9CYRCiNiTQCiEiD0JhEKI2JNAKISIPQmEQojYk0AohIg9CYRCiNiTQCiEiD0JhEKI2JNAKISIPQmEQojYk0AohIi9ZKcbIES30lp/E3gvcDTwJ8A7gSOAncAPgU8bYwrhsXngY8CFwHFADdgE/Jsx5tK2N14siWSEQizsx8CfA9cCX8Z9bv4O+O6MYy4HPgw8BXwJ+AHwbOCHWusPtrW1YsmUbN4kRHMzMsItwAuMMXvC5zcCBlgPHAmsBR4AvmuMefeM9x8HPAJsM8ac1N7Wi6WQjFCIhf17IwgCGGOGgJvCfx7Lvs/RM7XWB804bguggdPa1VCxPNJHKMTCHmny3Fj4mDHG3K+1vhF4MfCk1vom4BrgF8aYTe1qpFg+yQiFWFi5yXONPiUVPr4K+DiwGTgP+Dxwj9baaK1f3fomipWQQChEBIwxRWPMZ4wxJwNH4foWfwqcBFyutT6mk+0T85NbYyFWSGt9DvAW4L+MMbcaY54Evg18W2v9deB9wAuBbZ1rpZiPZIRCrNwg8LfAp7TW058prbUCjgn/uaUD7RKLJBmhECv3a+Aq4LXA/VrrawAf11d4OvAjY8ytHWyfWIBkhEKskDEmAN4K/D1QB/4Q+FPcgMrf4FakiC4mE6qFELEnGaEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvYkEAohYk8CoRAi9iQQCiFiTwKhECL2JBAKIWJPAqEQIvaSnW5Au2it3wP8NaCBIvAr4KPGmO2LfP8u4JA5Xv6yMea/zTr+tcD/BE4BfOBG4OPGmPuW9xUIIVpFWWs73YaW01p/FvgI8BDwM+Bo4C3AKHC2MWbrAu8/FNgJ3ANc0eSQ240xV884/gPAxcB24EfAOuAd4csvM8bcvqIvSAgRqZ4PhFrr04BNwE3A+caYavj8G4GfAFcaY16/wDleBfwc+Igx5vMLHHsIsA3YAZxljBkPn38+cAPwCHC6Maa3v/FCrCJx6CP8q/Dx040gCGCM+SkuMF2otT5igXOcFj7eu4jrfRDIAl9oBMHwercBlwCnAi9YZNuFEG0Qh0B4HlDHBb3ZrgUU8PIFznF6+LiYQHjejHM3u97MY4QQXaCnB0u01mngGcA2Y0ylySFbwsdnLnCq04Ep4Pe11n8EnAhM4PobP2GM2Tnj2JNwgbfZIMxiryeEaKOeDoTAelzGNzLH641b17VznUBrncMFvgTwcVy/4m+BFwHvB16jtT7XGLMtfMsGYNwY4y/nerOu/eAcLx0FXLdQ36YQYnF6PRCmw8dm2eDM57PznOMw4EFgDHijMWYEQGutgM/ipsh8DbhgxjVXcr3FSJ9wwgmvA1blgMvw5Z9h/LqLwUvi9W+gtvMR0oc9kyM/fC2J3GCnmydWN7WcN/V6ICyFj+k5Xs+Ej1NzncAYs4V9gyUzn7da608A7wLO11ofFt4il1ZyvVnXeHaz58NM8eTFnKMr2aDZkxA0e16I1uv1QDgOBMx9K7pmxnFLZoypa63vxs1LPB4313AEOFhrrZpMkVnR9XqFDXzAglIoFf4Ct8wRIEXUbGCZ+qfrqW9t3mOk0knyH3g+qZPnWj/Qe3o6EBpjqlrrLcDRWuuUMaY265Djw8eH5jqH1vpw4ARgqzFmR5ND8uFjI/t8BDgS14/3xFKvFwvWYu3sexiLDeodalC8BLsmqfxuG/7Oiaavq/4MyRu2xCoQxmH6zHW4W9Vzm7x2Pi4X+d087/8D4Hrg72e/oLXuB56HW7LXGNi4LnxsNkXm/PDxpgXa3NtsYxwpDIVqWd06YplssQqBBd/iHdS/3x/Vl4Kajy3Ozhl6WxwC4dfDx8+FI8DA9MqSFwNXGGOenOf9P8ZNh3mf1vqUGe9PAv+MGyX+D2NMOXzpu7hBkY9prTfMOP75wNuATcaY+QJvz3OrmWanhNJH2C5BsYYNLCQUKpvc7w/pJAQWW4pXIOzpW2MAY8wtWusvA38B3Ku1vgx36/pWYDfwt41jtdYvA16GC1aXhe/frLX+MPBF4Dat9X/h1iifhyuocBNuWk3jetu11h8DvgDcp7X+ITAIvBOo4VaexJsNwvHuGZFQ+gjbxpZqLiP0mmTiSrmui5gFwjhkhAB/Gf6p4JbcvRS33O2F4ahww8uATwJvmPlmY8z/BV4D3AK8EfhT3PfufwIXGGOKs47/Ii7wPQ38GfA64BrgXGPMHRF/bavPAZmf+0C6QRTRarY8dyBUnsIG1h0TIz2fEYKb6gJ8Kfwz33GfAj41x2s/xxVeWOw1fwD8YNGNjBMbMHsKpMUe8JxokVIdN1rVJCP0iOWtcVwyQtFFrAS8jrKVeW6NPQUWbDleI/gSCEXnNT6PPV4SrlvYMCNUc/URxvDWWAKhaL/pgKf2f5RA2Ba2Unejxs1ujRuDJVXfHRMTEghF5xzwOYzPB6+TbLnuvtXNpm+GgyVYoBKf22MJhELEjK3W55k+0zjIZYVxIYFQiLipzD1qrJQKb4/DgBkTEgiFiBlbC+a+NSaMj5IRCiF6ma35c88jhHAKjYWaBEIhWmdm6a2Zf1Hy49gW1QUCocLdGstgiRDtYPd7kCo07WFr/rxxEMKM0I/PKL4EQtF2SjK/zqoHC2aE1oa30DEhP5GiAxSze+pVk+dEa7g+Qub+dqtGH2F8qgFJIBTtN0cmorxEmxsSU34jI5zj9UYfoS+BUIjWUV74IWz0QYUfSukjbAtbb0yfmWf+jAXqcmssRMsoz8N1RIVPNIq0SkbYHovK9GSwRIjWUrMDnvvAySBKm/h2cbfGUnRBiBZSKrwrm/lBUzKPsF0OqP4zW/i89BEK0ToqkaQxR8M2PpQKuTVuE+vbBUaNccFSMkIhWkiFfYT7Pym3xu2y2LqPEgiFaB3lJWaMGs/4sElG2B6LDYTxiYMSCEUHeAmmR41nLq+TQNgei42DMaoYLoFQtJ3yGpsnNiKhu012fYei48JR4ziRQCjaz0uAUm43u5nTOKSPsL1k/vo0+ckTbecywsaE6jAjVJ6rjixEB0ggFO3nzVhiFy71ktviDpjr9jdmt8UggVB0wMx5hGDdMmNPAmFXUcQqQ5dAKNov7CNkuo9QgWSE7dNs97pm4hMHJRCK9lNe0tUfnNFHKCW42mixmd5iA2YPkEAo2i+RnM4IbaMclGSE7eOphafINLb1jAkJhKLtpvsD7b55hNJH2D5qoUyvMZE6IYFQiJZRidSsPkKZTN1WicYm7vMPD7u6kfEQn69UdI9Zo8auKKsEwrZZKMA1FvskJSMUomWUlwxXljA9aiwZYfuoxAJ9hI1+W8kIhWgdlUyx/zxCyQjbKtEogzb/jGqVjE94iM9XKrqHl5zRR4hkhO2W9BaXEUogFKJ1VCIZrrCTUeNOUKnEvirUzTQKYSTiEx7i85WK7uHNnEfY+NBJIGyb6VHjOV4PF/vIrbEQLTR7rbFkhO2lUokFZs+EkTAVn/AQn69UdA01nREia407IZWYfx5hozJaKj7LHiUQivbbLyMEyQjba3F9hMoFzJiQQCjaTqlEWJdVVpZ0gkp58/YR2gDJCIVoOVlZ0lnp5Jy3xtbuK42m0hIIhWiZ2X2ESuYRtpXLCGmeEc7cVVAyQiFayPPCeoT7+ghR8fnQdVx6nsESa93vKIVkhEK0kssIYXo7T4UUZm0jlU66moRBs0CIuy32ZGWJEK213wbvjT5CCYTtojLJ6RWOB2iMGKeTsmeJEK2kGoFwxidRMsL2UZlwX+lmt8aBBU+5Y2JEAqFoP9XYzjOcQqMkI2yreW+Nw66KTLwGryQQivZTM37sZo5SirZQ2bmnzxDg+gglEArRYl6jHh5MrzWWUeO2UZlGRtjkRetujclKIBSipfbrD2xkJZIRts18GaG1FuVJRihEG6gD/ymBsG1UNuV6J5r1EQbhqhLJCIVoAzXz1hgJhG00fx+hBS+caxgjEghF+80MehbcMKUEwnZR2dTCE6pzqba3q5MkEIr2U/Jj11GZBHhuHuEBcwkb8wjl1liIFltgY3HRWiqb2leGa/Z/hfQRCiHiwPUR4pbQzfqlND1qLLfGQrTaHCsaRFuohOcqyzTrJ5xeYieBUIjWahT/hH1VaCQQttX0gMns73ujKKtkhEK02swP34xNnETbTE+hmSMjlJUlQrSYDfx9/wg77a1ttt5LtIrLCJn71lgCoRAtFvjMqLbg/j4zOIqWU9kkylMHJuKNrRPk1liIFrPBjAUlEgg7QeVSc9waEw6WSEYoREvZ6Yxwuijh/rfLovUyzWsS2satsWSEQrSWrVf3lYQPM0Lr1zrdrFhptt5431aeUphViNbza/sqUzd2swvqnW5VrKhmGWHjrzJYIkTrWb+2b9Mm5bk1r/Vqp5sVK43VJfvNZArcqhK3eVO8CuVKIBRt1wiESqnwwyiBsN1Uxo0a758RhpOp04lY7WAHEghFB9haxY0cKxVWopFA2G6NPsL9qs9YG8sRY5BAKDrA1sq4jd09lPLABuFzom3STYqzBrjeipjdFoMEQtEBtlZ2K0kao8YSCNtOpRpFF2Y8Ob25uwRCIVouqJXDD503Y7Ck0ulmxYpKJ6b7Z6dN9xHKrbEQLWerJQgCd1usFAQBQaXQ6WbFSzrRZB4h7tY4JRmhEC1nq4VwsMRz+xnbwAVH0TYq6R04faYxkp+KX1iI31csOi4oF7DWdxu9Kw9rJSNsu6R34IZZjYwwGb+wEL+vWHRcUC3uuzX2PAh8rF+TKTRtpJLh7W+TPkKScmssRMsF5anpW+PpHe1s4J4X7eGpxjLvpq/FjQRC0XZBecJVm/HCFQyehw18gvJkp5sWH4lwnfdMjVvjhARCIVouKI5D4KM8dwumVAICn6A03uGWxch0/2CTlDBmy+tAAqHogKA0Pp0RAu4x8PGLEgjbZnqdd7PX2t2YzpNAKNouKLmMcGYgtJIRttnMXQSFBELRVjYI8Iuuj1B5bgWDCjPCoDDS4dbFiA3/NIuEs8v3x4AEQtFWQXHMFWG1wYyMMIkN6vhTo51tXJw0C3aNnRMkEArRWn5hBOvX940YAyqRhKCOLxlh+/iBK8E1OyG0gB+/QBib1dVa6/cAfw1ooAj8CvioMWb7It//cuDvgOcD/cDTwJXAp40xe2cd+yrg5/Oc7ixjzJ1L/iJ6gF8YgaA+fVsMuIywWsKfGu5cw2LG1pvsI91Ye+zHb4/pWARCrfVngY8ADwFfBo4G3g78ntb6bGPM1gXe/4fA14ES8BNgN3AO8N+A12mtzzHG7JrxltPDx28ATzQ55dPL/2pWN39ij8sIE/t+9FQiSeDX8Sf3zvNOEamaP12IdVo4imxr8dtRsOcDodb6NFwQvAk43xhTDZ+/FBfU/gV4/TzvXwf8P2AKl8mZGa99Gvg48L+B9854WyMQftQYszO6r2b188d3Y4O6ux0OKS8JQQ1/Yk8HWxYvtlJ3/YQz5gwqpQisda/FTBz6CP8qfPx0IwgCGGN+CtwAXKi1PmKe978GGAC+NjMIhv4BqACvm/X8acBeCYIHqk/sAb+GSszYNzeRwvp1gvKUFF9oE1vx99taGpje1c6WJRD2ovOAOi7ozXYt7kfh5fO8/2Hgo8CPmrzmAzVcnyEAWusccCJw7zLb29P8id3hYMnMjNALl9nVqY/v7mDr4sMWqy4j3O/WOAyEpfjtMd3Tt8Za6zTwDGCbMaZZCeQt4eMz5zqHMeZu4O45Xn4VLgjOfP1UIAFMaq2/CrwSOBh4DLgY+LIxZlHDclrrB+d46fjFvL8b1cd2Yv0a3syMEFyG6Nfwx3fBwcd1qHXxYUs1VwHIm5ELefENhL2eEa7HZXxzzctoLGVYu9QTa63XAP8c/vPfZrx0Wvj4xvDvlwKXAIcC/wp8V2sdy/n81lrqo09DvYpKpvd7TSXS2HqN+uiTHWpdvNhC1c0XnJkRJvYFQhuzkeOezgiBxqdtrg0xGs9nl3JSrfUAcBXuFvjnuBHlhgwu0/yGMeYzM95zEO5W/J3he7670HWMMc+e4/oPAicvpc3dICiMYKslt854Vkbo+gmrLlCKlgsmK26+YGr/jNBa64LhZAW1Nte5BrZZr2eEjfrv6Tlez4SPiy6Ep7U+FLgOOBe4DXjbzFtdY8y/GmOOnxkEw+f3Ah8K//nuxV6vl9RHnsT6VVQidcAG4ioZZoQjkhG2g52ouPmC3v6jxirMCoOJeO0q2OuBcBy3YeFct75rZhy3IK31KcDtwPOA3wCvMMYspYje7eHjqu3jW4nayJNYv3ZgNojrI7R+ldrIjg60LH6CsRLWtweW5U942HpAMCaBsGeE02W2AEdrrQ/89O0LSA8tdC6t9Xm4uYhH4W5rX90sCGqtT9Vav2KOfsB8+BjLnYpqQ9uw9QoqmTngNZcRVqiP7HC3zqKlgtGiywgTBwZC/AA7Gq8f0Z4OhKHrcLfG5zZ57XzcbKrfzXcCrfWLgZ8Bg8DnjDHvnjkncZZLcMv3zmjy2kvCx9ubvNbz6nu3YmtVVKpJT0UiBdZiq2Xqo0+1v3ExYqs+wXgZ6oHbxGmmpAf1AH84XvM54xAIGwMZnwvn+AGgtX4j8GLgCmPMnB1TWusNuJHfHPBxY8xHF7jeJeHjP4bTdxrneQbwj7i5h19a8lfRA2pDW+fOCJWazgprQ9va37gYaWSDFg7Yn0Qlw1vjoXgFwl4fNcYYc4vW+svAXwD3aq0vA44E3opbM/y3jWO11i8DXgZsMsZcFj79IdzUlzEgqbX+1ByX+rQxJgC+iFuNcj5wv9b6atw0notwfZJ/bYy5J8qvcTWw9ZrrI2wydaZBJTPYepXani2gX9L0GLFy/u4pbC1ApbwDBq1IelCqEeyJ10ZaPR8IQ38JPAL8CW7J3TAuc/uEMWbLjONeBnwS+BbQCISvDh/Xhq/N5TNAYIwphgH174B3AH+Oq3ZzG/B/jDHXRvD1rDq1oa3YWsWtXvCa/9i5QFihtvvxNrcuXoJdE67oQpNtO1UqQTBRwd8dr420YhEIw+ktX2KBW1JjzKeAT8167rnLuF4Z+HT4RwDVnWb6tviALCSkUln8qSGqux5tc+vixd85OZ0RHiCVgJofZo0+KhWPPY7j0EcoukB112PYWhmVmnvuukplsbUKteHtBNV4Td9oJ3/HmMsI002CXEK5vsOaj78rPlmhBELRFrVdZsFAiJcApVww3CO3x61S3zGGrdZRTQKhUgqVTmCrvguYMSGBULScDQJ3a1wro1IHjhg3KKXCrLBE9emH29jC+AgmKwTDRagF7ja4CZVOQLWOvz0+e8hIIBQtVxvahl8axwZB06kzM3npHLZapvLUXIV3xErUt45AtQ5JDzV7MnVDOomt+NS3xGcPmZYMloTrcZ8LrDfGfE9rfQgwbIyJX8VHQfXJ+7HVEiqVnXOgpEGlcm7A5Mn729S6ePG3DLsK1M36B0MqkyQYL1PfMoy1dsH/s14QaUaotT5ca30l8BRuJca3wpc+AGwLl6mJmKk8+SC2VsZLL1zNxN0al6kNPYFfmmhD6+Kl9uhebLmOys6TA6UTblL1aCk28wkjC4Ra643AzcBrgU3AfewrBF4BDgeu1Fo/J6pritWhsuNegmoJlVpEIEwkXQGGWlmywohZa6k/uhdbmT8QKk+hMglspU7dxGNDrSgzwo/hdod7rzHmDPZNSMYY8wXcyoo08OEIrym6nF8Yo7ZnC7ZWQi0iIwRQ6RxBtUh521yFwcVyBDsnCUaK2FoA6fl7xVQ2iS3VqD0cjw21ogyEFwFXG2O+0+xFY8yVuH2AmxU/ED2qsv1u1z+YSO+3c918VDqPrRSpSCCMVO3BXdiSywaVt0BfbTaFLdeoPbhr3uN6RZSB8HDc7fB8HgUOi/CaosuVt99DUC2gMn2Lfo+X7iOoFqk8/RBBpdjC1sVL7f6d2FJt/v7BhmwSKj7+U+P4e3u/nzDKQDjMwgVHdXiciInKtruwlSJeevGBUCVTKC/hssInNrWwdfFh/YDafWEg7GtWmnN/KuFBJuFuj+/t/e0TogyE1wJv0Fqf3uxFrfULgAuB30Z4TdHF/Em3bjiolVBLCIQAKtNHUC1Q3nxbi1oXL/XHhgjGSq4Ya2aRXRS5FLZYo3pP7wfCKOcRfhp4A3CT1vo/gJMAtNZvBs7BVWGpAp+P8Jqii5U230pQKbpCC4vsH2zwMv0EhVFKm29lXYvaFyfVO3ZgCzXoSy96XqDKpwl2TVLb9HS4JK93a7RElhEaYx7DTZ0Zx9X4uxA3feaH4b+LwJuNMbJkICbKj9+KrUzhZfqX/F6VyRPUStR2b5ZN31fIWkv1jh0ExSoqv/Bt8bRw0rWdLFO7r7cHTSKdUG2MuQE4Flf09AvA13B7/74HOMYY8/Morye6lw0CSptvI6gUUJn8wm+YRXkJVCpLUC1QevzmFrQwPvwnxvCfHINyHZVbfCBUSrmscKpK5dbtLWxh50WW62qtvwfcYIz5CvCj8I+IqeqT9+NP7sUG9UXPH5zNy+QJylOUHr2JgTPeGHEL46N68zbsVBX6UnOvL56DyqcJ9hao3v4EtnpO04o1vSDKjPANuPXFQlB85HqC8iRepn/Za1VVdgBbnqT8+K0E1XjtqhYVay2Vm7YRTFVR/XNt7z2PbBKsJRgtUb27d/ecjjIQysJQAbgPX/GR61wgzA4s+zwqmQHlEZTGZfR4meoP78F/atwNdvQtPRAqpVD9GexUhcr1WxZ+wyoVZSD8BPBurfX7tdZrFjxa9Kza3q3U925z9QeXMVDSoJRCZQcIylMUH7k+whbGR+W6zQSTFbx8esHVJHNRA2nsVJXqXU+6KTg9KMrx8NcBk8BXgK9orUdxI8WzWWPMMyK8rugyxYeuJahM4aXzKG9lv2u97AD++E5K5gZsvYZKLmHUM+aCQpXK77ZhJyt4By99wKpBpZOQ9LCTFSrXbyZ3Ue/VTYkyI7wQOBg3ZUbhtrA8ssmfoyK8pugy1lqKD/yKoDSByg2u+HwqncMGAf7kXspb5PZ4Kao3bnUZnIfr61sBNZghmChTvuYxbGCjaWAXiSwjNMZItWtBbffj1HZvJqgWSa07YsXnU0rh5QYIShMUHriG3EkviqCVvc9aS/mXBjtRRg0uXBB3Iao/QzBcxN8xRu3ep0k/d+X/t91EgpeIVPGBawjKE2602ItmqoWXGyQojbsBmFolknP2utp9O6lvHSYo1ZY3WjyL8hTeQJgVXtV7+8lEvmYmXFP8QdxUmjyuyML9wLeMMTdFfT3RPWwQUHjgl/ilCRL59ZGd1xV0VQRTw5QevZH8sy+I7Ny9qnzVwwTjZbyBzJLnDs5FrckSPDlO9e6nqO8YI3nU2kjO2w2iLtX/UeAm4L3AqbhqNGcDfwxcr7X+eJTXE92l8sQmakPbsbXKikaLZ3O3xy4rLGz6WWTn7VX1J0ap3vkkdrKCGpxn+9QlUqkE5FIuK7zyocjO2w2iLNX/GuAfcPuV/CFwHJABDgXeCWwDPqW1ll/nPaqw6WcEpTG83OCKR4tn8/rW4hcnKD12M/7kUKTn7jWlyx8kmChDLhX5ShBvbRY7XqZy/Wb84UKk5+6kKH9a/wZXcOElxphvG2O2GWNqxpg9xphLgPNxk67/OsJrii4RVIoUHvw1QXEcry/6aaQqmUalMm7Q5L6rIz9/r/B3T1K5YQt2vIy3dnlLG+ejsilIJwjGSpSv6J2sMMpAeCZwhTFmW7MXw+evAJ4f4TVFlyg+9Gv8qWFQ3qI2aVoOL7eGoDjG1D0/w9rem8IRhdJP7seOlSGTWFwl6mXw1uYIRkuUf2UIRnujgniUgTALjC5wzBgQXeeR6BpTd11GUBzDy61p2T64Xm6QoFqiuvsxqVzdhL9nivJvNxOMlfDWteaXEQA5N8E6GClSurw3qupFGQg3A+dprZueU2udAOpbMQkAACAASURBVM4DtkZ4TdEFqrsepbJ9k1tb3Ne6kUTlJVwwLIwydedPWnad1ar4w03Y0WKYDbZuBY5SCm9dn8sKf2Hwh1Z/X2GUgfCHwHOAf9NaZ2a+EK49/hpwMnBphNcUXWDyjh/jl8bwsgNLrkS9VF7fWoLiGMUHr8UvLHQDEh/1HWNUrt9MMFbGW7e0bRGWJZeEVMJlhT9aaM+27hflT+0XgDfh5hC+RWt9G27w5AjcVJpB3C53X4jwmqLDgkqRwv2/ICiMkVjb+g0KvXQOP5HCL4xQ2HQlg+e+p+XXXA2K37+bYLQE2WTL+gZnUkrhrc8R7JqifO1jZC98FskjV++8wihL9ZeBl+KKLqSBVwFvA16EC7gX40aUe6N3VQBQ2HQl/sReUGrJGzQtl5dfR1AYZfKOH2ODoC3X7Ga1h3ZTvfUJN1K8vj3/BxCOIGeTBCNFit9b3XtQR12qf8IY82e4ggun4ILgqcBaY8yfGmOkZmEPsUHA5O2XEhRG8PLrWjZIMpuXHSSoV6jt3UrJxLs8lw0shW/fSTBaQvVn2l5B2lvfhx0vU731CWoPrN59TaJeWaK01q8HnmuMedAYc7Mx5gHg38Pd7EQPKT9+M9VdjxNUS3i59t0WKc8j0bcWvzDC5K2XtO263ahy4xbqD+3BTlVQrRwpnoNKJ1xBhpEihW/duWor00S5siQL/Az4KW43u8bzfbgldj/UWl8Sjh6LHjBx6yX4hRG8vrWRryRZiJdfR1CaoLz1Dqq7Hm3rtbuFLdUofu9u/OECal0OlexMDRW1PkdQqFI3e6j85rGOtGGlol5Z8mrgcuAHjSfDPsFTgf8C3gJ8KMJrig6p7tlM+fFbCEoTJPLt33lYJVKuaGthlImbv9f263eD4k/ux39yHOpBpGuKl0olPLx1OfyhIsXv30MwtfoqBEUZCN8F3GGMeZMx5pGZLxhjHjDGvB3YBLwvwmuKDpn43XfwC6N4mTwqufIyT8vh5dcTFEYp3P+L2O197D89QfmKBwmGingb+pZdhj8qak0WggD/6QlKP7y3o21ZjigD4THAdQsc8xvcvsdiFauP76Zw38/dIEn/ho61w0vnIJkhmBph8tYfLPyGHmGtpfD1291E5rQHfZ3fvkAphbchTzBcpPTzR6hvG+l0k5Yk6l3sFgpyRwBTEV5TdMDkrZcQTI1AMuOCUQcl+je4QZO7fkpQmuxoW9qlest2qnfucNNlNuTbNlq/ENWXglySYLhA4eLbVtXASZSB8AbgIq31Wc1e1Fqfhtv7WIqzrmJ+aYLJu36CXxgm0cFssEFl8oDCH9/N5J0/6nRzWi4oVil88w6CoQJqTbbrNlz3NuSxkxVqD+xaVQMnUU5B/z+4QHet1vqrwC24lSVrcBVn3g8kgM9FeE3RZlO3X4o/vttVmcksf2e0qCil8Po34E8NM3HLDxh4/jvw0p0bOGi10iWb8HeMY2sB3iGdzcabUUkPtS6HPzRF4Tt3kz7zqJaUA4talCtL7gbeAVRxI8g/BH4RPn4It7Pdu4wxt0d1TdFeQaXIxC0/wJ8aItG/sWtuybzcIAQ+9dEnmbr7sk43p2Xqjw9RuvoRgqEC3sZ8xwdI5qLWZMFCsHOCwrfv6nRzFiXqlSU/xQ2avB2XIf4n8C+4keKjjTG9f+/Sw6bu+gn1safBWlR2oNPNmdbICoPJYSZu/g62Xut0kyJn/YCpr9xKMFRwlae7YIBkLkopvI15gpEild8+TvXepzvdpAVFvjrbGDOFqzAjVWZ6iK1Xmbj5e/hTw3j9G7omG2zw+tZQmxqiPrSdwr1X0X/GGzrdpEiVr3qY2iN7sIUq3pHRVwCPmsomUQOZ6YGT1D+9DpVpfTGI5Yp8KrrW+tBZ/36H1vo/tNb/IyzHJVahqbsvozb8BPg1vFz3/Tcq5ZHIb8CfHGL8xm9g/XqnmxQZf88UxUs2EeydQq3v3AqSpVLr+7DlOvWtwxQv7e65hVEusUtprb8HPKW1Hgyf++/Ad3Gluf43cJvWuv3LEMSK2HqV8Ru/hT85hNdFfYOzeX1rCWplanu29My+JtZaChffir9nChIeaiCz8Ju6hPLCW+ShAqXLH6S+tXvnFkb5q+VDuMGSh4E+rXUS+DBQwG3v+WngROAjEV5TtMHU3ZdTH9oGfrUlGzNFRXmem1c4uZfxG76BDfxON2nFqjdspXrHDuxYyQ2QdOkvobmofNqV6houMPUft2D97iybFmUgfDvwIK7yzC7gJbhyXN8xxnzHGPMp3Chyb3Xe9DhbrzJ+0zfDbHADSnX3bZnXt85lhbsfp3DfLzrdnBUJJsoUvnUH/lABtTbXdXMGF8vbkMdOVak9tJvy1Y8s/IYOiPKn+gTgF8aYxpDdKwELzLxHuQ84MsJrihabuucK6nu3E/jVlu5HEpV9WeEQ4zf856rOCgvfuhP/qXHwA9Ta1Ts3UiU9V6Fm7xTFH9zjbvO7TJSBsIqbK9jwCsDHrThpWIfbyU6sAq5v8Bv4k3tJrIJssMFlhSVqux6jcN/PO92cZane+zSV3zxOMFzEO6h/1d0Sz6YGMpDw8PdMUbj41q7bjjXKn+xHgAu01p7W+lTgdOBmY8wkgNZ6I/BGwER4TdFCU3dfRn3vNuwqyQYb9ssKr199WaGt1ClcfJtbRjeQacseJK3WmFtox0pU79hB9XfbOt2k/UQZCL+JqztogEb99IsBtNbvBe4BNgJfivCaokVcNrh6+gZnm84Kdz9O4d6rOt2cJSn+133Utw5jK3VUG/cgaTWVTqDW5vCHChS+cQfBZPfULYxyid3FwCdxa4t94DPGmO+HLx8HbAD+XlaXrA5Td/2U+tD2VZcNNuw3gnz9f66aeYX1baOULn+g65fRLZdamwU/wH9ynOJ3u2f5XaQ5tzHmH4B/aPLSV4AvNm6TRXcLahXGb/wm9cm94bzB1ZUNNnh966hNDVPbs9mtNnneRZ1u0rxs4OYMBkMFyCTd1JMeo5TCOyjvtgG95jEyLz2e1MmHdLpZ0a8sacYY87QEwdVj6q6fhKtI6qsyG2zYfwT5612/Brnym8eoPbALO1nB29j5yj6torIpVD7llt999TZsvfNzC1fnr3rRMkGtwsSN38Kf3NuVa4qXanpe4Z7NTG26stPNmVMwUabw3bvxh6Y6uhFTu6j1fdhijdpjQ5SvfrjTzZFAKPY3deePqY2s/mywwWWFG/Enh5i48RvYerXTTWqq+P17CHZOQmBdGasepxLh3MKhKYqX3os/XOhoeyQQimlBtczETeGa4oHuXVO8VF5+LUHNbQg/telnnW7OAeqbhylf8yjBSHFVLqNbLjWQAU8R7Jmi+L17OtoWCYRi2tRdP6E2ssNlg11YYWa5lNrXV+iywu7pK7TWuqkkI0VXZzDXvXUGo7Zf3cLrNlMzezrWliirz7xpdgkusXoEtQoTN3276yvMLNd+WeG93ZMVVm/eRu3+nW6AZEPvzBlcLBWOjgcjRQrfuKNjGz5FmRH+O64itViF9ssGu7jCzHLtlxXe0B1Zoa36rm9wuOg2YurxAZK5qPV92KkK9Yf3UL1lW0faEOV3fgC4P8LziTax9WqYDfbGSPFc9mWFWyjc3/k1yOVfGurbR7HVOmoVbHDUKirpodZmCYaLFL9/D7ba/iWRUQbCK4E3aa3XR3hO0QZT91xJvVF9ugdGiufissL1YRXrb2KDzs1fs6UapZ/c77LBdbmeW0GyVGpNDlutU98+Svna9m8DGuXKkqtxNQi3aK1/A2wBik2Os8aYT0Z4XbEC1q+7keIu3YskatOrTXY/TvHBa8if8nsdaUfpqofxd4fTZVZR1elWUZ5Crc0RjJQo/fh+sued0NY9TqK80jdm/H2+4qsWtyZZdIHC/b+gtncrQa1Man3vl4pUnkciv356b5O+Z78C5bW3by4oVild8SDBSNHtQdLjv3wWSw1msOMl/J0TlK95lNyFJ7ft2lEGwvdFeC7RBjYIwmxwaFXVG1wpL7+O2u7HqT71MKVHb6TvmS9t6/Urv3rUrSeGnlxPvFxKhVnhaInSFQ+RfaVuW1XuyAKhMeZbUZ1LtEfpsZuo7nyUoFIktfbwTjenbZSXIJFfh18YZuJ332lrILRVn9LPHiIYLbny+5IN7kf1Z7CjJfynJ6jcsJnsBSe15botSQG01odqrV+ttX5X+O9Dws2cRBeZ+N138AvDJPLrUN7q3A9jubz8OoLSBOVtd1HZcV/brlu5aSv+rilXfr9fssHZlKdQa7LY8RLlqx5pWyXrSAOh1vpwrfWVwFPAz4BGlvgBYJvW+rworyeWr7Ljfspb7yQoTeDl47fDqkqk8HKDBIVRJn733bZc01pL+eqHseMlN29QssGm1ECGoFSjvnWE2v272nLNKFeWbARuBl4LbMJt1NT4n64AhwNXaq2fE9U1xfJN3PxdgsIoXm4QlYjPsq6ZEvkN+IVRig//xpUda7H6o3upbx7GlmoyUjwPlfDwBjIE4yXKv2zPzh5RZoQfA44G3muMOQO4rPGCMeYLwEVAGrfXseig+tguig//Fr84SiK/odPN6RiVyuCl+/ALY0ze3vrC6ZXfPO7K0+fTqEQ8BqaWSw1ksFNVqnfsIBgvt/x6Uf5vXARcbYz5TrMXjTFX4iZdnxvhNcUyTN75Y4LCKCqVRaXinZl4+XUExVEK91xBUGk27TUatlKncvN2t6ZYssEFqUwSkh52skLlxi0tv16UgfBw3O3wfB4FDovwmmKJbL3K1F0/xS+MkuiTRUAq4ypB1yf3ULjv6gWOXr7qPU8RjJXAWuiBXenawWWFFaq3bG/5taIMhMPA8Qsco8PjRIcU7v8l/tgusAEq29/p5nScUspVsZ4aZfK2S1s2Slm99QlsoYrqz8ggySKpfNpVsX5kT8sLt0YZCK8F3qC1Pr3Zi1rrFwAXAr+N8Jpiiabuvgy/OIrXt1Y+kCGvbw1BtUh116NUnrg38vNbP6B6z5MuEObjOTC1HCrpQSbhguFdT7b0WlEGwk8DVeAmrfUXgTMAtNZvDv99bfj65yO8pliC2t6tVLZvIihP9nRxhaVSXgIvN0BQGqfQgn1N6o8PYcfLEATQxvWzvUD1pbClGrX7drb0OlHua/wYburMOPC3uOxPAT8M/10E3myMeTCqa4qlmdr0M4LSOF4mj0rIB3ImL7eWoDhO4YFrIh80qd2/C1usQTYlWfgSqVzaBcIHdrW0aGvU+xrfoLU+FjeCfCawDpgE7gEuM8ZMRXk9sXjWr1PY9DP84jiJ/o2dbk7XUekcKIU/NUzxoV/T/9zXR3bu+qN7seV6rMrwRyaTwNYDgoky/tPjJI9szZ1MZIFQa/0S4CZjTBX4r/CP6BLlLbdTH9uJ9WsySNKEUgovt4agOEbh3qsjC4TWWndrXKnjxWB3uqgppVCZBLZcp755uGWBMMo+wuuA3Vrrb2qt36i17t0dqleh4kPXuuV0uUG5PZuDlxskKE9R3nY3/tRIJOe0YyWC8TK27kObKqn0GpVJYis+/rbRll0jykD4eeBJ4D3Aj4AhrfVVWusPaq1l7mAHWb9O8eHr3CBJdqDTzelaKplGJdME5UmKD0czucHfOQm1AJVMxL4K9bKlElD38XdNtOwSUZbh+ijw0TDovRZ4DXA+8Grg37TWdwOXA1cYY2RvkzYqb70Df3IvNvBR6fjtlLYUXm6QoDRJ8aFrGTjr91d8Pn/nBLbmQyq6nGOo0rqAEJWNmcHIzqVSCYLJivul0iKRDx0aY3YCXwO+prVOAS/GBcb34abY/K9WXFfMrfjQbwnKE3jZAbktXoCXHaA2OUR56534hTES+ZX1SQVjZVdyK8K1xc+68i8jO1er7H1zhOVJkwr8wE1BapGWBSSt9TOAlwPnhY+Nn6hqq665QHveA/w1bnVLEfgV8FFjzKLW72itj8YF8vOBDbjlgl82xnx1juNfC/xP4BTAB24EPm6MaV/xO8LST4/fTFAukBg4qJ2XXpXc7XGKoFKgvPV28s955YrOZyfLWD8AKbKwfAkPfEswVcFG/EulIcoyXIdrrd+ltf6a1nozbvOmrwPvAJ4G/hF4BW5KTVtprT+Lq42YBb6Mm9z9duDOcLrPQu9/BnAL8E7cypgvAXngYq31/21y/Adw9RiPBL4K/BT3td+qtT47iq9psepD26mPPo2tV+S2eJFUJo+tFChvvm3F57LFGgQWpH9w+Tzllj5at/tfK0SZEe4IH+u44gtXAr8BrjPGdKxTQ2t9GvAR4Cbg/HB6D1rrS4GfAP8CLDRX4v/DFZV4rTHm6vD9n8R9fX+jtf6+Meau8PlDgP8HPAacZYwZD5+/GLgB+KrW+nRjTFtK75Y230pQLaDSfW3fpGi18tJ5/Mk9lDbfirV2Rd0J1g/cdmUSB1fOWvBb87GJMhD64fl8YATYGf5pXQ/n4vxV+PjpRhAEMMb8VGt9A3Ch1voIY8xTzd4cZoNvAG5uBMHw/SWt9UdwwfBPgA+GL30Ql3l+oREEw+Nv01pfghtVfwGuiG3LlTffRlAp4GVkNtNiqUwfdrSKP7qT+tA2UgcteNMwtxashnj4df8a+TlXjRbtRR1lIFwHvBS4AHcb+Hnc78KJMOD8BvhNB0aMz8NlqTc0ee1a3F7MLwfmqtf+Mtzv82ubvHYTrs9z5hYEjb83O/5aXCA8jzYEQhsEVJ64F1sp4vXFrxz/cinlodI5gmqR8vZ7VhQIVTrhfnoijIdRjsiuCo3vnVKQbs2wRpTTZwq4Td4bt46H4oLi+bhgcmH4/F5jzKFRXXc+Wus08AxgmzGm0uSQRsXHZ85zmsY2Wo/PfsEYU9Na7wCO1Vqnw4zzJFzgbTYIs5jrzWz/XOuyFyp3BkB99EmC4hg2qKNSsqphKbxUDlsrUX364RWdR+VSrn+whetke16je0LRsmWKLes0MsbsAr4HfAX4Ji4wKKCdQ5frw2vOtUygces63xyJRi37+c7hAY1f0xuAcWOMv8zrRab61IMEtbKrRC3TZpZEpXLYapnqUyurEaIGMq5v1m/NLV0s+AEkFKov3bJJ6ZHnmWGf2u8Br8TdAq7BBaMncCO20dc5mltjv8Rm2eDM5+dLl5Z6jvQKrzfNGPPsZs+HmeLJC72/8tTD2FpJssFlUOkswViZ6p7NBNUyXnp530NvQ96VnC9KIFy2egBJj8SG1s16iLLowpdwwe949vWK3I4LfFd2aDVJKXycawPZxuYR81XFWeo5Siu8XmRquwy2WkblYtanFAUvCcrD1srUdj9G5qhTlnWaxMY8KuW5D7NYFlt3SxS9Da0b8IsyI/xzoIBbRnclcJUxZk+E51+OcSBg7lvRNTOOm0vjlni+c1igMUVoBDhYa62aTJFZzPUiUxt+AutX8ZKykfhSKaVQyTS2XqU2smP5gfDINZBKYOs+NrCy3ng5qq5gReKoNQsfu0xRBsLX4EaFO7JypBljTFVrvQU4WmudMsbMno3ZGHR4aJ7TPDLr2GnhEsKj3KVMMOP4I8PnZ2+Wu5jrRSKolvAnh7D1GkoC4bI0AmF9dPll4tWaLN6aLCqZcB9o2bhpyWzVx1uTInF062Y+RDlq/AuYXor2PuC5uNUXw8D9wPeNMVujut4SXAe8H7eN6HWzXjsfl839bp73Xx8ecx5uid1ML8bdBt8063oXhMd/s8n1mHV8S9RHn8L6NfA8lCfln5ZDJVLg16iPNJ1iurhzKEXyuA3UHx/GVuooCYRLYq1137dMkuSxrdt1MdJRY631ewEDfAK3WuN84K3APwAPaa3/MMrrLdLXw8fPaa1zjSe11m/EBbIrjDFz/soPX/sV8FKt9RtmvD8HfDb855dnvOW7uEGRj2mtN8w4/vnA24BNxpj5Am8k6iNPuiKsCamKvFzTGeHIjoUPnkfymQejsklsuTXLw3paxUclPLw1WRJHtW6yRZSDJS/AVZ0p4SZT3wA8hZtofR7wP3Brcx80xtwR1XUXYoy5RWv9ZeAvgHu11pfhbl3fCuzG7afS+BpehpvzuMkYc9mM0/wVbq3xj8KleU/iVpuciFtBsmnG9bZrrT8GfAG4T2v9Q9zUmncCNfatQGkpvzACfl32JlmJRBIb1N33cgVSzzrYzX8bLa14yV7c2HINlU26XyYt7F+N8lPyYdwH/SUzA0Podq31z4FbgQ/hCh6001/i+u7+BBfUhoFLgE8YY7bMOO5lwCdxBRqmA6Ex5lGt9TnAZ3BTg7K46jPvZ1/GyYzjv6i1fgoXZP8MN5ByTXi96PeLbCIoTYD1QW6Ll02pBAQ+QXllg/zJkw5CDWZh5wRUpJ9wKWyxhjeYJXXa4S29TpT/I+cClzcJggAYYxrZ2EsjvOaihKO3Xwr/zHfcp4BPzfHaY7hb28Ve8wfADxbdyIgF5Uls4IOSQLhsXgIbBOH3Mlh20QqVSpA69TD8HWPYYlX6CRfJ+gGU66hDU6TPOLKl14qyj3AAV25rPk/TgTJccRSUJiAIZKBkJTwPbABBQFBZWVaYPvsoVH8aW6i6klJiQbZQReVSJI9ZT+Lg1m44FmUgfAJ44QLHnIvrNxQtZmsVrA3cQnWxLEqFHw8bYGtzLRZanPRZR+ENZF0ZqWqz1ZdiNjtVRfWnSZ97TMuvFWWOfjmuNt/HjDGfmfmC1jqBu+U8C/jnCK8p5tKCADhc6P5Rzw35VoySqxUPcHh9adJnHIG/awI7WUFl5PZ4PrbmQ6WOOnSAzItWUAZtkaL83/gs8Bbgf2mt34mbTzcOHIHLFI/FFW/9XITXFPOIOhae8cWm3b9dZdsnz2rNiSP4ZmbOO4HKjVvxnx7Hru+TVSbzsJMVVD5N6pTDWn5bDNFOqB7VWp+LK03/exxYaupXwAeNMcNRXVPMQymkLHKUVv69TJ1+BInDBvH3Trn+r4HMwm+KIWstdrKCd8gA2QtObMs1I83Pw8nHrw639Hwebm3tBHDPXBWgRWtMD5JIx/yyTQ9qKBXJNCTlKTKvOJH69lGCsRK2Py1zCpuwhSokPBKH9JM+++i2XLMlHRXhlp5XteLcYnG83Jpw+od0zC9b4IdB0MPLDkRyyuwFJ1H60X0EwwWo1CErK39mstZix8t4a7JkX6ldhe82WFEg1FofjBsEeR2wEbfi4lLgc2HFatEhXm4Q5SXceuOI3PXfT4/sXKtC4KO8hNsPOqKNr7w1WTIvPZ5gqEAwViZxqATC/ZTrUA/w1uXIvvKkhY+PyLIDYRgEb8dVWWnk98fjVphcqLU+1xjTlrp74kCJvrXudi7CjLA1I7LdywZuZU6iL9ryT7nXP5vytY/BttHpggLCCUZLeGtzZM47EW9tbuE3RGQlv+Y+DByNKzLwTKAPOB23Z8lzcJupiw7x+taCl8T69U43ZfUK6igv6boZIpQ4fJDMC49BDWYJRksLvyEmbLkGVR+1JkvuoqbF2VtmJb+KXgXcZox574zn7gsrtDyEqz7z2abvFC2XXHsYKpGK9NY4bqxfg0SK5NrDIj937vdPoXLTVvztkhU2BCMuG8y+/IS2TJmZaSUZ4VHAjbOfDDctugZXmUV0SHL9Ua4EV+DLgMky2XoVlUyTXH9U5OdOHr2OzIuORa3NSVYI2FINaj7e+hy5N5/a9uuvJBDmcKX5mxnCrT0WHeJl+kgMbJiuqSeWbjoQbmjNFI6+t56Gty4H5boLBDFlrSUYKeKty5G54KS2Z4OwskDoMfe21XaF5xYRSG14BiohgXC5rO8CYapFgTBxxBqyF5yEty5HMFKMbTEGW6iBb/E29tP3lvZngyDBqqelDjoWlcpg6ysrGBBH1q+76TOJNKmNx7TsOn1vPRXvoDz41k0kjhlrLXakiLe+j9zrT27rSPFMEgh7WPqIk1HpHLYqfVBLZWtlVCpL6qBj8LKtu1Xz1vWRu+g5eBv6sCNFbBCvrNCOl92exUcMknt9e0eKZ1rpUNUbtNbHNHn+dACt9QHVmwFrjPnjFV5XLEL6iOegUllsrSwl4pfI1kp4qRzpI1r/4cy9/mTKv36UYLyMHS+j1nUmK2o36wcEoyWShw/S947nuu0MOmSlgfD08M9c/rDJcxaQQNgGqY3HkMitoe55UK9CShb5L5atlvD61pBpQyBU2RT5d53B5D9dj//UOHYgg0r2/s2aHSnh9adJ6oPJvPyEjrZlJYHwfZG1QrSE8jzShz+L6q5HCapFEhIIF8VaS1AtkVhzaFsyQoD0i48l9UtDMFEmGC6SOKT9I6ftZCt17FSFxNFryf/RWR0vSbbsQGiM+VaUDRGtkT32TIoP/pqgUoC87JKwGLZWRnkJEgMbSR82u5pcayhPkf+js6iZPfhPjGFLtY7eKraStZZgqIC3ro/MS48n9axDOt0kGSzpddkTzkFl8gSVQmynZyyVrRRQmTzZY8+MrNjCYiRP2Ej2lRpvfR/BUO/+f9nJCgTgHdJP/t1ndLo5gATCnpc+7FkkBja6SjS1cqebsyoElQJeJk/2uLPbfu2+dz4X77AB8JQbUe0x1g9c3+DGPH1vOx1vfV+nmwRIIOx5yvPIHnMGXjaPXeFObHFgA9+NGGfy5I4/p+3X9wYy5P/geSQ29mNHS9h60PY2tJIdKaH6UqRO3Ej21e3pdlgMCYQxkNMvRmUHCMqTnW5K1wvKU3jpHKlDTiC5rrWbis8lc96JpJ5zKGog4wq49ghbrmMLVbwNfeQ/8PyuGhnvnpaIlsnpl+BlB7H1miy3W4AtT+JlB+l71ss71gblKfIffD7ehrxbh1xc/f9n0wMk63NkXn4CqZM7P0AykwTCGEjkBskeeyaeZIXzsuFG7irbT9/J53W0Lclj1pO78Fl4G/IEQ6t/xYkdL4MC77DBrhkgmUkCYUz0PevleLkBgtJEp5vStWxlyi2r2/gMUod0vopc39tOJ3HUGlTKw46tX/nsqgAAHRZJREFU3mWSth5gR0skNvaT/4PndWw98XwkEMZE37NejpcdwNarUoRhDkFpnERukL6TL+iK5YgqlyL/vrPxNuax42VsdXXWlQyGCqiBDKlTDiVzXud/wTQjgTAmEv3ryZ34QrzcIEFxvNPN6TrWr7tpM7lB8qe9ptPNmZY+52jSZx3tCriuwrmFtliFSh1vY578B87p+AqSuUggjJH8aa8h0beGoDSx6j5QrRaUJ/AyedJHPJv0wcd1ujnTlFLk3382iY15qAfYqdUzcGKDcIBkQ57c604meUz3rmySQBgjOf1SEgMbAbDVYodb012C4jhebk1XZYMNiUMGyL3lNLyD8tjhItZfHXML7VgJlUqSeMZa+t5yWqebMy8JhDHipTL0PfsVeH1r5PZ4BlsrY/0aXt8a8s/5vU43p6nc604mefwGVC6FXQV7nNiq7zZq35gn/76zu37dtATCmOk/4w14fWsJyhOyqVPIL46R6FtD3zNfRqJ/faeb05RKJ+j/wDl4G/uwkxVspXu3aW3MGVRrc6TPPor02dFvfhU1CYQxkz78ZDJHnIyXyUtWSDh3sDiO17eO/jPf1OnmzCv1nEPJvOR4V5Rhb/cOnNhCFeoBiY158n98dleMwC9EAmHMKKXoP+NNeH3rCIqjXfthapegPIEXluTPHntWp5uzoPx7z8ALd3mzk903DcoGFjtcxNuYJ/f7p5A4ZHVsZim7SsdQ/tRXMfqrf8Ef34WtFlGZfKeb1BHWWoLCKIn+DfSf8ca2ltxaLm9dH31vP52pr9xKsGuSwO+uX2SNzeqTx64nd9FzOt2cRZNAGENeJk//aa9lbPQpgsIoXlwDYa0EQd0Fwude1OnmLFr2Vc+kcu3j1Mp1bL27+nlV0sNbmyP/vrNQ6USnm7NoEghjqv/stzB5+6VUJ4emNzKPm6Awite3jvypryKRX9vp5iyaSnr0/+1LKF/9CHThVJrEsetJn3Fkp5uxJBIIYyp98HFkTziH+sQe/OIYycGDO92ktrJ+jaA8SfrgQxg4+62dbs6SJY9aS/+ftL9eYq/q/k4R0TIDz38bifx6N2gSdF9m0UpBYQwvO0jm2DNJH6Y73RzRYRIIYyx34otIHXwcXipHUIrPVBobBPjFURL96xk8522dbo7oAhIIY0x5HoMveAdefj1BYSQ2U2mC0jheKkPqoGPJPbNzBVhF95BAGHP5019Hcu1hgIrFniZuyswIXn4DA+e8Y1VMmRGtJz8FMeelc/Sf+SYS/evxp0Y63ZyWawT75JpD6H/u6zvcGtEtJBAKBs5+i1tjW68QVLt/Qf9K+FMjJPLr6T/zTXiZ7thKUnSeBEJBcvBg+k55tesrnBrudHNaJqiWoF7B61/PwPNlkETsI4FQADD4wneRyK8jqBR6dqe7YGoYL7+e/Kmvjt28STE/CYQCgPQhJ5A76UUk+tbgF3qvr9DWqwSVAon8OgZf+Aedbo7oMhIIxbTBF/6Buz0ujmP97q13txx+YYRE3xpyJ72I9CEndLo5ostIIBTTMseeSeaoU/Cy/QTF0U43JzLWr7uag/n1kg2KpiQQimlKKQbPfTeJ/g34hd5ZdhcUR/Gy/WSOOoXMsWd2ujmiC0kgFPvpO/l8Ugcdi5fK9MSyO2sD/EK4nO7cd6+Kasmi/SQQiv0oL8HAOe/Ay28gmBpe9cvugmJjOd1x9J18fqebI7qUBEJxgP7nXeSW3SkPW57sdHOW7cDldKunUKhoLwmE4gBeOsfAWW92y+5W8VQaW54CFMm1h8lyOjEvCYSiqYHnv5VE/0bwawSrdDN4vzBMon89A2e9WZbTiXlJIBRNJfo3kD/tNXj5dQSrsBiDW05XJdG/gYGz39Lp5oguJ4FQzGngBe8k0bc6l91NL6c77TUkBjZ2ujmiy0kgFHNKH3wcuRPPDZfdrZ4J1m453RSJ/FoGznnH/9/enUfJVZZ5HP/eW3tVd9KdlZCFLB2eQEIIS4BAgigI5AgoigsRdXRcRlAH3FARFNAZF0TEBQfGcURE3AdGRIZh0UEHl1GR9ZHAAZFFWRJI0t3ppe788b6VrjS9VHXX0lX1fM7hFF11q+qt3K5fv/utd3FMA7AgNGNqX7fJL7vbSpSfWpeOHM3gji2Ememku9bZcjpTEgtCM6b0skNJzhPCVJZ899Z6F2dcUT5Pvnurvx6J1QZNaSwIzZiCIGDaYae6q93t2DLlJ1jne7YSJjMk53aR7jq83sUxDcKC0Iwru3ojsel7uAnWU/i6Jm4C9RbCnNt41a5HYkplvylmXGEiRdtBryCW65zSgybRzh1ARGzabHL7n1Dv4pgGYkFoStK+9hTCXCdRXw9R/856F2dE+e4thNkZtK050SZQm7JYEJqSxDvmkV3xImLZDgan4F6FbspMN7HsdNoPfU29i2MajAWhKVnbIa8mzHW4Hayn2F6F+e6thJlppLsOIzFzUb2LYxqMBaEpWXrxwSTmLCNMpsn3Pl/v4uwSRRGD3VvdBOqDX1Xv4pgGZEFoShaEIe0HnUyY7SQ/hQZNot5tBLEE8c4FZOTIehfHNCALQlOW3JoTieVm+F1ppsbF4Ad3bCGW66TtwJMIYvF6F8c0IAtCU5ZYroPsvi8hzLq+wnqLBvqI+nsJM9NpO/AV9S6OaVAWhKZsuQNPIsxOJ9/zHFFU30GTfPdzbpBk2aFuV21jJsCC0JQtvfhgEjMXESRSRD3128o/iiLyPVuJZafTdqDtQG0mzoLQlC0IQ3IHnOjmFPbUbyOGaOcOCEJi0+aSXXFU3cphGp8FoZmQtv1PIExPI+rrJRrsr0sZ8j3PEWank1t9PEE8WZcymOZgQWgmJN65J6nFBxKm28j31H5OYZTPk+/dRpiZTm71xpq/v2kuFoRmwnKrjyfMTK/LheDzvdsIExkSs5eQnL+y5u9vmosFoZmw7MpjiGU7YHCAfH9vTd97t2ZxENT0vU3zsSA0ExbLTCOz93rCzDSiGjaPo8EBor5uwnQ7uf2sWWwmz4LQTEp21TGE6Wnke56v2e7V+d5thKkcyfkrScxcWJP3NM3NgtBMSmb5esJcB0RRzfYpzPduI0xPI7vy6Jq8n2l+FoRmUsJUlszyIwgz7UQ12JFmqFncRnblMVV/P9MaLAjNpGVXHl2z5nG+dxthMkdy/r4kOudX9b1M67AgNJOWWb6eMDsdojwM9FX1vaLe7YSZdrL7vLiq72NaS9PvWSQihwMfBw4CEsBvgAtU9WdlvMYy4FzgpcAcYAvwc+BCVb1z2LFZYBuj/5H5gKpeVObHmNLCVJb00rX0P/MI+d5txBKpqrxPlM+T79tBvGMeGVtSZyqoqYNQRDYC1+GC61tADNgE3CIir1TVa0t4jdW40JsO/AS4F1gGnAycICIbVfXWoqesxoXgrf55w/1y4p9o6srIkey460YGtz1DrH1WVd4j2rmdIJEmPmsvErOXVOU9TGtq2iAUkRTwNeA54CBVfdTffzHwa+CrInKTqnaP81JfwYXgJlX9dtHrHwPcCHxNRLpUtbAf1Rp/e0Xx8c0us/cGwlSOgS2PEQ0OVGWD1HzvdjdIsuJFNonaVFQz9xG+BpgH/EshBAFU9UHgS8AewJg7eYrIfOAI4PfDQ01V/xu4DVgCrCp6aH9/u1uTudnFp80mOX8lYTJHvgoXgY+iiPzO7YSpdjKyoeKvb1pbMwfhS/ztzSM8dvOwY0YzAHwA+NwojxcmzrUX3bcG6AW0hDI2lczywwnTOX+h9cqK+nsJgoAw10FqweqKv75pbU3bNAb29rebR3jsIX+7YqwXUNW/AiMObIjIXGADLizv8/eFwH7Ao8BHRGQTsBj4G/B93CBNyTsUiMg9ozy0rNTXqKVM1zq2ptrIb3uaKIoq2nyNdu4gSLWRWXoIQTxRsdc1Bpq7RjjT3z47wmOFMOqYxOtfCrQB16hq4T26gBywHHgrcBOun3IH8F7glyLSOYn3nNKS81cSa59FEIRE/ZW9sJNrFudId62r6OsaAw1WIxSRzZRQG1LVACjs1DnSuq/CfekJluMLuD7IvwBnFT00GzeqfD9wmqr2+OMTuEB8A/BZXEiOS1VH3F/K1xT3nUjZqykIY6SXHkL/k39yzeNktiKvG+UHifp6CWfkyCw7rCKvaUyxhgpC4EFcU7QUhSpJEhi+hXJholtZvfo+0K4A3gQ8BWxU1acLj6vqL4AXhJeq9ovIu4BTgNeJyDtVtT7bOldZeulatv/2h+4Sm+3jH1+KqK9717SZeOeelXlRY4o0VBCq6nFlHF5ornbgmqbFpvvbcvrrOoAfAUfh+gCPVdX7S32+qj4vIoobTJmLq002nfSStW4azdbHifJ5gnDyvS/5nd1u0vaStRUooTEv1Mx9hIWQGqkpXbjv3lJeSEQW4iZCHwX8AThspBAUkcUicpSIjDajOOdvp8aV0asg3jmfeMc8gniqYv2EUd8OglSO9JKDKvJ6xgzXzEF4m78daYpMYf+m28d7ET86fAuwD/BfwAZVfXyUwz+IW1HydyO8zgLcnMOHVPWZ8d63UQVBQGrJWsJUtiLTaKL8IFF/H2EyQ3rxwRUooTEv1MxBeC3wDPBuEVlauNOvGz4DeBL4QQmvcxVuNPgG4ARVHatf8Rp/+34R2dWZ5dcfX47ririknA/RiNKLDyBIZsn3jbdoZ3xRXzdBMk1i1mJibTMqUDpjXqih+gjLoarbReR04NvAb0WksDLkVGAa8EpV3XWhDRFZjKvJbVXVS/x9xwKFTe8eAM4RkZHe7kpVfUhVfy4iXwTeDdwjIt/DDdQcDyzFzSX8ckU/6BSUWrSGMJlhoL+XKMoTBBP/e5vv6yFMZkntdUAFS2jM7po2CAFU9bsisgX4KG6ktw/4PSPvPrMY+BjwCEO1tuILYrxnjLe6HT9JW1XfIyK/xtU6X+8fvw94J3B50ZrkphWfsZBY+2yCpx9xK0ImMY0m6usmbJtJatH+4x9szAQFtbrOhKkcEbmnq6tr3+uvv77eRRnVU985m+f/92qCWGLCu9FEUZ7+J/5Eco/l7HnmtSRmLKhwKU0TmtBypmbuIzR1lFq4mjCZmdTIcdTfSxB3QRq33ahNFVkQmqpIzl9JkMiQ7+ud8Pb9UV8vQSJDcsEq23bLVJUFoamK5LwVBMm0274/X+pioN1F/T2EyQyp+SOuNDSmYiwITVWEyTTJuV2EiTRR38Sax1FfD0EyTXLBqvEPNmYSLAhN1STnryJIZsj3945/8DDR4ABRfoAgniY1b58qlM6YIRaEpmqS84QgkSaaSBAO7CSIp4jPWECYqdDuDcaMwoLQVE1y3opdQVjugEnU30uQSJOcN+beucZUhAWhqZrk3C6CRAqiqOwBk6i/lzCRJjlvxJU8xlSUBaGpmiCeJDl76YSax0M1QgtCU30WhKaqEnOXEyZSRP0jbRQ+sijKEw30EcRTJOcur2LpjHEsCE1VJeYuc3sTDpQRhP07CWIJwlwnYdvM8Z9gzCRZEJqqKvQTllUjHNhJkEiRnLvMVpSYmrAgNFWVmLt8V40wikrbeCfqd1NnEnO6qlw6YxwLQlNVsfbZhJnpBLE4DJR4vSpfI0zMWTr+scZUgAWhqaogCEjM2qusfsLCQEli1uLqFs4Yz4LQVF1i9hKCeLKkIIzyeaLBfoJ4ksTsJTUonTFNvkO1mRrivkY4sO0p8r3jXdAp70aMsx2E2Y6alM8YC0JTdamFqwkz7cTjyZKOD4KQ1MLVNmJsasaC0FRdeq8D2OMd32Rwe2lXMQ2CkNSiNVUulTFDLAhNTdjmqmYqs8ESY0zLsyA0xrQ8C0JjTMuzIDTGtDwLQmNMy7MgNMa0PAtCY0zLsyA0xrQ8C0JjTMsLyr3Moqk/EXk+mUy2L1q0qN5FMWZK2bx583+q6knlPs+W2DWm7r6+PjZv3vxovQsyScv87YN1LYVp+fNgNUJTNyJyD4Cq2kLkOrLzYH2ExhhjQWiMMRaExpiWZ0FojGl5FoTGmJZno8bGmJZnNUJjTMuzIDTGtDwLQmNMy7MgNMa0PAtCY0zLsyA0xrQ8C0JjTMuzIDTGtDwLQmNMy7MgNMa0PAtC0zBEJBzrZ1MbI5yHoF5lqRTbqt80BBEJVTXv//8U4DpV7atzsVrOsPNwBHCHqg7WuViTZn9RzZQ37Mv3IeC7wEf9zw1fG2kUw87Dh4H/AI71Pzf0ebAaoZnShn35LsAHIJAFUFXbPqkGhp2H84Fz/UMLofHPg9UIzZQ17Mt3IS4Efwj0AssLx9SvhK1hhPNwLvBT//Ae/n6rERpTaSISK/Q9+S/fOcBXgMuBpcAe/svX0DWRqW6U83AZcCOwjqFLgYZAw/YV2l9TMyWIyFIRWVH4uejLdz5DIfhZVf0j7guXVdWo0CRr9BrJVCEis0Wks/Bz0Xm4gKHz8E/AzUA3MG3YcQ15HiwITd2JiAB3AReJyD5F95+Oa4Z9EbhIVR8RkRjuC9gpIjP8cWFRIM6w5vLEiMga4P+AtxSHoYicheuW+BLuPDyG66PtB2YWHRcM/8Pkz9eUZ78wZiqYDzwIvBQ4rygMvwl8GLhUVR+GXTWPx4B2oMPfV+i/ehnwb8CRtSx8EzkOWAC8F9hU+EMD3A+cD1xSOA/A88AzuC6KnG9CF0LwROBKEUk1ytQaC0IzFfwMOAv4NfBaXBjur6rbgM+o6oOwW7PrOSAGZAovICLH4r6sJwFP1LDszeRS4CNAGvgYcKqITFfVG3Dn4aHCgaq6E9jij00UNY2PBc4DXo8fUW4EFoSmrnxzahC4DRdkv8SF4YdEZOWwplbh93U7rmk2xz92PPBp3Ejy/qqqNf0QTcB3L/QAlwAX4wZSPw6cJiKd/jFEJCj6g9QLdOKnMonIcex+HjbX9lNMnAWhqStVjYrC8Ge4PsHbgVOAc0RkVeE4hkaIH/G300XkMFzn/TJgg6reVdMP0CRUNe/DsBf4PPBZXD6ci6sZzvTHRUAhCJ/wx8wRkRcBn8KdhyMb7TxYEJqaGz6Y4cMwpqr9qnorbq5gH3ACLgz38cfl/VO2+tsNuBDsAtb7EWVTouEjvD4M46raDXwG+AGu1v0R4HWFAZSi8/A3XM3xSFxTehkNeh4sCE3NiMhK39zNF4dhUY0QETkUOBlIAH9mqM9w36KX2uJvzwIOxtUEG+7LVy8ispeIzC/UxovuD1R1wP+4BlgBDOCavx9j9wEUcE3jBPBJYC0NfB4sCE1NiMgy3BSZG4vDcNjUl/W4msjhwMtwHe6FPsNzi8Lwz7i5hH3AYap6Z40/TsPy/4Z3AZ8uDsMRzsPFuAnTLwfOxtX8CgMohSkz9/vbiAY/DxaEplaeB24F9gS+IyKrVDVfNPVlPa5mcThwvKreBNyHG0D5BUNhuML3P50BrFLVe+vwWRrZMlzXwitxNe0FfmL6SOdhox8x/jouGGO4MHydiLQBv/WPrVXVe2r/USoniCJboWRqQ0RmA1fgprjcB5yiqveJyJHAhbgv33GqeovvqxrwE3JfjPsCHoJb0XB60Xw2UwYRSeN2jPkEsA8uyM5T1SdFZIO/v/g8JFS13z/vfbg5hjtxAyqfA2Kq2l+Pz1JJFoSmpoaF4b24pvAbgKNwNcGbC4v8CysVfBgehZvaMR/Yz69uMBMgIilgI3ABLgz/FbgJV8s+kqEQLJyHwm0aOBM3QPUQria4ZeR3aSwWhKbmhoXhDiAJrFPV3xUv8vfHFofhBuBhqw1O3rAwXIWbCjMbN+DxqxHOQyEMM8DpwI+bab6m7T5jak5VnxKRt+Pmo52Imxf46CjHFs8zvK12pWxuqrpTRG7wP54LHABcD/zG3xcNO75QM+zBNYmbitUITd2IyBzctlqFPsNTVfWPxfvfmeryzd2NuFUkK4BvABeq6qPFmyg0Oxs1NhVVzs4vqvo34G3Adbi+qqsLo8m2g8zEFO36UtJ2WH4lyU9wg1EKvBn4aGE0uVG31SqX/bKZihCRWTDUhCr1ear6FENhuC9wTdE8w5b4ElZYwt+2F9851nZYfgOFG3CbJdwHvAU3VekFk66blTWNzaT5/QS/B3xNVb/g7yureTtsAOVJ4GhVva8a5W1Wfl32e4CVuNUgPwX+R1V/VOLziwdQuoAfAR9Q1cerU+Kpw2qEphIi3MjjW/xmqhOtGb4VN+l6D9yqEVMiETkY+Dlu4nkWd07OBH4gIpeJSPtYz4fdaobn4PYaPJYWuRSCBaGZFB92fbhJtvsB/ygi74AJheHTwGuARYU9CM34RGQubvfoB4FNqnoAbhT4aNwyuHcAV/lljmPyYXiTf86hqtoSezta09hMmogsB+4EHsA1qbYC56vq5f5xGwWuInFb7N+O2zz1An9fYUXIStwE6BPxAWfzMF/IaoSmEtpwOxV/C/gH3AV9zvVzBcuuGZqy7Y1rDt8Nrq/Ph2Dg1wC/D7gGdymEz4tIYSPVhrieSC3YL6eZFD+ieJL/8XbcHnbvx11PxMKwNu4GevDnwU+W3jUH0O8U/THgx7jdZD7t72+I64nUgv1imknxX7YYbqncnX5Tz6twi/MtDGvjadzKnNNE5LUwtCKncICqPoC7ENYDwBki8oq6lHSKsl9KUxYRecGyTFU9D3gV0Ov7A3cAV2NhWBN+YvrZuE1UTxeRdf7+XWFY1Ew+wz9tXV0KO0XZYIkZl4jsD5ytqpv8z7sW5A9fnD/seTlgE24vu624pVs2gDJBIrIUtwvPUcDDwL2qeo1/bBauxncmbv7fJ1T1D/6xwsYVCdyE6z/grg29AdjeKsvoxmJBaEZV9AX6FPBB4Juq+ib/2KgBOOw1isPwKdy1cS+tZrmbkYgcghvwmIsLs9D/d56qfsIfsy9uDuCpuOu+XKSqd/jHUn5qDCJyD/BXVX1JzT/IFGVNFFOKwpbsbxCRq8F1tJcy6ljUTD4TWAy8XUQ6qlXQZiQie+OC7Vlc03YFbuJ0H/D3IrIQwO/WfTFu9P5k4J9F5NX+sUIInoy73vDdIhJvheVzpbAaoRmXnyB9Ge5iPWngKlV9o3+s1JphG64f8Veqev94x5vdauSfxO0B+DZV/X7R4xfh+mGXAI8VLrzkJ06fDrwLt9XZt4FbcGu5T8L12663SetDrEZoRlVU45uDu3LcGbi9A08TkSuhrJrhduBKC8HSFfXdrQOew+0XWDxglcJdUvO1uJUjXxGRo4HHVfV9uGtDb/a3X8cF4w7gGAvB3VmN0IxLRK7Hbcs+R0TmA3fgtswvu2Zoyuf//dfgLlHwrL8vgduodvjo7zPAV3H9g8/55XezcWvB/wQ86td1myJWIzRj8qORnYCKSM5fK+QI4C9MoGZoSlfUf3cnMA83yltwFi4EL8Ot8V6O27TiWdzqnsIUmr+q6t2qeo2q/s5CcGQWhGZMfiOEr+OmY+wQkaSq/hlYj4VhVRU1jb+Mu+LftUUP340bgDpfVe/xTd1v4a4GOBO3eYUpkTWNzaiKl2mJSNavGtnVDBaRRbhldQvYvZkcL3Tcm8oq/rcVkTZV3T7sPO0F/N7/d7w2waU2a8GC0EzIKGH4DVV9c52L1pJk6CpzcVxN/Veq+vJ6l6tRWNPYTEihGVzUTH4YeJOIXFbfkrWOYWuJC6t03gjMwP1xMiWyy3maCSsOQz9t4zrciKWpjcNEZC1uwvoAbmeZs4DHge/Ws2CNxprGZtIK/VbWN1g7funiv+MmqT+Ba9114pYxblTVu+tXusZjNUIzaUXhZ/MIa8SP4H8Ktw/hAty1Re4ArrAdqMtnNUJjGpi00EXYq8kGS4xpEraBwsRZjdAY0/KsRmiMaXkWhMaYlmdBaIxpeRaExpiWZ0FojGl5FoTGmJZnQWiMaXkWhMaYlmdBaIxpeRaExpiWZ0FojGl5FoTGmJZnQWiMaXkWhMaYlmdBaIxpeRaExpiW9/+3sXaMsJ2d3QAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "for stuff in ['freq_score', 'power_score']:\n", + " for vs in vss:\n", + " base, stim = results[stuff][vs].dropna().values.T\n", + " plt.figure(figsize=figsize_violin)\n", + " plt.ylabel(ylabel[stuff])\n", + " violinplot(base, stim, colors=[colors[labels.index(l)] for l in vs], xticks=vs)\n", + " plt.ylim(-0.35, 0.5)\n", + " plt.yticks([-0.25, 0, 0.25, 0.5])\n", + " despine()\n", + " fig_path = output_path / \"figures\" / f\"{stuff}_{' '.join(vs)}\".replace(' ', '_')\n", + " savefig(fig_path)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 94, + "metadata": {}, + "outputs": [], + "source": [ + "def plot_speed(results, stuff, colors, labels, filename=None, show_raw=False, ylim=None):\n", + " base, stim = results[stuff][labels].dropna().values.T\n", + " base_bins, stim_bins = results['speed_bins'][labels].dropna().values.T\n", + " \n", + " base = np.array([s for s in base])\n", + " stim = np.array([s for s in stim])\n", + " \n", + " if show_raw:\n", + " fig, axs = plt.subplots(1, 2, sharey=True, figsize=figsize_speed)\n", + "\n", + " for b, h in zip(base_bins, base):\n", + " axs[1].plot(b, h)\n", + " axs[1].set_xlim(0.1,1)\n", + " axs[1].set_title(labels[0])\n", + "\n", + " for b, h in zip(stim_bins, stim):\n", + " axs[0].plot(b, h)\n", + " axs[0].set_xlim(0.1,1)\n", + " axs[0].set_title(labels[1]) \n", + "\n", + " fig, ax = plt.subplots(1, 1, figsize=figsize_speed)\n", + " plot_bootstrap_timeseries(base_bins[0], base.T, ax=ax, label=labels[0], color=colors[0])\n", + " plot_bootstrap_timeseries(stim_bins[0], stim.T, ax=ax, label=labels[1], color=colors[1])\n", + "\n", + " plt.xlim(0, 0.9)\n", + " plt.gca().spines['top'].set_visible(False)\n", + " plt.gca().spines['right'].set_visible(False)\n", + " plt.legend(frameon=False)\n", + " if ylim is not None:\n", + " plt.ylim(ylim)\n", + " despine()\n", + " if filename is not None:\n", + " savefig(output_path / \"figures\" / f\"{filename}\")" + ] + }, + { + "cell_type": "code", + "execution_count": 75, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhoAAAGTCAYAAABu7rurAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5ic1Xn4/e/Tpmwv2qpeHxUkQB3JCCzAxkBsYmMIdtxek+ArAZfY5nXiHxfEJYlDGsHmjYN/NsFObBCxMQbTMVWool5Gu6tt2t7LtKe+fzyzo11pV9oyq23nc13L7FP3zKKZveec+9xHcl0XQRAEQRCE8SBPdAMEQRAEQZi+RKAhCIIgCMK4EYGGIAiCIAjjRgQagiAIgiCMGxFoCIIgCIIwbkSgIQiCIAjCuBGBhiAIgiAI40YEGoIgCIIgjBsRaAiCIAiCMG5EoCEIgiAIwrgRgYYgCIIgCONGBBqCIAiCIIwbEWgIgiAIgjBuZkygoev6s7quPzvR7RAEQRCEmUSd6AZcQouXLFmyEnAnuiGCIAgTxbUt4meOEC3bidlajdVWg93bipJdjJo7B0mSiVXtJTB/LVlbP4N/zmXj2h473Ennq48QLd8FrkPayu3k3fTNcf2ZwqhJo7loJgUagiAIM5ZjxolX7Sdavgur4wxmWw1utBslp5TAok1Iqi95rpo7B6OpnMixV/EV60iqNm7tihx7GbO1Clxn3H6GMLFEoCEIgjDNmW21dL/3P1gddVhtNThmDDVvDmrJCiTl/D8Dat5c4pV7MZpPEy17l7QV145Pu1oqiVUfwmqrQS1ahtVyelx+jjCxRKAhCIIwjbmuS/jIC8RrD+FEulDz5uLLKkKSh07Rk2QFtWARZnMF0VPv4J9/JUpadmrb5TiED7+I2VKBnFWE7E9P6f2FyWPGJIMKgiDMRGZTGWZTBXZPC/55V6DmlFwwyOijZBYgqT7M1ioix15JebtiVfswmspxetvRZi1I+f2FyUMEGoIgCNOU67pETr6B2VaDml0yIA/jYiRJQitcgtVWQ6z6AGZrdcra5cQjRI7/AaOpDHXWAiRl/HJAhIknAg1BEIRpyuvNOI3d24qaN3fE18uBDOTMAsyWSsJHXsR1UpOwGTnxOmZrJbguSk5pSu4pTF4i0BAEQZiGvN6MNzHbqkfcm9GfNmsBTk8rRmMZ8ZqDY26X1dlIrGIPZkslWtESJGlUMyaFKUQEGoIgCNOQ2VTu5WaMsjejj6T6UPPnYzaVEzn+Oo4RG/W9+hJTzdZKlLQclLScUd9LmDpEoCEIgjDNnM3NGFtvRh8ltxTXNjFbKomeemvU9zHqjmHUn8TqakQtWDSmNglThwg0BEEQphmzuQKzeey9GX0kSUYrXILZcppo2U7sntYR38O1DCJHX8FoKkfNnYOsBcbcLmFqEIGGIAjCNOK6LtGTb2C2VqNkF4+5N6OPkpGH5E/HbK0mfOSlEV8fPfUORstpXCOSkuBHmDpEoCEIgjDJ2OGOUedCmM0VGE3l2L2taHnzUtourXAxVvsZ4meOYjSWDfs6O9xB9NS7mM0VaIWLkWQlpe0SJjcRaAiCIEwiVkc9HS//Ox0vP4zV2TCia73ejDcx22pS2pvRR/aloeaUYDZXED76Mq5jD+u6yFFvPRNJDSBnzEppm4TJT5QgFwRBmCRc1yV8+AXMpjJcx6LrHcje+hnU3OHVmjBbTnu9Gd0tBBZtHJc2qvnziZ3eg9lUTuz0HgKLNuEaEZxYD06sFyfeixPrxU08OrEejKZyzPYa/POuFNNZZyARaAiCIEwSRu1h4g0hrO4mJC2NePUBulyXrA98Bi139gWvdV2X6Alvpsl49Gb0kRQVrWAhRnM54SMvEzn6Cq5t4VoGrhXHtY3E9/2+jAhKdrFYz2SGEoGGIAjCJOCYccLHXsVsKkPNm4eaU4px5gjxmgN0v+OStfUzaHlzhrx+QG/Gwg3j2lYluxi7q5FYxS5c2wTHAVVDUnxIauJL8SH7MyDdh6T6kYNZ49omYfISgYYgCMIkEA29hdlSiWvGUXPnIMkyvrlrvGCj+gDdQNaWT6Pln5/geTY3I9GbofnHta2SJOGbuwbXiHo9J4omhkSEIYlkUEEQhAlm97QSLdvpzcooWpJcXVWSFXxzVuPaFvHq9+l+9+eDLm5mtlRiNJZhd7egXaKpo5KsIAcyvN4LEWQIFyACDeGiHnnkEXRdP+9rzZo1bN++nb/5m7+htrZ2ops5JF3X2bZtW3J79+7d6LrON77xjQlslWf79u3ous6ZM2cmuinCBPHKcr/ozcrwpaNk5A847gUbl+HaNrHqA16w0VI14PpoYoVWJbto3HszBGGkxNCJMGwbN25k40Yvk911XaLRKJWVlTzzzDO8/PLLPPnkkyxevHiCW3lxs2fP5p577kHX9YluiiBgNpURP3MMq/0M/gVrBz2nL9gw6o4RSyxslnnVp/AVLsJqrUr0ZjSPe26GIIyGCDSEYdu4cSP33nvvefufe+45vv71r/PQQw/xH//xHxPQspGZM2fOoM9DEC4117YIH3kJs7kCNacU2Zc25LmSrOCbnQg2qg+A65K55VNebofozRAmMTF0IozZzTffTEZGBrt3757opgjClBKr2OWtSRLtRh0kyfNckizjm70KJJlYjTeMYjScwu5uSnkVUEFIFRFoCGMmSRKKouDznT9v/9ixY3zjG9/g2muv5bLLLuPKK6/k1ltv5ac//SmO4ww4t7a2lvvuu4/rr7+eyy67jK1bt3Lvvfdy9OjR8+4bj8f58Y9/zC233MKaNWvYsGEDd911F3v37r1oewfL0fjWt76Frus0NDTwr//6r1x33XVcdtllbN++nYceeohIJHLefZqamnjwwQf54Ac/yGWXXcYHPvAB/vqv/1rkWwjDYke7iZx8C6OpHK1gEZIyvA5mL9hYCZJCvOYQZmvVJZlpIgijJYZORiFqGRj28ErvTiSfohAcp6I9/b344ot0dXXx6U9/esD+d955hy996UsEg0Guv/56Zs2aRWNjI6+++io/+MEPaG1t5b777gOgvb2dP/mTP6Gnp4cPfehDlJaWUldXx0svvcSbb77JU089xfLlywGIRqN8/vOf5+DBg6xatYo777yTSCTCSy+9xGc/+1m+//3v8/GPf3xUz+Xee++lpqaGD33oQ6Snp/PSSy/xk5/8hKqqKn70ox8lz6uoqOCzn/0sbW1tXHPNNdx0002cOXOG3/72t7z++us8/vjjrFixYpS/UWEmiBx7FbOlEklWUbIKR3StJHnBhtlYhhPtxj93zTi1UhDGTgQaI/TA7t/xsxM7cVx3optyUbIk8YUVW/jbTX+Ukvvt2bOHRx55JLkdj8c5ffo0b7zxBps3bz5vFscPfvADAJ588kkWLVqU3F9eXs4tt9zCb37zm2Sg8cILL9Da2sr3vvc9PvnJTybP3bZtG/fddx///d//zXe/+10AHn74YQ4ePMif/dmf8fWvfz05te6ee+7h9ttv54EHHmDLli0UFxeP+Dl2dnbywgsvkJ/vZf7ffffdfOQjH+HVV1+lqamJoqIiAL75zW/S3t7Of/zHf3Dttdcmr9+1axdf+MIXuO+++3j22WfFtD9hUGZbDbGq/Vht1fjmrBnVvxNJkvGViIRmYfJLWaCh67oKfAP4HLAIiAA7ge+EQqFhDd7ruv5B4D5gE5AB1AO/S9yjJVVtHYvHT7w3JYIMAMd1efzEeykNNPbs2TPosdzcXNra2khL85LZXNflK1/5CpZlDQgyAJYsWcKsWbNoaTn7v7RvGOXQoUPceuutaJoGwE033cTatWspKSkBwLZtduzYQV5eHl/72tcGvEEXFRXxxS9+ke9///v89re/5e677x7xc7zzzjuTQQZAXl4ea9eu5fXXX6e2tpaioiIOHz7MsWPHuOGGGwYEGQCbN2/muuuu45VXXuHgwYNceeWVI26DML25juOtZ9JSiZw5CzmYOdFNEoRxlcoejR3ArUA58CgwC7gDuEHX9VtCodDLF7pY1/XPAz8FosCvgSZgM3AP8Ee6rm8OhUKNKWzvqHx+xVVTpkdDkWQ+v+KqlN3vnnvuGTBbIx6P09zczPPPP8/DDz/Mvn37+M1vfkNBQQGSJHH99dcD0NLSwqlTp6itraWqqoojR47Q1tYGeIGDoijceOONPProo+zYsYOXX36ZzZs3s3XrVrZt28bcuWcLEFVWVtLb20txcTGPPvroeW2sq6sDvNyQ0Tg3KALIyvJKJ5umCcCRI0cAb7infw9Pn66uLgCOHz8uAg3hPPGaAxiNZTg9rfjFdFRhBkhJoKHr+g14QcY+4OpQKBRL7P8p8Cpe4LHkAtfnAv8O9AIbQqFQqN+x7wD3Az/A6y2ZUH+76Y/41roPixwNwO/3M3fuXL70pS/R0dHB448/zs9//nP+6q/+CvDyGH7wgx/w1ltv4SYCs9mzZ7N+/XrKysro6upK7i8oKODXv/41P/7xj3n11Vd56aWXeOmllwCvl+DBBx9k4cKFyT/ijY2N/PCHPxyybX3njeY5nauv16Svrd3d3QDs37+f/fv3D3mvzs7OUbVBmL4cI0r42Gveeib588dt4TNBmExS1aOxKfH4874gAyAUCv1B1/WTwEpd1wtDoVDzENffBGQC/9o/yEj4Lt5wSmr6/1MgqPoIiuyWAbZs2cLjjz/OyZMnAYhEInz+85+nra2Nu+++m+uuu45FixaRkZEBwNatW8+7R0lJCQ8++CAPPPAAp06d4r333uO5555j165dfOlLX+LFF18kPd1b/fHqq6/mJz/5yaV7gv30teHrX/86f/7nfz4hbRCmpujJN7BaKnEdG2WYS78LwlSXqj+XrYnHBf136rruwxtCMYELfcQ8AXwbeGOQY3bi+oyxNlIYPx0dHQBkZnrjzTt37qS5uZk77riDr33tawPObW9vp729HTjbS/D73/+e3bt3841vfIPMzMxkmfPPfOYz3HTTTVRVVdHc3MyiRYsIBAKcPHkSwzDOm1K7d+9e3nzzTbZs2cKWLVvG5bmuXLkSgMOHDw96fMeOHTQ0NHDLLbcMOhQjTH6uZdC965coGfmkX35zSpJ6ra4mohW7MVoq8ZUsR5JEdQFhZkjVv/QdQDPwF7quf07X9Sxd1+cB/wUUAg+HQqH4UBeHQqH3Q6HQ34VCoZ2DHL4RL8g4kqK2CikWiUR44oknALjhhhsACAQCANTX1w84Nx6Pc//99yeTPy3LAuDkyZP86le/4he/+MWA87u7u+ns7CQ9PZ3c3Fx8Ph8f/ehHaWlp4aGHHhpQi6Ojo4P777+fxx57jHh8yH9uY7Z27VoWLVrEK6+8wosvvjjg2JEjR/jud7/LT37yE3JycsatDcL4itccIl59gGjobYzawQPKkXAdh94Dz2I2n0YOZqGk56aglYIwNaSkRyMUCrXpur4FeLzfV59vA38/mvvqup4N/Fti8/zMP+GSOnd6q+u6tLa28sorr9De3s51113Hhz/8YQDWrVvHggULePvtt/n0pz/NlVdeSXd3N2+++SYtLS3k5ubS0dFBZ2cnwWCQz33uczz33HP827/9G7t372blypVEo1FeeeUVOjs7uf/++5O9F9/85jc5ePAgTzzxBLt372bjxo1YlsXLL79MW1sbt91223mzQVJJlmUeeughvvCFL/CVr3yFrVu3ous6zc3NvPzyy5imyd///d+Tl5c3bm0Qxo/rusQq92G2nwHbovfwi2iFi5EDo+9UjVW8h1F/ErurEf+C9SlsrSBMfqlKBvXjJWxuAd4H3gLygD8G/hqow+vdGMk9M4HngaXAC3gzUoZz3VDTDSb/al+T3LnTWxVFITMzk2XLlnHLLbdw2223JbuYg8EgP/3pT/mXf/kX9u7dy5EjRygsLGT16tV88Ytf5L333uPhhx/mD3/4A5/61KfIz8/nf/7nf/jP//xP3n33XQ4cOIDP52PVqlV85zvfYfv27cmfm5WVxa9+9St+9rOf8cILL/Dkk0+SlpbGwoULue+++/joRz867vUrLrvsMn7zm9/w4x//mLfffps9e/aQm5vL1q1bueuuu1i/Xvwxmaqs9lrMthqcaBeSGsBsriB8+AUyN37y4hcPwu5pJXLsdYyGEGrBIlHBU5hxJDcF0zR1XX8Ebxrqw8DXQqGQm9g/D3gHmANsCoVCF68P7V1XjBdkrAV2AzeEQqGeYV47ZKCxZMkS//PPPz+c2wiCMEP17P1feg/8DtcyUHNnE689SGDBerI+8Fn8pSOr9uo6Dt1v/4xI6C2cWC++OatFEbchOPEwxpkjpK3cTt5N35zo5giDG9U/3jH3aOi6LgN34SV73tcXZACEQqEaXde/DTyROOeigYau66vxgoy5wOvArcMNMhI/c9UQ9z0GrBzufQRBmHmceJh43TGsrgb8s1cjBzJQc0oxGk8RPvR7tFkLkH3BYd8vdno38foT2J0N+BasE0GGMCOlIhm0EAgAFaFQyBjkeF8S5/yL3UjX9e14PSBzgV8AHxlJkCEIgjAW8ZqD2N1NSKo/WbFTzV+Aa8YwmsqJHL1g3cEB7N42IsdexWg4iVqwEFkLjFezBWFSS0Wg0QHEgYWJ6aznWpZ4bLjQTXRdvxp4DsgC/i4UCn1miMBFEAQh5bwk0P1YHfWoOWdrXEiyjFaiYzVXEK3Yg9FcMax79R54FqOpAknxoWSXjGfTBWFSG3OgkZi2+msgF6+4VpKu6wX99v2CIei6ng88BQSB+0Oh0LfH2i5BEISRMJsrsDrqcGK9562mqgSzkbMKMZtOET7wHK514c9AsdN7iJ85htVZh1aiiyETYUZLVcGurwHrgfsSwx9v4M06+RiQD/xzKBR6DUDX9WuBa4GDoVDomcT1XweKgU5A1XX9wSF+zndCoZAzxDFBEIRRi1XuxeqoR8kuRpKV845rBYuIV+7FaCojcvw10td8ZND72L3tRI6+gtEQQpslhkwEIVV1NJp0Xd+AN5X148CX8YZTDgCPhEKhp/udfi3wAN50175Ao+8Vm5M4NpTvASLQEAQhpexIF0b9SayuRvzz1w56jiQraMXLMBpOEi3biW/2KrT8eQPOSQ6ZNFcgKSpKjigzLggpW7EjFAp1Ad9KfF3ovAeBB8/ZJ5a4FARhwsSr9mN1NyEHMpH9aUOep6TnoaTnYzSV03vgd+R88G4k5ezbaLxynzdrpeMM/vlilokgQOpKkAuCIExJrmMTqz7gDZvkXDxpUytcjB3uwGg8ReTkG8n9driT8NFXMBpOouWPbBqsIExnItAQBGFGMxpOYnU24FpxlMxZFz1fUlR8RUsxG08RPfWOd63rEj74LEZzOZKkoOTOvgQtF4SpQQQagiDMaLHKfVgddajZJcNeUVXJnIUcyPKGUN7/LfHKfcRqj2K11YpZJoJwDhFoCIIwY9k9rRiN5dg9LcMaNulPK1qC092M0RCi9+DzXmGuWfORfUPneExmrm1hNIaInd6DY0QmujnCNJKyZFBBEISpJla5D7urETktd8TTUCXVh1q4BKPxFEpWIZIko+bOGaeWjg/HjGE2lWM2nMRoKgPbBLzS6Vnb7hJ5JkJKiEBDEIQZybVM4jWHsDrr0QqXjOoeSlYhTrgdq7Me/9wrpsSQiRMPYzSEMBtOYracBvf8igFOuIPw+78hY9OdU+I5CZObGDoRRuWrX/0q27ZtG9a5vb29bN++nW9964Iznweorq5G13VuuOGGC563Y8cOdF3n298WxWSFkYnXHcXqagDXRU7PHdU9JEnCV7qC4JItF5wWO9GcaDexil10v/M4nS/+M5FDz2E2l58fZPQrVGY2lRMNvXmJWypMR6JHQxixH/7wh7zwwgsUFRVd9Nx4PM5XvvIV6urqLkHLhJnKbK3GbKshsGAtsj99WNckK4HmlEzrT+1mWzU9O38Bjj3occkXRCvW8ZUsRytYSO++X2M2hgCIhd5CzSnBV6xfyiYL04wINIRhi8fjfPe732XHjh3DOr+uro6vfvWrHD58eJxbJsxkdqSL7p3/jdVZR7TsXdL0bQQWbRxQSOtcVkc9Zks1dridQNHSS9jaS8t1XSLHXj0vyJCDWWgly/GVLEfNm4ckn+3cTl/7Mbrf/L844TYAwvufQbnmLpSM/EvadmH6EEMng3BtC9d1J7oZk8rrr7/ORz7yEXbs2ME111xz0fMfffRRbrnlFo4cOTLsIRZBGCnXdQkf/j1mSwVG/UmiZe/Ss2cHna//f8TrTwz5Oo5V7sXqakDJmIWkDrbo9PRgtZzG7jjbmxhYchVZ2+4i+4avkL76RrRZCwYEGQCyFiBz4+2geL8X14rTu+epiy4kJwhDET0a5zAay+h+739QglloRYvRCpegFSxC9s3shZGefvppwuEwDzzwAHfeeSfLly+/4PmPPfYYc+bM4f7778eyLN56661L0k7Lsli1atUFz5k3bx6vvPLKJWmPML6MhpPEaw5httbgn78WJ9ZDvP44VscZrPY6fKXLSV/9YdR+U1cdI0q89ih2ZwNayYoJbP34cl2XaOjs604rXEzaqgvnPPVRsgrIWPsxevd6vZd2TwvhA8+Svv4T03qYSRgfItA4h9VRh9VeS6yrCaXmIEp6HnJ6DlreXLSiJfgKl0z7Md3BfO5zn+Mf//EfycjIGNb5//Iv/8I111yDLMvs3LlznFt3lizL3HPPPYMe++1vf0ttbS3r1q27ZO0Rxo9jxAgfegGjsQw1dzZyIAM5kIGSWeC9hqv2Y3XWYzafJrBwHWkrtiMHM72ZJt2NIKvIwayJfhrjxmqtwmqvTW4H9JH1LPpKVxBYsoVYuff6NeqPo1SUElyyJaXtFKY/EWgMykVSNFzXwWgsw7XixNNyUDLyvMAjkIGaNxdfwSLUoiWTdhloSfWlLBN+06ZNIzr/gx/8YEp+bldXF4888siQx48dOzZgW5Zl7r333vPOe+aZZ6itrWXNmjX87d/+bUraJkysyPHXMJvLcc0Y6uzLkvslRUUrWIiSU4LVcppoxS6srkbiZ44R1K8mXnsYq6MedZp/YOjfm6HOWoiWN3fE9wiu3I7V1YDVUund89hrqNnFaAWLUtbOPo4Zw+5tx7WtlN9bmFgi0BiC5AviK1wChd4LwAm3Y4c7CB9+EbvjzEQ3b3gkmZzr76Hw0/860S0Zta6uLn74wx+O6R779u3j//yf/0NxcTGPPvoofr8/Ra0TJorZVkO0/D2Mpgp8s1eel2cAXq6Br3QldrQLs7kCq7PeW6HVF8SJduMrXTkBLb80zNYqrLbq5HZwhL0ZfSRJJmPdJ+h+8zGcaBfg0rvvf8m65s9Q0nJS1Fqww+30vPM4bjwMjkn+H/11yu4tTDyRDDoMshZAzSnFP3sVducUmqbpOnS+9qOJbsWYzJs3j1AoNOTX9773vQteX11dzV/+5V+iqiqPPvooBQUFl6jlwnhxHZvwgecwmytQMvIv+gdPCWbjn3clat48jIYQseqDKNnFF5yVMpGcaDdGQ2hMn+yjobeT36v589FmzR/1vWR/GhkbbwfZ+325RpTePTtS1vPgmDF6dv3KCzIAq7MhJfcVJg8RaIyQf+FGYIp0t8oKOdf95US3YsJ0dXVx991309XVxT/8wz9cNElUmBqiZe9iNJ3C7m1HKxxeF74kSajZRQQWbfTqRQzzukvNifXS9eZj9O55ku53HsdNlAQfCbOtBqu1Mrk92t6M/tScEtIvvzm5bXc1ED78+zHPznMdh969T+P0tib3pa28bkz3FCafyRnST2Lpqz9M2ortuK43L911XeyOM9gddWjFOv7ZK0lf98cogcwJbmlqczSmGtM0+fKXv0xlZSVf/vKXufHGGye6SUIK2L1tRE+8idFYhla0GEnRRnS9JCsoo6wCeilET76R/GRvd9YTPvR70q/86IhySWKn+vVm5M1FnbUgJW3zz7scq7OeeOVeAIyag6g5pQQWrh/1PSNHX8JqOZ3cVgsW4Z93+ZjbKkwuItAYBUnVkDj7BqcULcXOyMesP4FrG7i2SebGT6Llz5vAVs5sDz74ILt27eLmm2/mL/9y5vbqTCeu69J74HcYzRVIWgAls3Cim5RSVncz8eoDA/YZtYdQc2cP+4+51X4Gs7kiuR3Ut6U04TXtsg9hdzUmZ7NEjrwAroN/4YYR/5zY6T3JoAVAK16Gmj/6IR5h8hJDJymipOfhm78Wu7uFWMVuut76KbHTe0Xhrwnw2GOP8fTTT3PFFVfwd3/3dxPdHCFF4jUHidcdx+qsQytaOu1mjESPvwac/34ROfIiZr9pqhe8x6mzM02U3NmoKZ4dIskKGRtuQ/Inprm7LpEjLxI++LsR5WwYzeVEjrx0tq05paStvnHa/T8VPKJHI4VkXxD//CsxG0LEKvfhGjGsrgbS19w0aRPPpps9e/bwz//8zyiKwtatW3niiScwDOO8gO8Tn/gEpaWlE9RKYaSceJjwkZcxG0Oo+fOn3fLlZstpzKay5HbampuIht7CjfeC6+UxZF/zZ8iBoevYWB31mE3lye1U92b0kQOZZF71KXp2/RI31gN4wyh2TwuZG29Hvsiwsd3dQnjv/9IXVMmBLDI33QGS+Nw7XYm/fikmyQpa6Qqs9lri1e/jmFHs7mYyNt6OMo2LA00W1dXVXt6MbfOjHw094+aqq64SgcYUEj78ImZzBa7joObOmejmpFRyPZIENW8u/gXrULIK6Xn3CXAd3FgPvfv+l8wtnxl0Ki+c05uRU4pWuGTc2qxmF5N9zZ/Ru/cprHZvur/dUUfXmz8hc+PtqLmzB73OiYfp2f1LXCueaKhGxqY7kAOZOIncFGH6kWZK176u68eWLFmy8vnnn7/geZETb9C98+c4Rgxf8bIx/Uw73I5ZfwIlbw7+Yh2taAla4SK0WQtR0lM3B10QpjOjqZyut35KvHIfvjlrkIMTn2idSvHaw4Tffya5nXX1/4Oa5wVTsdN7iBx5MXkssHgzaZd96Lx7WJ0NdL/5WHI7Y9Mdl2TFVde2iBx5kXj1+2d3ygrpl99yXlKna1v07Pz5gGqlGRtvx1fiLWfgxDK97GUAACAASURBVMMYZ46QtnI7eTd9c9zbLozKqLrIRI/GOFLS85Dmr8WoO0akqxnlzBHk9FzktBzUrEK0goVoBYvQZi2YsbNDBOFCXMsgfPB5zKYy5OyiaRdkuLZJ9PjryW3f7FXJIAPAv3ADVkcdxpkjAMQqdqHkzsY/e+BU7Wi/mSZKdjFa0dg+JA2XpKikXX4zSnaxFxC5Djg24QO/xepqJG3VDUiy7C1+d+j5AUFGcOV1ySBDmN5EoDHOZF8Q/4J1ONEunHAHVlstTv1xZH8GclouSnouclo2ak6JF3QkejyG6h4VhJkkcvJNjKZynFgv/mm4AFqsYjdOrNvbkBWCK7YPOC5JEumX34Ld3Yzd3QRA+MCzKJkFqFnerBuruwmz4WTymuCy8cnNGIokSQQWrkfJnEXv3qdxjQgA8dO7vWHjDZ8gXvU+Ru2h5DW+eVcQEGumzBgi0LgEJElCSctJVjB0bQsn2oUd7sBoKsM1YshpWV7QkZ6PljeH4LKt+OdeLpJIhRnLbKsheuodzKYytOJlSLIy0U1KKSceJlr2TnI7sHDDoDU+JFUjY+Mn6X7zJ7hmDGyT3j1PkXXNXchagFi/KqBKViFayfgPmQxGm7WArGvuonfPU9hdjQBYrZV0/eHHyaRRADV/HumX3yxmmMwg4q/YBJAU1SudnJEPeN3DdqQDJ9yJ2XYQs7kcs7UKLe8tAku3EJi/FkkdWWGi6ca1DOJnjhCvPohjxpAUFUn1ISkakuoDRUNSfOfsU5GQoO8NTZJIDjEmvpckCRQNX9ES7xphUnBivfTseRqj/gRyWk7ytTKdRENvgWUAIGkBAsuuHvJcJT2P9HV/TO+uXwLghNsJv/8MwRXbMeqPJ8+71L0Z51LScsj6wBcIH3wWo85b8LB/kCGn5ZKx4fZpFzQKFyYCjUlAUn2oWUWQVYTrLMHubCBedxyz5TRGaxXR0NsEl16Ff8F6ZG1mLQhmdbcQr9pHvOYQZmcjdmc9jhn13qgkxXuUFZDk5PcD9vXdaMCbr9QvpUlCUjS0wsVkbro92R0tTBzXcejZ+zRG/XEcI4J//tqJblLK2T2txKv2J7eD+raLTtn1FS0lqF9DNPQmAGbjKayO+uRxJbMArXTih5ckVSN93cdRsoqInni9334/mZv/ROSjzUAi0JhkJFlBzZuDklOK3dWI2XgKs6USs60aNfQOwSWbCSzaOO3qCPTnOjZGw0lilfswGsu9SoSd9eC6KLmlaLmzwbHBcbxS8I6N6/Q9WriW4X3vOv1u2n92lduvLpKLE+/F6m7GiXSSsfaj+OeuuYTPVjhX5PhrxGsPY7ZV45+3dlp++o0cf81LnATktBz8C4ZX+TOgb8PqrE/W3HDjvWePLbt60gxHSJJEcNkHULKLCB94FhybjA23oWSKRQ1nIhFoTFKSLKPmlqLkFGN3N2M2n8ZsqcJqryFatpPAog0EF2++YAGfqcaOdhOv2k+s6oC3pHdHHXZPC3JaLlrhEuT03HF5I3UtA6PhJNHTe3DiYYJtNaSvvlHkx0yAeP0JIifeIF53HF+RPi0//Zpt1ZiNoeR2cOV1w/63JkkS6WtvpfvNn+BEOpL75Yx8fLMn37L3vqKlaB/6GkjSpAmChEtPvJNOcpIko2YXo2QVYfe0YLbWYLZUJRLl3sVXtBj/nNVoJcun5LCKE+vFbK4gXn8CoyGE1dWI1VGHa8VRs0vwL9yArAXGtQ2S6sM3ZzVWa5VXZM2IYHXWk7nh9pTVO3FdF9cycOO9OLFenMSja0ST052VzIIZnYtj97bRu/8ZjPrjKFkFKFnT79Ov67pEjr6S3FZyZ+MrHVmAIPuCZGy8ne63/y8kyn4Hl12NNEkra4oZdIIINKYISZKSf4yc3jas9lrMpvLkEIOSMQtfiY5/7hq0oiWTtrvZtS2s9lqMpnLM5gqsjnrsaJf3nLqbkf3pqHlzUTJnXdI3TkmS0AoWIgezMetPeLOCejvIXP9xfMVLh30fJx7GaDyF1dlwNqhIfLmW4S26ZxnJ77EtJC2I7E9D8qWhZOQlpy4qfV8Z+ZP2/2equJZJz56nMOpPgOuipXiNjhG3x7Zw4r3IweyUfhI36o5hd57Nq0hbdcOo7q9mF5G58Q4iJ99Ay5uLb87qlLVREFJNBBpTjCRJKJmzUDJn4RgR7O5mjMYyXOckRmOIaMVu1KxCfKUr8M9ZjTpr/rDeyFzHPpvb4JyT95DIg+i/D1lBUv1Imt97VP3ejI9zPr24rovT24bRXIHZVI7ZWp2YYdOBHW7HiXQh+dNR0nPxz7sC2Z8+Xr+6YVEy8pAWrMOoO07s9G6cWA/pK7cTXH7toJ/MXNf1epoaT2E0hDDbar3nFe06G1D0BRWWCbLs/a4SM2SQFdzedq/8smMj+YPI/nRkfzqSLz3xfRpKxizUWfMJLFiHml106X8x48h1XXoPPUf8zDGs7iYC89dN6Kdz14zT/e5/YXc14pt7+YiXaR/yvrY1IDlSK1k+phWetcLFZBcuHnO7BGG8iUBjCpN9acizFqDmz8eN9WL1NBE/cxRDVojXnyB66l3U7CK0goW4rpP4oxf3AgrLHPjp2rG9NRVcx0uc7Pfo9m3jnj0myYkZHurZR8mbwZEMPjQfbjyC1dOKE27HDndghzsAFyUtDyWrGF/Jikk3rVTWAvjnXYHZUkG8ch+uEcXqOEPG+k8g+9NxHRurrQajIeT1XnQ3Yfe2Yfe04UQ6vJ6JtBzkQCaS4gM1Me1W9V2wZ8K1DJx4GDcexjHCuD1tyfUfZH8aSuYsomU78RUsJLBwPb7SldNiqCVetZ9Y+S7MxlP4Zq9CmuAhwMiJ15N1IIzaQ6jZRQQWbx7zfWOVe3Eind6GJJO28rox31MQpgIRaEwDkiQhBTPxBTNxCxbjRDqxu5uJVe1H8gVRqt8/v5ciMWsDt3/PhZO4n+wFEpLkTRFNPNJXk0KSk6WGXcdKXitJMsgqkqIkgw/XsXHjYeRgNnJ6Lv7cOUj+9EmfGCbJMr6ipVjBLOJnDuPEurF72lDz52I2VWD1tmH3tuL0esGAHPRqPfiKlo76D6Wk+lBUH/Qr2uTldsS9QLK7CbO1GrOpjPiZo6g5JfjnrklWZZyKzI46eg8+T7zuGEre3GRRuwlrT3st8cq9A/ZFjr2KmjtnQGnwkXKMCLF+ZcL9C9ZPy9oggjAYEWhMM5IkoaR7pc3doqU4Ye8PoaT6z9aZkM6pN9H/e0aXHe465wQeiUckyRvnnqI5BmpWEbI/A6PumDfMU/U+dm8brmOjZOSj5s1FTs8bt+cnSRKSFgAtgJI5C9cysLoaMBpOYjSWYTSWETn1Dr6ixQQWrMdXumJMs2UcM+6Vu+5pxu5uxupuxu5uObvaZp/zFmP0tiUtgFawCF+J7s0U8g2dyOvEI/Tu2YHRcAJJC6LmzR11u1PBdWwiB58b7AC9+/6XrGv/fFTTyl3b8kpzmzHAqycR1LeNtbmCMGWIQGMak2QZJbPgksxdl2TZyz9g6nfln0v2p+OfvxarrRokCa10OXIga0J6ZSTVh5Y/HzVvHk64HauzAbO10pu5U3sENacEX8lyJF/QG8ZKfKFoSKrmDXH17ZOkZBKuF1y0YIc7cYyIN3yT+HKNMG5idsMAg6z8LKk+lNrDKBn5yOl5aPnz8JXo+IqXDfgE7zoOvft/Tbz+BE6kG/+CdRPeyxUrexe7pyW5HVx5PdETr4Hr4kS7CB/4LRkb7xhRO/uep9ValdwX0LdNy2m7gjAUEWgIwjBIioo2iRLvJElKlrF3zThWl1dN1mg8RfzM0UTPldzvUU5UUvUekb2hMNeMns0LiYdxjSgoWjIhVcmcheybD4PkgkiDrBjtmDGc3laMxnJcK46RkUfs9B7k9DwvCCpeiq9oGWZrJbHqA5gtlZNiTR+7p3XACqj+BesJLt0CuESPvwZ4lThjFe8RHOZiYK7rEjn0/IAFz3xzVqck30MQphIRaJzDMaLeJzp3cucQCEIfSfOjJZKCnd42nFg3rmV6OTfJ6ql9+Tjeo7ffQfYFkfzpXo5Jzmxvmq0y+l4pRfOjpGWjFS72Xku9bVidjTiNp5ADGcSr30fJmAWKhlF3HK1w8YQXnfOWMH/OG+oDpEBmMlEzsGQLVls1ZlM5ANHjr6HmzUUbxjBP9PhrxGsOJLe1oqUpm8EiCFOJCDT6idccouFHd+AaYSQtgFE9FzWnFCW3FDWndMKnXgrChfSf+jwZyL4gcp6XROnaljftt7cds+0AuA5KdjFqdvFEN5N49ftYbTXJ7fQ1NyUTepOVON/4T5xoN7gu4b2JfI0LDH9Ey3cSK9+Z3Fbz5pKx/rYpm6skCGMhAo1+IifewDW86YSuGcNsKkuuKQAgB7NRckpRc0tRc0pQckrHvWqlIEwHkqJ6C9ZlFXozacyYl+Q6wZxYD9Fjrya3tZIV+M5ZZl32pZG+/hP0vPNf4Do4sW7C7z9DxuY7B+2diFcfHHBPJavIO3caTEUWhNEQtWH7ydz4SXwlQ69+6ES7MBtOED3+Gj07f0HnC/9E5NirXp0JQRCGRZIkb8hmEgwhhA+/mJxRI6l+0tfcOOh5Wt5cgv3qXpjN5cTK3j3vPKMhRPjg75LbcloumVd9SnwgEWY0EWj0o+aWUvjZH5Kx6Q4C+jaCy69BK1qKNNSQiesQK99J+P1nvFoUgiBMiNG8/oyGk5gNJ5LbwVU3IAcyhzw/sHgzWvGy5Hb05B8w26qT22ZrFb37niY51defTuaWT1/wnoIwE4ihk0HIviBqTim+xJuK67q4sR6sjnqszjqszgbszvrkvHjjzBFcM0bGhtvGlEgnCMLIRct2Ej3xOnJaNoElW/HPu/yiuRCOGSN8+IXktpo/D//8Ky94jSRJpF/5sUS+Rhe4Lr37fk32tX+OE+2mZ/evziaUqn4yr/o0Snre2J+gIExxItAYBq/yZha+YBa+0uWAtx5Cz54nk/PjzaYyet77bzI2/YnoJhWESyR+5ijR414+hBPuIHLoOWKn3iKw9AP4510x5LTZ6PHXcWM93oaskH75LcMaypF9QTI23Eb32z/zyvPHeujduwO7tw0sI3GSSsbmP5kUia6CMBmIoZNRkjQ/mZs/hVayPLnPaquh590nkutTCIIwfqyOesIHnj1vvxPtJnL493S++gix03vOKzZmttUQr9qX3A4uu3pEM3XU3NmkrbrhbDvaanD7XvOSRMaG29Dy54/w2QjC9CUCjTGQFJWM9bfhm3dFcp/d1Uj32z/D7ls8SRCElHNiPfTseRIcL4iQtKD3Ouy36qsb6yFy5EU6X/l3YhW7cW0T17YI9yszrmQWEli6dcQ/379o44APGX3Sr/xYcshVEASPGDoZI0mWSb/ij5C1ALGKXQA44Xa63/4ZWVf9KUrW+Jf/FoSZxLUtevY8dXboo68XoWAhtn4NsbJ3vUJZiXwJN95L5OhLRMveQc0pweltTd4r/YpbRlXbwsvX+CjdXY3JFVnTLvsQ/rlrxv4EBWGaET0aKSBJEsFVNxBcsT25z4310P3O41gddRPYMkGYXlzXJXzwOex+r6u01TeiFSwEQEnLJv3ym8i5/l78CzcmFgpMXBsPJyt8AvgXbhzTiqyyFiDzA58jsHgz6es/IUqLC8IQRKCRIpIkEVz2AdIuvzm5zzWjdL/7BGbL6QlsmSBMH7GKXRhnDie3/fPX4l+w/rzz5GAW6WtuJOeGL+NftAlk9bzjaSs+OOb2KMFsrydj9qox30sQpisxdJJigQXrkLQA4f2/AdcB26Rn1y8JLv8gSlYhcjDL+xIzUwRhRIymsgEVN9X8eaSt+cgFZ4vIgUzSV3+Y4NKtxCreI1a5D0lWSF97a7LMuCAI40sEGuPAP3sVkuand88OsE1w7OQUvCTVhxLMRgpkogSzkwGIklmAkjt7UlRNFITJwu5pJbzv1/QVw5KD2WRs+OSw8yvkQAZpq24guPJ6cOwJXy1WEGYS8WobJ77CJWRu+VN6d/0yWdhrAMvA7mmBnhascw4pWUUEFm3EN2e1eEMUZjzHiNKz+8lkqXAUjYxNd4xqkUNJkkC8pgThkkrZK07XdRX4BvA5YBEQAXYC3wmFQruHeY95wHeA64B84BTwo1Ao9Fiq2nkpaXlzydr2RWIVu7B7WnCi3YkVIJ0LXmd3NxE++Dsix1/Dv2AtgQUbkIOijLEw87iOQ3j/r3HCbcl9GWtvFcWwBGEKSWVovwO4FSgHHgVmAXcAN+i6fksoFHr5Qhfruj4fLzApAH4FNAJ/DPynruvLQ6HQ11PY1ktGycgnvX+CqOvixsPJoMOJdeNEu3CiPdjhduzO+rPnGhFip94hVrYT3+yVBBZtQs2dPRFPQxAmRPT4q5jNFcntoH4NvtKhFz4UBGHySUmgoev6DXhBxj7g6lAoFEvs/ynwKl7gseQit/lXoBS4ORQK/T5x/QPA68DXdF3/n1AotD8V7Z1IkiQhBTKQAxmQW3recbunhdjpPcRrD3v5HQCug3HmKMaZo6i5c/Av3oSvZPmo5v8LwlQRrzmYrE0D3hLuAX3bBLZIEITRSNX01k2Jx5/3BRkAoVDoD8BJYLGu64VDXZzozbgV2NkXZCSujwJ/A0jA3Slq66SmZBaQfvnN5HzoqwRXXocczBpw3Oo4Q3jf/9L5yr8TPvwCRv0JHCM6Qa29dFzXxYl2Y7bVYHXUYXU3Y4c7cGK9uGYc17nwcJQwtZht1YQPPZ/cVrKKyFj7MZEkLQhTUKqGTvpK7S3ov1PXdR/eEIoJdF3g+mvxgonXBjn2DmAA2wc5Nm3JviDBpVsJLL4Ks+EksdO7sdprk8fdWA/xyr3EK/cCoGSXoBUsQJ21EC1/HpLqm6imj5kXVHRhdzZ4K+V2NWB1NZ5dT2IokuytnqtoSIrmJdL2PcrqwH2yiqRqIKsoaTlopSvElONJwu5tp3fPU2dXQvWlkbHpjin9b3qiOYliZZLqQ/IFkX3pSP40JF8QSRLllITxlapAYwfwt8Bf6Lp+CPgNkAP8ACgE/ikUCsUvcH3f4gDl5x4IhUKmruu1wEJd132hUMhIUZunBEmW8c1eiW/2SqyOemKnd2PUHTsvodTu8v4gU/4eSDJq7mzUgoVosxag5s4Z8+wV13Gw2mswGkM4kS7U3Nn4SlagZIx9GWw70onVUecFFl0N2J2NuOYoemlcx5uZYMUTkyBH4MiL+Oesxr9gHWpOych/tpASjhGlZ9cvcft66WSFjI23o6TlTGzDpjizuQI5kIHkC+LGw1hd9TjxCNgGkpaG5E9D9qUh+dOTj6L3SEiVlAQaoVCoTdf1LcDj/b76fBv4+4vcIj/x2D7E8S68YZ4szvaezDhqbikZ6/4YZ9UNGE2nsFqqMFsrz/+k7zpY7bVY7bXEQm+BrKLmzUbNn4+WPx81b473yf8iXDOO0VyO2XgKs6lswDRds+Ek0eOvoWQV4Stdga905bBXwHQtA7O1ErP5NGZzBU54qP/t55P86eC6uLZ5NoclFWyTePX7xKvfR8mdTWDBenyzV43b9GLXjGN1NQLe/9fh/P+Y7lzHpnfvUwNmmKRf+VG0/HkT2Kqpz4n14sR68M+5jLSV23HCHVg9Ldg9rTjxCK4RTj7aXY1YRgQUDf/cNeLfpZASqUoG9QP3A1uA94G3gDy8WSN/DdQB/3WBW/T1iQ7V69G3/6J927quHxvi0OKLXTtVyIEMAvPXwvy1uK6L3dOC1VKJ2VqF1Vp1tt5AH8fCaq3Gaq0mBiArqDmlqLP6Ao+5yW5pO9KF2XgKozGE1Vo1rKm40e4moiffQMksQCtdga90BUpmYfITkeu62F0NmM0VmM2nvSGgi9wXQE7LRckpRs0uQc0pQckuHlA7wXVdcCxvGXDbTKzO6X1hmbiOmThmefsc6+xx27vOteKYTeUDelDsjjrCHXVEjr2Mf94V+BesQ0kffc+NY8a8N/DOBuzOeqzOhoHBlayg5s7xep8KEj1QMyzR13Vdwoeex2qtTu4LLr8G/5zVE9iq6cFqP4OaU+oFGsuvSe7vy3uye1rOfnW3YHU1Ea87Rrz2SCLYEHVHhLFJ1b+gf8Krn/Ew8LVQKOQC6Lp+P16Oxc90XT8eCoX2DnF937v8UIOwfbWCe1PU3mlDkiTUrELUrEICizfhOo73R70v8GivAfuckmCOfbbHg3dAklFySsCxsROfsgclK2izFqBkFWI2VWD3NA84bPe0YIdaiIXeQk7Pw1eiewmcLafPdoUPdev0XNScUpT+QYUveNHn3pePARc+90Jc28SoO06sat+AxbpcI0qs/D1i5e+hFS7GP/9KJH8G4CYKVPYboHHPfu86tve7GCyoGIxjY7VVY7VVQ+hNUFTUvLlos7yhLyWnFEme3uPosbJ3MWoOJrd9c1YTWDZzZ5jYvW1Iqt+bnTYGjhnD7m0hsHgTwaVbBxyTJAklLRslLRuKzk4KtLqb6Xr7ceJV72OcOYpv7uoZF/gKqTXmQEPXdRm4C294476+IAMgFArV6Lr+beCJxDlDBRp978RDDcRm472rd1+sPaFQaNDVjRI9HSsvdv1UJ8mJ/Izc2QSXfQDXsb1ZGm3VmK3VXm/CuUMOrjPgD+yA+2lBtOKl+Ip1tIJFZ9eHWHUDdk8rRsMJjPoT5wUoTridWPl7Q7dTC6AVLEItXIRWsGhCx+AlRcM/73L88y7H6mwgXrWf+JkjA35PXm9MxQXuMoqfq/pxE+vhDGBbWC2VWC2VXgSu+tDy56HklCZ7d6RA5rQZQzfqjhM98XpyW82bS/oVfzRtnt9I2T2tGE2nkFwH/8KNY0qCtTvqULIK8RUtRR1kOv1g1KxCsrf8KV2OTbz6fYy6Y/hmXzbtg11h/KSiR6MQb0jj+BCJmkcSj/MvcI+Ticfzhjd0XdeAuUAoFAqJOYwjJMkKWv48tPx5BJdd7X3a7mzATHyCttpqzxtqkdPz8BUvQyvRUXPnDvkGo2TOIph5NcFlV2OHOzDqT2DUHx9QdOxsQyRveKBwsRdY5JZOymx3NacE9YpbCK66HqP2MLHKfTi9Y08LklQ/Sk6ityYRMMjpuV4+TWc9VmsVZkuVFwg65/RAWQZmU/mAJc4lX1qy58d7LEFOy5lyf5yt9jP0vv9McltOzyVj4x0ztrvedWzM5nJ8Rcuww22YrVX4ipdd/MLB7mVb2F0N+OevJbh0y4iuVXNLydryabodm1j1AYyGE/hKV065f1/C5JCKV3MHXg7FULNC+l4lDRe4x5t4PRbb8UqQ93c13pDKOylo64wnyQpq3hzUvDmwdCuu63j5A23e1FmtcDFyRv6I31CU9FyCS7cQXLrFy/NoOIHZVovsT0MrWIxasGBKTR+VtQCBRRvxL9yA1VZNvGo/VvsZXNdBIvG7kZL/SWz3fS8hp2WfF1QM+juVFLS8uWh5c71A0La8HqhWL9HX6qhLTvPszzUi5/WyeMFMMVrRUgLz10361UntSCc9e55MBlaSFiBz053I/rQJbtnEsVqrkfzpaPlzkYNZxE7vwcmdPap1XazOeqRgDlr+fLSipSO+XsufR+ZVd+I6NvGaA5gNIbQSXQQbwoiNOdAIhUJxXdd/DdwJfBf4f/uO6bpekNgH8IsL3OOMrusvAx/Wdf3WUCj0TOL6IPD9xGk/GmtbhfNJkuwlhuYMr1t1OJS0bJTFmwks3pyye04USZLQZi1Am7Xg0vw8RUWbNR9t1nyCXINrmVgdXj6N1dmI3dWIEx28JI1rxc8m/Z56l8DizfgXbRhVgOc6NmZDiFjlXqyOOq8GiS+ApAWRtACyz3v0voJIvgCyFkROz0XJLLjomL5jxrwFB/tmTEmyN411mDOXpiMnMe00sGA9GWs/RrzmIFYiido/d82I7uW6DlZHHf7ZKwksvWrUwYGvcDFZm+6g23WIVR/AbCpDK1oqgg1hRFLVP/k1YD1wn67r24E38GadfAxv6uo/h0Kh1wB0Xb8Wr0DXwb6AIuHLwHvA07quPwWcwasWuhR4KBQKHUQQZhhJ1dAKvDyWPk48kixi5tUeaTwv4dQ1o0RP/oFYxXv4F20ksGjTRZNrvXuHiVftJ1a1HzfWc/Z+jpWYmdMxjEbLKJkFKNlFKFlFqNnFKNlFyL60xL0cevc+7a1enJB++S2XLJibjFzXxWw8hZY/D/+8y/GV6CiZBcQbQsTK38PubR9RzRq7uxlZ83tLFoxx5o6vdDmZG24DxyFWcwCr5TRqwSIRbAjDlqo6Gk26rm/Am8r6cbygIQ4cAB4JhUJP9zv9WuABvOmuz/S7xyld1zcD3wM+jJf3cQovifSnqWjnSDixXhwjOqw3Z0G4lGR/GnLhYrTCsylN3hTaJsymMmKV+8D2RjBdM0Ys9Baxil0EFm4ksHjzoEMTVkcdsdN7MOqPDzpUMyKug93dhN3dNGC3FMj0Vl11HayW08n9gaVb8c+/Ymw/c4qzuxpxHQutYDHpaz4CgJKRR3DxJuyuRsyWiqGH387hui5Wey3arAUEF29MSb6Lf+5qXNvAdR3iNQdA9nreBGE4UpZxFQqFuoBvJb4udN6DwINDHCvDW/F1wniJdaW4lkm8aj9KdjFa/nyvXLUgTFKyFkBODLkElm4hVrGb+Ok9ZxN9LYNY2TvETu8msHA9gcVXIWkBjPrjxE7vGSKBV8Y3e5U3rVdWccwYrhnDNaO4hvc4YF88gt3bNmSNFDfWg9mvlwTAV7qS4IoZtbrAeVzLxGqtxDd7FWkrrvWmmyYE9W3Eag5htp/B7mwY1swRJ9wBrouaW4p/wfqUtTOwYB2uZYDrEK85mMz3EoSLmZmp3RfgK9HJvf4viBx7lXjdcczWKuKVu1Hy5s7IQkrC1CP70khb8UECS64ifnoPsYpdZ6u62qZXG6RyL5LiwzUi510v+TMIIq3oCwAAIABJREFULFyHf/66Eddx8GqItHo9Gl2NWF1ez8ZgP0fJnU26WCgNs+U0ckY+vuKlBBZvGnBM9gVJW3Etdlcj8TPHULIKL9pDYbXXoubNITB/LbIvtQnYwSVX4ZpxcB1iNQcTxf9EyX7hwkSgMQg1p4SsrZ/BaK4gcvQVjERFy1hHvVdAKbt4xr85CpOfrAUI6tv+f/beKzqy/L7z+9y6oW7liAw0GqEbnXt6Qs9whqRISgyiKFGU1lrRktay7NW++Ow59trHfvGx1nvsYz/YfvE+7LH3YYPttVfSiktS0i7JkShRHJITO6M6IKOqUKic60Y/VAHTPR2BBhrp/zmnzr/qxn8VUHW/9xfRJ1+nPf8u7XvvfFw4rVcZ9X6U+BjeyctoQ6e2Laglj4wSGUCJDEAvgNF1Xdx2Dau6ht0THpKq4zv1+SNf4tpulrHrefTJywQufu2Rn7t+/BXac+9iFVewCosPuMw+idOu4XQaeKMXdi0Y23fq5zbdKMbSFSRFQw4mnr6j4MgihMYT0PqnUD8/ibFyjebNv8DMz2Pk5rBKK6h9k3gCcSE4BPseSfXiO/lp9MnLtBfeo333nY+zPTwK2ug59InXdu3OVJIkJF8YzReGbaRZHlZc1+lmcfRP4pt6HTUx9sjtJI9M4NwXu5V8599Hjg4/NnbMKq50XSaj55EDu1MET5Ik/Ge/2LWS9arqSsde2lYKruBoIITGU5AkCe/YBbThM7Tn36U5+1dYhaVey2Uv6sAUHj2019MUCJ6KpGj4pt9EP/4axup1XMdCGzm7mQ0ieLFYxZVuOnPfJP6zv/DEbdWBE3h7HZyt9Xm0kYeLHHfLjRd65ca3VqBrq0iSRODiL2HXCzidBsbKdbzHXz7yFirBoxFC4xmRZAXf9KfwHrtE686PaN99BzO/RGf5CtrI+QcCuASC/YykqHjHL+31NI40jtnGKi7hPXaJwLkvPVNfH/+5L2Nk79K691PsZuWh3xyruIIc7sc7dPKFxE1IHpnQ5d/AaVa7YiN9C230vLDyCh5i/9WA3ud4NJ3A2V8g+sW/j//UZ9AGZzBXr+O0ak/fWSAQHHlc18Vcu9PtqDpyBu+xi8+0nxIZQJ98FbXvOGbuXrd78cYxbRO7kkWNj6FP764143483gCh1/823uEz4Ng73g9IcDgQQmObyP4Iode/iT7xKurANMbKVZy2aC4rEAiejFMv4HYaqH2TBC7+0pYsAP7TX0BNjINrP9A92SqnkQMx1L7xJwaL7gZKdJDgq7+GNnoWp57HKj+p24TgKCJcJ8+BpKiE3vgmOBau42CsXEM7dlH4vAUCwSPZaJqmDpzAP/NplHDflvb36EF8M5/Bqq5hZm8jB5OA1Cs3fg7f9Jt74rrwjpwhcPaLuGaHztIVJK8f2SfcyYIuwqLxnHhUL6FP/Rb6+Eso8TE6S1dwNmoWCASCF4LdqmAWl3Gft6rpLmPlF/DoQbT+KXwnP7utY/im3kDrm0DS/FjFFezqGh7NhxofRRs9t8Mz3sK8Tv0cvsnX0IZOYqze6NbbEAgQQmNH8Gg+wm/9Dvr4JZTYMMbSFfElEwheEI7RxFi5jtMo0Vl4H6e9P+OlnHYNq5JB7Z8mcPGr2642LCkq/jM/j9o/1W24V1hCiY+hT72+pwUFJUki+Mo38I6eQ4kM0Vm9/szCzzHb3U7FgkOJEBo7hMcb6IqNYy8hh/voLF/plusVCAS7hus6GOlbqPExvGMXNq2KZnH5gWDJvcZp1zFWrqH2T6OPv4Q2+Hz1RLTRc3iHTiKH+kGSuoGlx1/ZodluH0nRCL3+m2gjZ5AUDTN7+7F/B9d1sZtlOqs36My/C7hoo+dFWfNDiIjR2EE8vhDht/5Otzzv/Pt0lq/iPXZR5JYLBLuElV9A8siogyeJfOZ3ac3+JW1/hE76Jk6jhDY4g6R6t3xc17awazkk1YcciD3XHJ1WDWPlKkr/FPrxlwlc+pXnOh7cl+66Po/TLKNPvIpnG+9zN5ADMcKXfwO306C98H63wVvi2OZ617Gxq7muBcOxUGLDaIMn8Q6dRJ98HVUUdTt0CKGxw8iBKOG3fgfXtmgvfkBn+RresQs70kFRIBB8jN0sY5czeCdeJXjpl1EiAwQv/wbqwDSeK3+Gkb1NZ/F91IGTyKHkMx3Tadexyulu3IM/itOqoUQGUfomthVk6bSqXUvGwDT68VcIfeq3dqz/iJoYw3/q5zBzc/imP7Ujx9wp1L7jBF/6Gq7VobPwAR5vAI83iFVexSpn8Hj9qMlxlMgQ3mMX0KdeRwn37/W0BbuEuPrtAnIwQfjTf6fbUnnhA4yV62hj50VDNoFgh3BtEzMzizp4Et/U63h7lTIlSUI//gpqYpzau39IJ30LIzOL3Cyh9k0+8jvouk63EVwpjWM0UCKD3ZLskUGs6hrG6k2M5Stow113wLNityqYK9dRB06gT/RExg5bHQLnvrSjx9tJ9MnXsKpruGabzsp1AORQH96xi6jxEfTJ1/COv/zUYmWCg48QGruEEu4n8uZvU3FsOosf0Fm+gkcPI0kekCTweEDy9F57wPPxc0nVuw8hTASCh3BdFzN7B48/ijY0Q+DCLz60jRxKEvm5/5Tmrbdp6kGMTIrO4gdoQ6c3O9K6loFVTmOVM0iKhhIbwRsZxDtyGn3iMkpyHCN9k/r738LI3KK98D7a8Glk/9N7iNjNMsbqDbTBk+gTrxL+1H+4JZFyWAhc+EXs2jogIXkDaAPT6FOvd11aHhEieFQQQmMXUWLDhN/8baqOjVlY7EZgOw64Dq5ldUfXAac3bjy3Ot2sFUXDo+pIqg9J644ezYek6iCrotSv4EhiV9dwOjX0ycsEX/21x17AJVkhcO5LqH2T1D/4VldsLH+EEhvDNZrY9TxyMIl35CxKdAh94hW8x19B9oU3j+EdOYsSHqD2s39NZ/UG5uoNnPgYSnzssd8/u1HCSN9AGzqFb/I1Qq9/c9sZJgcdySMTev2baMNnUBPjKNHBvZ6SYA+Q9lNk9m4yMzNzY3p6+sx3v/vdF35uq5rDSN/qFvbaaM/tfGJ07e46y8BpVnCMJq7ZxjFauGYL12jj9EbXbIHkwaOHkIMJPMGEMD8KjgSO0aKz+D7esQsEX/5V/DOfebb9Og3qH3yL9uJHmLm7ePxRlOgQWt8k+uRltOHTT4yjci2D+kffoX3vp3RWbyCpPrShUw/tYzeKGOmbaEOn8U1dJnT5bx9ZkSE4lGzr7lZYNF4ASrh/S4FOruviGi3sZgmnUcJuFO8by9ityqYgset5zPwCkupFDiaQg0kkPSSsHYJDh+s6GJlbKPExvKPn8J1465n39XgDhN74JurANO27P0FNjqNPXn7m5mOSohF85RuoiWNIH/kxMrN0Ft5HGzmz2b3ZrhcwMrNow2fwTb1O6PJviCBwgQAhNPYlkiQhef14vH6IjTy03rUt7EYRMzeHkU1h5hew6yWceh4jfRPXdZADia61IxATsR6CQ4GVX0SSJLTBkwRf/saWffySJOGbvIxv8vK2zi9JEvrEqyjR4a4rJX2LzvIV1L4pJFnFyMziHT2LPvUGocv/gfjeCQQ9hNA4gEiysmkl8U2/gWO0MNfuYmRmMXP3sOoF7HqhGxeSuYXHH0OJDuEJxIWlQ3AgsZsV7HIa7/FXCL70NeTA0wMydwslNkzk879P/f1/Q1sPYqzexLXNnpXlUwRf/XUhMgSC+xBC4xDg0Xx4x87jHTvfbdqUX8DIpDCzt7GqOezaOub6HKzdQY4MokSGtlXESCDYC1zbwszc6taimLqMdw/7eWzg0XyE3vgmSnyMpubHMZr4pt8g+MqviWwKgeATCKFxyJA8Mlr/FFr/FO6FX8SurNFZvkJn6QpWJYtVTtOe/9mWrByu63YDU1tVnHYVp13Do+jIsRE8vvC+spJ059rCaVZw729u98AcpfsGCUnyIIf7j2T64UHAXLuDxxdBGzpF4MJX93o6m0iShH/mM6h9E9i1dbxjF4XIEAgegRAahxhJklCigyjRQfxnfh4j3a0FYKzdxa6uPdbK4doWTrv2sbBoVQHw6CE8vjBq8jhuu46ZvgmKhhIfRQ71deuAbAHXdXHbdazaGk6zgqRoeLRALz4lgKT5n2qCdl0Ht13HblW6821WABePL4zHG9jYCDaTqx587tLNKDCLS2jDZ56pRsJO0H3vNZxOAzkQFxamx2BV13BaVfTJ1wi+8o19U2b7ftT4KKrozyEQPBYhNI4IkqxsulfsWp72wvsPWzn0MK5t4Bqt7sVeD6OE+vD0T+HRQyjRIZT4KEp0CDO/0N2/nMEsrmDm5lBiIyjRoaf2dnE6DexqDruaA9dBDveh9k2CbXTX1dax8ou4VhtJ0ZG8ga7w8PrxaAFcu5cC3OqKIEnV8PgiyIE4Wt9Ed67xEeRQP5LH023q5LpsKoxPPLeKq3TSN5+pRsJ26WYSNbvZQ80yTrOMpKh4vAHM9XsoiXGU2MiWxdphxjFaWGt30UbP4T/9edTE2F5PSSAQbANRR+MI49rWA1YOp15AUvVufY5Qsisc4qPdR3jgoVQ9p9OgPf8e7bl3uxUWi8vYjRJyeAAlPopH83+8rdHqiotaDtcykEN9KOF+5FASbWgGbXAGx2xhV9exazns6jpOu45jNHE6DdxOozsaTZBVZF8Ejz/SFRj+CEpiDDVxDCV+rCd2nl1Du5ZJ/cp3aN/dqJGgP7JGwpY/X7PTS1EuYzdL4LrIgSgefww50H14vEGM/Dzm2h1cy0IdmH7uJl6HAbdXUVeJDOA78RbhT/+ucEsIBHvPtu7AhNAQAGDX8hhrd5EDsa5I2HA7PAOubdFZuU773juY+UWs4ip2NYvki+LxhbBreVyjhRxKIof7kYNJtMFpvCPn0IZmHhkb4boubqexGcy6YQGx6wUkxYuSPLYpLORQ8rktEK7r0ln8gMZH36WTvoXTrDxQI+FZccw2djmNXSvgWu2epSWGJxBD9kVQk8dQ+yZR+yaRI4MgSXSWrtC88X3M3D2M9Tlkf6zbl2MfugleBK7rYmZugeuiT71O9HO/j8e3tb+DQCDYFYTQeBJCaOw+rutirs/TvvcTOulb2OUMTruOHOpDDibQBqbQRs+hDZ3at5VMrVK614zrJmbuHmrfFHJk8IlCxnVdnHoBq5zBaVWQw30o4QE8/ghKbAStfxIlOYEaH3tslUjHaNG89Re07/4Ec30Ou5pDThw7ku4Us7iMXcmiT7xK5LO/90CLcYFAsKeIyqCCvUWSJLT+SbT+Sexanta9n+I0y2iDJ7vWgS1YSfYKJTZM5HN/l/oHf0LbG8JI38BpVVAHTjwUmOqaHaxKptuUS1ZQosNoI6fxDp7AO/4yav/UMwsqj+YjePGr6OOXaFz5Lp10CnPtDp1KFnXgxAsLUt1r7EYJu7CEd/wSgYtfFSJDIDgECKEh2BXkUJLgS7+019PYFh7NR+j130SNj9HQfN0KkIsfoo2cQVJ9OI0SVjmN0ywhh5J4R86gRIfwHruIfvwV5GBi2+dWokOEP/uf0Fn8kMaN72Ouz2Os3kQOHH53imO2u/UyhmbQp99An3htr6ckEAh2ACE0BIJHIEkSvpOfRomNUnvvjzDSNzEWPwSPApLUbcg1NIM2MIV+/NWnNuXa6rn14y+jDZ2ieett2vd+hrE+180MCsRRIoOHrsqr6zgYqzeQo0N4R84SvPi1Q/X+BIKjjBAaAsETUPuOE/3c71N77w/pLF8D10GJDOE9dgHv8Ve21Cxvq3i8foIvfQ3v+CWa1/4dRm4Ou9Ktf+Jmb6NEBpGjQ3hUfdfm8CJwXRdz7Q6SrKINnSb0+m+KjqcCwSFCCA2B4Cl4fCHCb/1HtBfeQ5I1vCNnX+iFUI2NEPns72FVc3QWPqCzfLVX/yRDZ/49PL4wcmSw27l3F1JAXdvEtS0kRduVHh52OYPTKqMff4XQ5b+1p31MBALBziOEhkDwDEgez7a7fu4USrgf5cJX8J/9hW6b8sUP6GTvYFdzWMVlzLU7yJEBlMhwt/Pvc+K6LnZpFTO/AJIHbBNkpSs4FG9v7D2XNVA1PKpvS6XcnVYVc30O7/hLBM5/Ga1/6rnnLTi4ZBoVvLJCXN//geOCZ0cIDYHggCHJCt7Rc3hHz2E3SnQWP6S9+BFWJYNdzmAsfYgnPIDaN7FtC4RrmxjZ27idJt7xS8i+cNeyYRm9R2dzdNq1j18bbSSvHzmY6FpYvIHHxlq4lkFn9Qba4Al8k6+hn3jreT4WwQHGdhx+mL7Dz7LzSJLEqdgglweOMxSI7PXUBDuAEBoCwQFGDsTwn/kCvlOfw8zdpT3/Hp2V6xjZO3Tm30UdnNlypVGnVcVI38Tjj+KdfI3Aha+gT17GNbuiwmnXun1a7n+0ajjtejc9tVHErufprFxDkiQ8wQRyMIHHH92sCeK6DsbqTZRQH9rIWQKXvi6CP48oVaPNdxauMlvMcqecw8Ul3Shzq5hhOtrH5YEJxoIx8f9xgBFCQyA4BEgeT7deyeBJjLW7ND76DsbaHYzMLeRAArV/6qlZMa7rYpVWsAqLaP3TaMOnCb32t1Biw91zaDoeTYdw32OP4bTrvfOmMHP3uqKjVsDM3cM1O8iBOJ5gAqdVAQm0kTOEX//b+7JZmmD3ma/m+dOF69yt5Mg0qkxH+tAVhdV6hQ/zy6zUS9wu5RgPJ3h94DhTkT4hOA4gojKoQHAIccwOzZs/oHXnx5i5u9iNMtrACeRQ8pHbu5aJkZ3FNdt4R86iT7xC4KVf6QqLbeJaJmZ+HiOTwsjexq7lset57HoB12jjPX6JyJu/gzZ8atvnEBxMHNfhncwcf5O5x+1yDtOxORntR78vyLptmWSaFdZbNeLeACPBKGPBOK8NHOdUbADPEauYu08QlUEFAkEXj+olePGreEfPUf/w2xjZ25jZ29jVHOrA9AMBm3argpm+hScQQx+7SODCV/BOvPrcd46Som5aWVzXxSqnMTMpjGwKq7KG//Tnhch4Abiuy/u5JX6yNofjumgeBVWW8XoUNFlG7Y2aR0aTFVSPTFjTietBEnoA7w7Vh9mgaRr86eI1rhcy3CmvEfX6mYn1PyQcdEVlIpxkJBAl26xyvZBmqVZioVZgJBDljcEJziVGdnRugt1BCA2B4BCjJo4R/fzfo5X6Ic3UX2Os3aUz/y5K/xRyeKDbcbe4jDowjTZ8pusqiQ7u+DwkSUKNjaDGRvCf+QKuZe5oivCGZVaY1R/Edhy+v3yLd3OLpEprWI6N7PEgSxKy5MEjeR54LUseFI8HTVbwKxq6rBDx+kj0REdSDxLXAyT0ANo2BMhqvcx3Fq5yp5xjpV5iIpwk6Qs+cR9NVjgWijMciJBtVpktZVmqFVlrVvHKKieiu1fL5pN0bIvvLd9ivVnjN0++hk/Ue3kmhNAQCA45kqzgP/PzaMNnqH/wLYzs7W4Mxfo8kqziHb+EPnmZwEtfe2GxEs8jMgzbotBukG/VybVq5Nt11lt1AF7pP8Yrfce2dRE8bDRNg28vXOV6Ic2dco7RYJSY14/tOtiu2x0dZ/O103vdtCxKnSZNy8ByHHyKik/R8CsqfkXrCRCViNdHXA8Q0XyENZ1wb4xoPnyK+oDo27Cq/OVqijvlHE3L4GxiGP8WUqEVj8xoMMZQIMJCtcBSrciPM/eYiiRfiBul0mnxrfkr3Cpm8Csa+VaNsVB81897GBDfRoHgiKBEh4h87u/SuvNjWrf+ErO8ihodIfDSV/GOv7wvrQF1s8Nas9oVFK06660a5U6TpmXSNA2aVoeGZdA0DWTJQ7ZR4cr6Cp8amuR8YvjI+vHzrTp/MvcRqdIay/UiJ6L9RLdRW8VybJqWQdMyaVkGmWaVlmVg9wSI3rN6eGUFzaOgKwpeWcUrKw8Ij4rR4kYhTaq8RlD1cj4xgrzN4nKy5GE8FOfD9RWWakVSpRyn4ztvhbufdL3Mt+avkCqtsVIvcV64bLaEEBoCwRFC8sj4Zz6Dd/g0neUraKPnd7WM+nYwHZu75XVuFFdZqBaomR0aZqd7wTMNmpaB7PHgVzQCikZCDzAWjNGyTOZredKNMtlmlQ9yS3x6eJrpXchUcF2XhmWw3hNANbOD27MKOK6LCziui4OL63YfDm532SNeb+x3/z5JX5CXkmOMh7bW12aukuc7C1e5XVqjZDS3bDm4H8Uj9wTDg12ITcemaRq0bZOObVE12nRsi45tYTgWqiTj7QkQr6zikSSyzQpjoTgDvtBz/z0Uj8xQIMxyvcQ72XuPjPHYKW4WM/z54g1SpSwt20STd7467mFHCA2B4Agih5L4z/z8Xk9jE9d1yTar3CimmS2tkW/VyLVqFNoNvLJCQNHwq11R4Ve0R7pGAqqXuB5grefHzzTKpBtlJiN9fHb4BCPB7ZU2Nx2bfKvetai06+RbNfLtBnWj3bWsWB06ttUVFIDbfUO95y7d8JHe608sdzeEyCeW4ULY6+NGIc1oMMalvjFOx4dQn1CAzXVdPlhf4gfLs6TKa7iuy/nEyBP32S6qRybi9RHB99A6x3UwbJu2bdHpCRHLtTkdHyK4g665QX+ED9eXWa6XuFXMcjYxvGPHhu7n+ePsHH+1eodUKYsqy5yLD3OtsLqj5zkKCKEhEAj2jIbZ4VYxy41imnSjzHov7sJ1Xfp8QS4kRh5IeXwaHkliKBChzxck3ahwtbBKplFhsVrgdHyIzwxPP7K8ddsyqRptqkaLSm+sGm0K7TrlTpOWZW66aJqWQcPsYDg2uqzgV7sxCx7Jw8aNuoSEJPVGAKk73r98Y74by0DC01vnAoV2nauFVRZqBe5V1hnwh7mYHOVicpTQJ9KObcfhByuzvLu2wK1SlrCmMxFO4tkDd5hH8qArnt7f7WEhslMoHg/DgQjLtRLvZOc4FRvctjvmk5iOzb9bvMEH60vMltZI+gIcCx6ujskvEiE0BALBC8NxHapGm/VWnRvFNPcq6xRaDXKtGjWzRcwbYCKcJKLpz/WjrnhkjoXiDPjDrNRLfJhfJtuscqe8xvnECJqsPCAs2paxafr/+GHSsswHXDV+RSPm9TMSjOJTVORdjAEJazpjwRi5Vp17lXUWat0AyJ+uzXMqNsilvmMMByK0LINvz3eDPm/3gj4H/eEjcVEcDITJNCus1EtcL6a5mBx97mPWzQ5/MvcRt4oZ7lXyjIfi9PtDOzDbo4sQGgLBIcR2HDq2Rds2aVsm7d7zzn2jaVv4VS+R+zIGQqr+XHeFG7EL1U6LstHqXsg7XetAxWhRM9sYtkXLMrvuiHYdXVHp84U4Ee1D2WEzv1dWmIr0MRSIsFQr8n5uidVGGddl06y/EVcg3xdXoMsKQdVL0hd8rKvmRaB4ZIYDEYb8YYqdJtlGhaVakeVakav5VcbDcVqWyWwxy3K9yHS0n9gONNQ7KMiSh5FAlOVaiZ9m5zkbH3qu/6G1ZpVvzV3pud4qzMT6H4pPEWwdITQEgkOA7Tjcq65zNd91FRiOheO6WI6N5ThYroPl2Nibz7tpjZpH3swS8MoKmqwQ0rybwiOs+YhoOh5JomPbGPddmNu2hdF7bCxrmg9aBtr3Xcw3njuuiy4rxLz+5wpU3Ap+ReNUbJCq0WK9VUeRPARVLwk9uPned8rsvhtIkkSiV7+ibnbINqp8lF9msVZAliTKRouz8WH86u5/lvuNAX+IdKNr1bhaWOXlvmPbOs6dco7vLlwjVVqjbrY5lxjekttO8HiE0BAIDjDlTpPrhTTXC2nWWlVyzSqlThPTcXBdF9njQekVYVI88mZBpo1H27aoGK1NMSAhod13V++VFbyKigSbImWj/oK1WYfBxXJtbKcrbEzXxuv5OONAVxQCqn9T0Ggeec/M+o/KoDhoBFUv09E+DDtGrlWjY1ucj4+gHtFsCI/kYSQYZble4mfZhW0FwM6WsvzbniVDkiTOJYZ33Lp2lBFCQyA4YDiuw1wlz5XCKnOVddZbNdaaNQzHot8X4nRsCE3uioqtXNBd18V07AcsEi3bpGy0ADZFykYFSb+sdJ97JGRJRpEklF4Z670IQjxqaLLCaHBrnXkPK/2+EOl6mdVGiSvrK7w6MP7M+85V8nxn/io3ixn8qsZkOHkk4lteJEJoCAQHhKrR5lphleuFVdaaNXLNKuvtOkHVy0gwQswbeK4LvCR1rRmarCBC3wQHCY8kMRqMsVwr8bPcAueTI8/Uo2WlXuJbcx9xs5hBV1QhMnYJITQEgn2I5dgU2g0KvfLauWaNxVqB9VadtVaVjm1tK/1TIDis9PmCrDbKpOtlPlxf4o3BySdun21W+eN7H3KzlEH2eEQL+l1ECA2BYIfpButV7ouPkFE98machCJ5UD3ypvWhbLQo9IpBFVpdYVHu9Zro1m/o0LRMyp0mAdXLkD9CXPcf2fLaAsGjkCSJ0WCU5XqR99YWeSk59lgRXmjX+eO7H3CzmMF23V7beSEydovnFhozMzPuM2z2z1Kp1O8+w7FeAv4A+AwQAhaA/wv4n1KpVGf7sxQIdh/Dtnh3bYGfrS1Q6jSRJAmPJCH3ijJ1u2V2l0m9Zd1sDoum2e3Z0bKM3mgi0c2W8KsakV5NBdEtUiB4PEk9yGq9TLpR4f31Jd4amnpom3KnyR/2REbbNjkdG9rVeiiCnbFo/MPHLJeA/5yuYHj7aQeZmZl5A/gLQAP+CFgGvkRXeHx2ZmbmS6lUyt6B+QoEO4rrutwsZvhR5i5LtSKLtWK3CqQk9fpfuNiui0u3YyYuSFI3Wl6i2xNDV1QCioZP0Yj3ymyre5idIRAcRCRJYizUjdX4ILfEy31j+O5Ln66bnU2RUTXbnIkPoezjtObDwnMLjVQq9QePWj4zM/MP6IqMf5JKpf75MxzqfwF04G+lUqk/6h1DAf4U+CLwTeDIGEH2AAAgAElEQVRfPu98BYKdZLVe5i9WU8xV8ixWC7Qdk/FQgrjX/0iR4PYEx8fNtFy8siIEhUCwQ8S9AVbqZVYbZd7LLfKZ4RMAtCyDP+qJjHy7zrn48K70gRE8zK5IuZmZmbPA/wjMAf/FM+52GShtiAyAVCplAf9H7+WbOzpJgeA5KHeafGf+Kv9i9if8OHOPm8U0Ud3HS8lREnrgscKh607xbKaB6ooqRIZAsINIksRYMMZKvWvVaJjdpnd/fO8jbhTTZJsVzsSG9qza61Fktz7p/42uC+Q/S6VSzWfcpwAkZ2ZmYqlUqnTf8o2WfOs7OUGBYDt0enEY764tsFwvkW6USejddt5HtWCSQLDfiHn93QyURoWfZOcptOtcL6yyXCtxJjEkMrVeMDsuNGZmZn6Rrqvje6lU6s+2sOs/Bv574P+dmZn5+3RjNH4B+O+AIvBPd3quAsGzYtgWt0pZ3snMsVQvslgtoCsqZ+JDBHaw9bVAIHh+Nqwac5U8H64vUe60mK/mOR0feiEl7wUPshsWjf+6N/6jreyUSqX+0czMTIlurMat+1bdBL6eSqWWdmh+AsEz4boumUaF68U0qdIa660aK/UShmNzPJwg9pg4DIFAsPdENB+arDBXyVPsNJiJDRAUNwV7wo4KjZmZmUvAzwF/nUql/nqL+34e+G8AC/jXQI5uXMbrwD+dmZn5RiqVKj7DcW48ZtXDeU4CwSNomB1uFjNcL6TJNCust2rkmjUkSWLQH2bAHxY59wLBPkeSJCbCCZZqRU5EBw58j5uDzE5bNP7j3viPt7LTzMzMKPBdoAm8lEql7ty37g/ouk/+OfC1nZmm4LDTMDuUOy10RUGXVXRZfWJ3TttxmK/muV5Mc6+yTr5VJ9eqUTc6xPUA09E+QqouLBgCwQEioHo5HR/a62kceXZaaHwdaADf3uJ+vwP4gH94v8jo8Q+B3wJ+aWZmZiiVSmWedKBUKnX2Uct7lo4zW5yX4IDgui65Vo25ap65Sp50o0zbMjerc8oeT68jqYquqPgUDV1W8Ckarutyu7y2abnIt+v4FI0+X5CT0QGRZy8QCATPwY4JjZmZmYvAMeBfbSHTZIONVns3P7kilUq5PZEw3dvuiUJDcHQwHZvlWnFTXBTadUqdJqV2k4rRQvXI2K6D5Th4JOmhEuAbryUkSp0GhmPT5wtyLjH8QJEfgUAgEGyfnbRobNS5+Ktt7JvtjTM82hpyojcKkXHEaZgd7lXWmavmWawWKXeaXXHRadKyDKJeHzHdz2QkuZkn77oulutgOTaW42D2Rsv9eBwNxoh6/SL2QiAQCHaYnRQar/bG97ex7/8H/LfAfzkzM/NHqVRqfmNFL9X1DPCjVCq1+PzTFBxEiu0GP1tb4EYxTbHdoNRpUu40kZCIev2MhWJENP2RjcYkSUKVZFEFUCAQCPaAnRQa071x9UkbzczMfA74HPBRKpX6E4BUKnVzZmbmv6Kb2np1Zmbmj+lmnbxGN4slC/zeDs5VcEDINqu8u7bAbClLplEh06jgVRRiXj+nYoP4FU0EaAoEAsE+ZieFRl9vLD9lu8/RzSL5Z8CfbCxMpVL/68zMzDXgHwC/AgToipb/HfgfUqlU9uFDCQ4jruuyUi/x07UF7pZzZJoVss0qEU3nVGyAoKbv9RQFAoFA8IzsmNBIpVLPlNHRa8L2B49Z9z3gezs1J8HBwnVd5qp5fro2z0K1QLrRrWER9/o5Fx/Gr4oATYHgsGLaNqVOk6QvKGKlDhmiq4xgz7Ecm9vl3Gb/kNV6mWKnQVIPciExIvoSCASHnNvlNd5eTtGyTfr0IF8eP0OfL7TX0xLsEEJoCPYEy7FZrBVJldaYq66TbzXINMpUjBb9/jAvJUdFd0WB4JDTtkz+YjXFbGltc9l6u87/fftdPjU4yav9xx4Z4C04WIhfcsEL45PiotBuUGg1KLTruMCAP8RkJIkiskMEgkPPfDXP95Zu0bCMh9Y5rsvfZO5xr7LOl4+dIa4H9mCGgp1CCA3BrvI0cZHQA0xH+wmpXpE9IhAcATq2xV+t3uF6Mf3A8qFAhAuJEf4mc4+62QG6WWf/MvUzPj08xaXkmPiNOKAIoSHYFdqWyTvZOW4U048UFyei/QSFuBAcIRzXRYIj/T+/XCvy75duUTXbm8tkSeLNoSle7juGR5KYDCf5y9Xb3Cp1Ew1t1+GHq3e4V1nnS2NniHhFc7SDhhAagh3FdV1ulTL8cPUOS7UiS7WiEBeCx+K6Lh3boma2qRmd3timZrapGm3atoVPVvEpKgFVw6do+O9/qN1R88h7+n/lui4t26RmtKmbHWpGm6rZpr75njrUzQ4eSaLPF2TAH2LAF6bfHyKhB/Y0DqFjW6zWy6w2yqzWS9TNDgP+MJPhJBPh5I5ke5mOzY/Sd/kov/LA8n5fiC8fO0PSF9xcpisqXxk/y3Sknx+s3KJpmQCs1Mv8i9RP+bmRE5yLD4vfkQOEEBqCHSPXrPH2yix3yjnmq3lMx2YikiSq+cSPggCAfKvOrVKWfKu+KSoMx37u48qSh9FglMsDxxkNxnZgpg/iuA51s0PV6AqgWm+sGm2qZoua0cF2nacex3Zdss0q2WaVjdqGiuShzxdiwB+i3x9mwBcirgd2LcWzZRms1susNMqs1sust2q4n9imVlnnbmUdgCF/mMlIH5PhJAk9sKXvsmFbZJtV3l5JUep83ALLg8TlweNcHjiO/BiRNR3tYzgY4QfLs5tzMR2b7y/Pcre8zhePnSaoerf25gV7ghAaguembZn8TeYeH6wvsVQrst6qMRyIMhSIiHz4fYrl2ID0QjrTdmyLVGmNG8V07wK789iuw2KtyGKtyGggyuuDE4wFY9sSuG3L5G5lnZV6aVNU1MwO7kOX453Bch0yzQqZZmVzmeqRmYkN8GrfODHd/1zHtx2H+WqepXqRlXqZQruxpf0zzSqZZpW/ydwjrOlMhpNMhpOMBGPIkkTDMqh0WpSNFpVOt6HhxutWzxpxP3E9wFeOnWHAH37quf2KxteOnydVXuPtlRQd2wJgoVbg/7n9Lr898zq+F5j+Xjc7LFQL6LJIud8KkuvuzpdnvzEzM3Njenr6zHe/+929nsqhwXVdbhTT/HX6bvdHvlog7NUZDyXwitTUfYHp2BTbDYrtRjdWpveoGC0kJPr9IUYCUUYCUYaDEfw71LXWdV1WG2WuF9LcKeewnnK3L0seQpqXkKoT0nRCqk5Y09FllY5t0rAMWpZB0zJommZ37C173C/YUCDCGwMTjIfiTxUctuOwUCtwq5RlrpJ/JuvEo1A9MiHVu/kegpvvqTsajs1as0quWWOtWSXfbjxVwExH+nitf5zBQGRLc6kZba4VVrlWSNN8RGbH/eiywkgwxmggSkjTWep1Rd4Iynzce3VxsZxn/6xe7R/nU4MT28osq5sdvr98i/lqYXPZW0NTXB44vuVjbYd8q84f3/uQhmUgAX/0i3+Py4MTL+Tc+4ht3TkKoSHYFms9c+jd+9wkx8NJoiJQa8+oG22W62UK7foDgmIrxL1+hoPRTfER1vQtWQXqZoebxQw3CmnKjzl3vy/EyegAMa+PoKYTVnV8irot64PjurRtk1yzxrtrC6w0Hu6AMOAP88bABBPhxAPncF2XTLPKbClDqpSjbT989/1J/IpGWOuKoXBPDIU136aQ8MrKlt6H5dist+rkWl3hsdasUXiM+BgNRnm1f5zjocRjz+G6Lou1IlfzK8xV84+VMH5FYzQYZTQYYyQQfaRLxHVd1lt15qrrzFXyrLVqz/y+7keWPAz4Q3x6aJqRYHRbx7h/Tj9M3+HD9WUAQqrO7515c9ctp9lmlX9z70PaPYuKhMQff/Xv8doLEjn7CCE0noQQGjtDrlnjSn6Zj/Irm26SkWCUQb9wk7xoTMdmtV5msVZgsVbcskn8WQiqXgb94U0Xy/0/F/dfDF2gY1ks14uPvLh5ZYXTsUHOJYZ3teLjSr3ET7MLLNWLD63r94V4feA4CT3IbCnLrVL2sULMJ6ucjPXT5wsR7llZwpr+Qmq8mI5NqrTG+7lFivfFNWyQ1IO82n+Mk7GBzfiGlmVyo5jman71ke9JliSmIn0cC8UZDcSIerceN1U3O8xX88xV8izVig9YqXRZIeL1E9V8RLy+B8bADgeA1402/+fNH2/+/3194iKTkeSOHf+TLNeKfGv+KuZ9sUSfHZrmf37r1xgLxXftvPsUITSehBAa26dlmcyWstwopFmpl8i366zWy8JN8oLZuMPsxiIUSDfK2M/w/ZUlD3Gvn4QvQNwbIKEHSeiBrlBplEn3ggIfVTjpeRkPxTkbH2bqBRdiSzfK/DS7wEKt8PSNe8iSh6lIktOxIcbD8ccGKb4oNnr/vLu2+ED8xgYhVedicpRCu87tcu6R7p6wpnMhMcrZxNCOucWga4nJNquoHpmI5nvhbQK+PX91M0D0eCjBN6Ze2pXz3Kus892F65ufrUeSOB0b5M3BKX7vzJtCaDwj4goheCSO67BQLXKzmOZOJUeh1SDXqlExWkQ0Hydj/YQ14SbZLSzHpmK0KXeaVDot1lpVlmrFzVS/xxHWdIYDkU0xEdcDRDTfY61N/f4Ql/rGcF2XitFitV4m3aiw2ig/kCWwFcKqzpnEEGfjQ3v2PzIciPKNqZfINqv8NDvPXDX/2G3HgjFOxQY5Ee3fV6JZ6lkhpiJ9rNbLvJdbfOB91Mw2P8rcfXg/YCKc5EJy5IluludB8ci7kt3zrFxMjm4KjYVagXKnSdT7fEGzn2S2lOXPF29uWk4UycMvT1ygvM3vxVFm/3yrBPuCUrvBjWKGG8U0uWaN9VaN9VYdVZbp93VLhKuiRPgTaVtmL6ujxyN+6DeWtCyTcqdF2WhS7jS7zzstavcVNHoSmkdmLBRnvPfY7o+tJElEvX6iXj9nE8MANMwO6UaF4idcMp+8cEn3Le/3hbad7bEbDPrDfH3yIrlmjZ+uzW9enBJ6gNOxQU7FBglp+h7P8umMBKOMBKPkW3XeX19itpjF+YSTyq+onEuMcD4xQvgAvKfnYSwYI+b1b4rhq4VVPjt8YseOfyW/wtsrqc3XmkfmVydfYiQY5aN1ITS2ihAaAqDr2/5RL3sk36qz3qrRtk2SviCn44MERL76E7Ech7uVHNfyq48MSNwpJLoXz2OhBOOhOIOB8K6Z+AOqlxPR/l059oum3x/ilycuUOm0sF2HmNe/b8TQVkj6gnz52BneHJzkw/VlUuU1Yl4/5xMjTEf6kF9AuvJ+QJIkLiZH+cvV2wDcKKR5c3ByR9xzP1tb4G8y9zZf+xSVX5u8RL9fdJPdLkJoHHHalsmPMnd5P7e4KTLCmo/hYISY1y86Jz6FUrvJtcIqN4qZZ8pa2AoSEhFN71kafIwGY4wFYy/cH36YOCzlq0OazmdHTvDZkZ27iz9onI4N8qPMXSzHoW1b3C7nOBMf2vbxXNflR5l7vJdb3FwWVL38+tQl0dTtORFC4whzp5zj7ZVZ5qsFFqoF4rqfS31joj37U7Ach3uVHNcKaZbrpec6lkeSiGg+ol4fUa0rKDaERUjT9zwgUSDYr+iKyqno4GZztqv5lW0LDcd1eXslxbXC6uayqNfHr09dErFoO4C4ohxB6maHt5dnuV5IM1fN07ZNTkb7D83d3m5R7jS5WljlZiFD6xHWC0XycDI2wPnECAMbZtYH0kEffuaRPCItWCDYJheSI5tCI9OsstasPlPF0ftxXZd/t3ST2V4TN4A+Pcg3pl4SLuMdQgiNI4TrulwrrPJXq3dYqBVYqZcY8IeZifULF8kjsByHTKPMUr3EYq3I2mPKZyf0ABcSI5yKDT7s1hAaQiDYNQb8YYb8YTK97+bV/CpfPLY1oXElv/KAyBjyR/jVyYvCRbmDCKFxRCi1G3xv+Rap0hr3KusgwZn4kFDs97FRp2Kp3u06u1ovP7Z0tix5mIkOcD45wpA/fCADCwWCw8CF5CiZpZtANyX1M8PTzywSCu06f5X+OEV4LBjj6xMXUWWRWbeTCKFxyLEdh/dyi/w4c4+FWoFss8pYMMaguDhu1o5YqZe7Le3rxUc2gbqfhB7gfGKE04+yXggEghfOyWg/P1y9Q9s2sVyHm6UML/cde+p+luPwZ4s3Notx+RWVr46fEyJjFxBC4xBT6bT49sJV7pRz3Kuso8sKFxIjR/ICabsOxXaDXKvOerNGrtWtEfK0FuWKx8NoIMaxUIxjoThJPXjkBZpAsJ9QPDJnE0O8n1sCuu6TS8mxp35Pf5y9x3qrvvn6S8fO4Fd3rnqq4GOE0DikzFXy/Nnide6Uc2SbVY6Hj85F0nEd1npiItcbC+3GM3XklOj6fY/1CmAN+iMvpJW6QCDYPhcSI5tCo9RpslwvcewJ5cGXa8XN7QEuJkeYCO9ev5SjjhAahwzHdXgnM8ePMnc3+x9cSI7sq9LKu0HbMlmoFZir5FmoFej0uiw+CzGvv2uxCMYZFXUqBIIDR9Tr53gosdnb5kp+5bFCo22Z/HkvpgO6HYs/s4NVRQUPc7ivPkeMpmnwp4vXuF7IcLu8Rlz3Mx6KH8qMEtd1KXaam90k043KI1tr348HiYQeoM8fot8Xos8XpM8XOvQiTCA4ClxMjm4KjXuVPHWjTfATpdjdXr2MutkBunVsvjJ+VrRV2GXEL+whIV0v852Fa9wur7FSLzERTpL0Bfd6WjuK5TisNsrMV/LMVfOPbfEN3R+QAX+Yft/HoiKhB4UbRCA4pBwPJwirOlWzjYvLtUKaTw1NPrDNbGmNVHlt8/Wbg5Nbrrsh2DpCaBxwXNflg/Vl/mJlljuVdZpmh7OJ4R1tCb1XGLa12Ul0tV4m26w+Mc7Cr6hMhJNMhJOMh+KiwqlAcITwSBLnkyObfUquFdNcHjy+WV230mnx9srs5vYjgSiv9I/vyVyPGuKX+ADTsS2+t3STj/LLpEo5/Gq3e+NBvWtvWgbpepmVnrBYb9We4gyBfl+IiXCCyXCSAZGyKxAcac7Fh3knO4fjujTMDnOVPCei/Ti96p8bWWZej8JXxs+IqrwvCCE0Dij5Vp1vz1/ldnmN+Wqe0QNaGyPfqnOtsMpSrUix8/T2y4rkYSwUZzKcYCKcPBAtvgUCwYvBr2qcjPYzW+q6R67kVzgR7ee93CKr93VV/sLYjOhh8gIRQuMAstas8q9uv8ed8hrFTpNTscEDdcG1XYe75XWu5Fce+PI/Cq+sMByIMhKIMhqM0u8LHZlW2AKBYOtcSIxuCo3leolbxSzvZOY2189EBzgVG9yr6R1JhNA4YDTMDv92/gqpUpaWbXIhMXJgKtnVjTZXC2muFVZpWsYjt/ErGqPBrrAYCUaPTO0PgUCwMwwHIiT1IPl2txjXny/d2FwXUr18YXRmr6Z2ZBFC4wBhOTb/dv4qqdIaVbPN+cQwyj5Py3Jdl5V6iSv5Ve5W1h+ZgtrvC3EuMcx4KE5E8wlhIRAIto0kSVxMjvCDldRD67587Kyok7MHCKFxQHBdl+8vz3KzmGalXuZcYmhfi4y62eFuOceVwirFduOh9bIkcTI6wMXk6IGMLREIBPuXU7FB/jp994EWA6/2jzMWiu3hrI4uQmgcED5YX+K93CJ3yuuciPbh22fpq7bjkG5UWKgVWKwWWG/XH7ldWNW5kBw5NCm4AoFg/6HJCqfjQ1zJrwDQ5wvy5uDkU/YS7BZCaBwA5ip5frA8y2wpy2gwStTr3+spAVA1WixUCyzUiizXik9sUHY8lOBicpTj4YRIKRMIBLvOW0NTNMwOluPwhdEZEUS+hwihsc8ptht8Z+EqqfIaYU1ncI+r2GUbFVLlNRaqhaemo4Y1nRORfi4kR/aNOBIIBEcDr6zwyxMX9noaAoTQ2Ne0LJN/M/cRt8s5HNdlIpzYk1gGx3W4U17nw/UlMs3qY7eTJQ9jwRjj4TjHQwliXr+IvRAIBIIjjhAa+xTHdfjuwlVul9YotRucT4y88OZobcvkejHNR+sr1Mz2I7eJebuN2ybCSUaD0X0doCoQCPY3ruuKm5NDiBAa+5S/XL3DtUKaxVqRM/HBF1oro9xp8uH6MjeKGcxHxF0MByKcig0yHkoQ9YrqegKB4PlpWQa3ilk0WeFktF/0KjpEiL/kPuRqfoWfZOa4XVpjMpIkoHp3/Zwb9S4+WF9mrpp/aL0HiZOxAS71je15nIhAIDhcmLbNrVKWoUAE07G5XkgzExt4Ib99gt1HCI19xnKtyL9fuslsOctgIExCD+z6OVfqJX64eodcq/bQOl1WuJAc5WJihOABKnMuOLi0LZOy0aLSaVE1WigemT5fkKQeFMWWDiG26zBbzhLzBjgVG0SWPMyWstwsZjgR7ReB5IcAITT2EZVOq9coLYdPURkJRHf1fHWzw1+n7zJbyj60Lu71c6lvjNPxIVQRd3HoMGyLjm3hV7XNNtp7heU4VI0W5U6LitHCdGwimo+o18d4KE7Htsi36lwtrBJQNJK+IAk9IOKBDgGu63K3vI7mUTgdG+TXpi7hUzS+PX8FTVa4U15jLBQXVtQDjhAa+wTLsTdFRse2OJsY2rWgKMd1+Gh9hXeycw/VvhgPxbnUN8bx0N5kuAh2Htt1aJgd6hsPo4Pp2HhlFdOxGQqEGfCHX5igdHstvMs9cdEwOwRULxHNx3Skj7CmMxKMMR6KcywYp2w0uVnMsFAtUGg3WG/VWawViHr99OkhIl7fntZmcVwH03HQPPKB/860LJOVegldVhkNRnf9/SzVihi2xfnkCF+fvEi8Z8H99amXCWs+NI/MbClLxzI5Foof+M/3qCKExj7h7ZUUs6Usa80q55Mju3aXuVIv8fZKisInyoL3+0J8YXSGoUBkV84reDG4rkvLMqmZ7U1h0bJMfLJKsHcxHwnECKgauqxSaNdZbVT4cH2ZPl+QIX9kV9wTtutQ6bQodZqUOk08SES9foYDEcKajz5fkPFQguPhBKPBGN77AgGHiXImPkzNaG+a1DONCuutOsv1IveqNkk9SJ8v+EJ9+m3LJNusst6q4QIeSSKkegmqOiFNJ6hqz5wpZtgWDdOgbrapmwZNq0NQ9TId7X8hFifbcVhtlMk2qwz5I5Q7TZqWwXS0b9fOn21UKPQy6r46fp7R4MflwWWPhy8fO0PU60PtiY3b5dyuzkewewihsQ+4ll/l3bUF7lbWORHtf+BHdqd4nJvEKyu8NTTVS58VdwsHEdd1aVgGhVadfLsBuARVnaDqJakHuwLD62PIH2EwEGHQv2HB8HC7nOO9tUUWawUyzSpXC6tEvT6GA1GCz3nRNmxrU1hUO218ikpM93MmNkRM93MsGGc8nGA8FH8mP3xI03lt4Div9o+Ta9W4WcwwW8qSb9VZb9W4WcwS8/o4ForvWsaC67qUOk3WmlVqZoc+Pci5xDA+WaNlG9SMDjWjzXqrRse2CKjervjQdEKqF01WsBybumlsWpkaZtfCFFC93b+ZL0hQjbNYK3K7lGMm1r9rqe2u61LsNFmsFvArGhcSI0xH+1mpl5gtZrlVzHIqNrDjbqpSu8lyr2fT50dnOB1/uG27JEm8MThJRPOjLl4jVVrjZjHDTHRAZKQcMMRfa49Za1b5/vItbpdzDAXCO54u+iQ3ybn4MG8NT4meIzuI7TpkGhUqRhvcbqfa+/vVbnSv7a5yAYmAqhFSdUKaF11Wn9k83LZM8u06+VYdy3FI+oLMxAaIewMM+EMMBSIM+rvCIvSYQN5TsUFmogMs1Yu8l1vibjlHtllhtpjFp2qMBCLP3FHXdV1atkmp3RUXDbNDRPMR0/1MhvtI+gJMRfqZiiQZDcS2XRJakiQGemLps8MnWKwVuVlMc7OYYalW5Ep+hdFgbEeb9Zm2Ta5VY61ZRZY8DPjDzMQGmYr08VJyjLFQjPVmjXSjQrpRZrVRpmq0qRltamabbKPCXbOD7PFgOQ5+RSOoeol5/YwFY/hVjYQeZMAfYtAfwSsr/Pulm1wvpLlTznEiOrDjNwIty2ShmqdlmUyEkxwPJ/jcyEmmIn2s1Ev8ydwVZksZrhfSnIoN7pilq252uFvJcTI6wOWBCS4PHH/i9qfjg4Q1nW/NfcRsKbs5H78qfrcOCkJo7CEty+Tb81e5U86hyfKOB39mGxW+tzxL/hMNzoSbZOdxXZdCu8FSrYhP0Rjyh5HoXhi614eNV12k3opuvIJBqdNkqVbEBUKatyc8Hja/m7ZNod21XDQtg7g3wPFwkoTuZzrSz6nYIMfDiS3dgUqSxHgowXgoQa5Z473c4v/f3p0HR3oWdh7/dre6W92S+pC6dd/S6J37sD22sU08xsacxkAOckGurSRVG0gFUiRZimCgQtjazYawkE02m63AbraSlAkEYsPCGowxEC7b+JzXo7lnpNGtbkmtvt/9423JmmE0o1a/rWP0+1Sp3nnf7vftZ/Tq7f718z4HL82MMpZKcjo5hdvlIuSrpVC0KFhFilaRgrX078uXXpdn+ZZI2BegvT7CQDjOQChOPFDv+D12j9tNfzhGfzjGzc09PHbhOKcSE5xKTjK+OEd/KLZqyLoey7KYz2UYSyWZziwQ8QUZDMdpDobY39TOwVgn0RU1Me31EdrrI0APlmWRyC4yspBgtBQ+xhfnWMzn8HtqiPqDyzVLrcEQzcHQT9Rk1nl9FC2LF6ZGGE6Msyvc7Mjvr2AVuTj/ym2SvY1t3NbSx62tfcvtdLoaGvmFoaP888mneWlmlBem7Q/3Sm9NpfM5js9cojfUxMFYJ/d27l7T/6mjPsIvDB3l86Ww8cL0iHqkbCMuy7Ku/6wbgGEYLwwODu595JFHNrsogP0m9oVTP+bfLp3iwsIMB5s6HKueLFoWPxw/y3dHT1Fc8X1at0mqYz6X4WxyilyxYH9ghxo52txLoMaHy6aXkGsAACAASURBVPVKxHBhf6gvrblcdo+LsVTSvj++kGA+Z1e9J3P2t+Gl6vd6r5/FfI5kdpGIP0istp7G2iC9oSb2RNsYdPiWWzKb5qmJczw7eYGxVJLFfA6Py43H5cLttpcelxv30rbS0uvx0NPQxEA4XtGH/HoVrSLPTY3w5Mgw5+amOTs3TWPpNs1aBr0rWhZz2XSpoWqKfLFAc8AOBF0NUY7EuhiKtqyr4WymkGc6vUDEH1jz7MunEpN8/tTTPD81gt9Tw2A4vu6wsXTb50zpNklvqIndjW28pmOI6Crd6OeyaTtsTI9yZm6qog/3fLHAC9OjNNXWcSTezTt23VL23+xiPssXTz/L81MXOTE7zv6mDgIb3OX5mYnzDIab+fW9d9DV0Lihr70FrOuPTzUam+R7Y6d5buoCZ+em2NPY5ljImM+m+cq5Fzk/P3PZdt0mcV6uUODc/DTT6RSd9RE666Pc1trHLc09ZX0Q7Yo0A3aDvLHFOUbmZ1dUvy/a9/1zaRprg+yKNNNRH2FPtA0j2lJxO4rVhHy1HOsY4raWPl6cHiWdz+L11OB1e/C5PXg9ntK/7W1ej73d76nZ1G6nbpebQ7FOhiLNfGtkmKcnznNubopnJi/Q1RClJdBw2Qe1ZVmkC3kSmRSz2UWS2TQ+d81y19qm2jqMaCuHY10V1wD6PTVlH6M/HOPBvkNYlsXz0yOcSk7SH4qVHTZSuSxn56ZZzGfpC8XoCTVyrMO4bnBp8NXyjl238MXTP8br8XBidpzeUBPxQENZr1+0LMzZcepq/OyOtvLW/sPrCsaBGh8/PXDErkFcXGAqPX9ZI1LZmhQ0NsGZ5BRPXDyBOTNGT0OTYx8WJxMTfPXcS6QLueVtDV4/r+/Zp4vRQUXL4lIqycX5GZpq6zgc6+RArINXt+8iVME3eI/bTXtdmPa6MEvV77PZRUZK1dyBGi+7o63LXQA3QqDGy83N3Rv2ek4J1Pi4v3sv+5s6+Pr545xcup2SStLT0ES+1AtmNpuiUCwS9gVo9NfRF4qV5u9pojdkz+Gz1tqHahmMNPNA3yH7Nsr0KKeTU2ueYHExn+X8/AyJTJq2uhB7G1uX20WstUFlbY2Xtw8cIej1U+P2cHz6EtlCgfa68JrKULQsTiUmcWG3CXpb/5GKrpMat4fd0VaenbrI6EJC723bgILGBktm0zx65jlenh0n7A/QHCzvm8HV5IsFnhgZ5seTFy7bvivczH1duzWaooOWqp59bg97G9vpD8W4p9Ogo975wdVcLhdRf5CoP8i+pnbHj78TtNeF+UXjKD+evMi3R4Y5Nz/Nidlxamu8RPwBdoVbCPtr6aiL0BuK0dPQSPMVtR5bgRFt4c2lKc+fL82B1HONcSXSpfEwZjIpWoMh+uNx9ja2cWfbwLqCao3bw5t69tPg9VPjcvPSzCUyhfxy4LEsi2yxQDqfY7GQI53PkS7kWMznyBRyBGv87G9q54G+g4685/WFYkR8AYZnx8kXCxq8bYtT0NhAS4NynUiMkyvmMaLNFR9zcnGeR88+f9m4GDVuN8c6htjf2L7l3jC3MsuyyBeLZIt5csUCuWKBbKGw/O90IUeuYLfD6GqI8ur2Qfbpd7zluV1ujsS7MCItPDFygpdmRgn7AvQ0NNFXGrdjO3SX3NvYRqFYLNVsjOB2ueiqj17295fO57i4MMt0eoHmQIgj8S52R9t4VWt/xR/wLpeLuzuGqPfW4nV7eGnmEs9NjWBhkc7ncLlc1Hq8BGq81Hq8y0PGBzxegl4f93QY9Idjlf4aAEpf0kLUe/3MZhaJBeodOa5UR8VXl2EYa2lN+hnTNH91DceKAh8A3g60AyPA14CHTNMcraScW8E3L57g+MwlRheSHGhqr6hvvGVZPDt1kW9ePEHBKi5vjwfqeWPP/g2tXt8uVn7rShdypAt50qVvXEthwoXLbntQao+w9BPweYm564nWBjna3MttrX1VGe9Eqifo9fH6nn3c372nauNSVNuBWAd5y27ivRQ2OuujZAp5LszPMJVeoDnQwOFYF0a0lVe19Ts+fPfNzd00+PzUnH6O8cUkfo8dJvw1NXZ3Zn8d0drgcm1c1B+k3ut3PJD3hZp4bjK4oUHDsix2RvcJZznxTvnhVba7gN8DGoCvX+8ghmG0AE8AQ8BXgYeBm4DfBO43DOMW0zSnHCjvpnhxepTvjZ1mOGGPblfJ7YzFfI6vnX+Jk4mJy7YfiXdxV9sgNescn+BGspjPkcik7DBRqsrNFPLL37pqa7zUlroZ1npqloOFx+0mWOMjWOOjzusjWOOnzuujrsZP0Ouloy5K2OGxTmRjbdeQseRIvIuiVcTC7vpqj9WRIR5o4Eisi8FIM3e0DZTa+lTHUKSFd+2u4/z8DGFfLVF/kJAvsO6xUdajLxQj4g8ykhrFsqyq1yymcllOJydx48K3yY2et5uKg4Zpmg9dbbthGO/DDhl/bZrmZ9dwqE9ih4x3m6b5qRXH+RDwEPB+4A8qLe9mmFic46vnXuTlmTFaAg2X9b0vVyKzyMMnnyKZTS9vC9R4eV33XvpCzlRLbmeL+SwX5meZzaSI+IMEarzEvPWlcFGD3+Ml5Ksl4g8S8QeXJ++q9/qp8/oJeLwb+mYpsh43N/eQLxaxSg2TB8JxBsN2wKhGe6GriQXqN/WWRUddhIg/iBsXC/ls1XpgFYpFLszPML44R0ddhK6GRu5qG9REb2WoSt2vYRj7gI8Bp4D3ruH5ncDPAt9YGTJKPgEMANvy1knRKvLomecZnh3H43ZX1EI6mU3/RMjoaWjkdd17N3SOh60olc9ysRQwWoIhjsS7GQjHiAcaSqEiQMQXpMHn3/bfaEUAbmvto8bt4eL8DEfiXTtuTAeP201PQyPHZ0aZzaQcDxr28OwLnElOU+/1czDWyf7Gdo51GhX1mtmJqnWT+c8BH/A7pmmm1vD8N2LfavnHKx8wTTMBvMvZ4m2cZycvcjo5xWR6gcPxznVX781l0zw8fHnIuLNtgKPNPTu6MeLKgNFaChi7o63c3tpHi75xyA3u5ububdn92Cm9oSYi/iAXF2Yd7eaazuc4nZwkXcjTXxqe/TWdux1rzLrTOB40DMN4A/Ba4GumaX55jbsdKi2fNwzjl4DfBfYDSeDzwAdN05x0uqzVls7n+M6lU5ydm6KrPrLuabjnSyEjkV1c3nZ3+y5u2sFvMKl8lgvzMyQyiwoYIjtUXyhG2BfgxOw4uWJh3e+xS4pWkYvzCS6lErQGw+xtjHJbaz+3tvRWfOydrBo1GkvtKD5axj5LgwT8PvAW4IvAk8BdwG8D9xqGcbtpmtPXO5BhGC+s8tBAGeVxxPfGTnN+btoexnidH37zuQwPn3ya2RUh46faB2+okLE0n4RlWZcPae12rVh3LU8PPb44txww+uNx9kRbud2B7nsisr00+GpprQvT4KslUWHvk9lMitPJKWo9Xg40dWBEW7m301h1eHZZO0eDhmEYR4C7gW+ZpvmtMnZd+ut4EHizaZqPlo7nAv4b8FvAx7F7oGwLM5kUPxo/y7m5afrCsXXNLbKQy/C54aeYybxy9+mutkFubu5xsqibpmgVOT8/y3gqSXtdBI/LvTxhV9EqkstbK9Zfmbwr6g8oYIgIYHdzfXYyyEwmte6gkcplOTE7Tn8obs9i2znk2CR24nyNxq+Vlp8uc7+l+csfXgoZAKZpWoZhvB/4FeDnDMP4bdM0i1c9wiv77Lva9lJNx94yy7Vu37p4ggvzs/YIhL7yu0OmclkePvk00ytCxp1tAxxtuTFCxlw2zcnEBH6Pl4OxTg42ddASDJEtjWeRLw2WlS8WyJbWl8a6aA40cGtLnwKGiCx3c70wP7vubq6jqQTNgRA3NXfxQN8hjZHjMKd/mw8CC8CXytwvUVr+4MoHTNNMGoYxjN1mIw6MVVTCDXB+bpoXp0e5uDC7rtE5F/NZHj75FNMrRvt8Vek+4XZXKBY5Pz/DxOI8vQ2N9IVj3Nu5m8FI5aOkisjO0xYME/EH8bhczOcyZc8YnC8WmEovcCjWye2t/QoZVeDYb9QwjENAN/APa+xpspJZWq42e9HS9nKPu+Esy+KbF09wbn6aWG09QW95EzIt5nM8PPz0ZUOK39bSx+2tfU4XdcMlMoucTE5QV+PncKyTI/EufqpjaMOneRaRG4fH7aa3oZHj03Y313KDxlhqjrAvQFd9lI66jRmDZKdxckCBO0rLJ9ax7+Ol5WuvfMAwjBjQB5w2TXNufUXbOC9Oj3IqOcl0eoGuMrtbpfM5PnfyKSbT88vbbm3p5VXbPGTki0VOJSY5MTtOd30jR1t6eMfQLbyuZ59ChohUbKmb60xm8fpPXsGyLMZSSdqC9rwwapNRHU4GjVtKyx+tY9/HgReBuw3DeOfSRsMw3MCfAV7gbyotYLVlC3meHB3mbHKK9roIXs/au0NlCnk+d/JpJhZfCRm3NPdwR2v/tv7jn82keHbyAnmryOF4J/d17eFdu1+lUUxFxDG9oRhhf4DFfJZsIb/m/aYzKWrcblrqwuyOtlaxhDubkzejBkvLi9d6kmEYx4BjwDOmaX4BwDTNomEYvww8BnzGMIx3AMdLz7sZ+A7wnx0sa1X8oNTLJF3MsbuuZc37Fawi/3rmOcYXX6mwuTnezV1tA9sqZBSsIqlcllQ+y0Iuy0I+Q7aQpy8Uoy8U4/7uvXTvsNELRaT66r1+2oJhQr4Aiewi8cDaGopfWrDHyzjU1KG5S6rIyaARLy1nr/O8Y8CHgM8AX1jaaJrm06XusR8CXg/cB5zHnrTt46Zp5hwsq+OS2TQ/GDvD2blpehoa1zzMtWVZfOPCy5ybe2WIkCOxLl7dPrhlQ4ZlWeSKBRbyWRZyGVL5LKlclnQhT62npjQhmZ+oP0jYH+CW5h7ubBvYFlNxi8j21Bdq4pnJADOZ1JqChv3elaM52MDBWOcGlHDncuyd3zTNNXUdLU3C9tAqj50Fft2pMm2kJ0eGuTA/g8/todG/9gFenpo4z3NTr1QCDUWaubtj15YMGUXLYnxxjpGFWfKFIkGvj7oaH2FfgLZghDqvj3qvn3iggeZAA/FAA211ISIVTCInIrIWfaEYUX+Q8/Mza+rmeimVpCXYgBFtLbsBqZRHXzEdMLqQ4LmpC1yYn2VPY+uaQ8LJxARPjJxYXm8Lhnhd994tFzKWA8b8LD5PDQOhOBF/gMbaeuKBeuKBBuKBepoDDTt+cjcR2RytpS81XreHuVzmmhOf5YoFptLzHI51cVOsawNLuTMpaFTIsiwev/gy5+dmiPqDa55BcCyV5NGzzy+vh3y1PNB3cEvdJyxaFhOLc1xcChjhOB31EY629LK/sV23QkRky3C73PSGmjg+c4nZTOqaQWM8NUfEF6SroZG2uvAGlnJn0idFhczZMU4mxplIz3N4jff55rNp/uX0s+SL9iCnPreHB/sObZnagGsFjANNHZpcSES2pKVRQs/OTa3a8NyyLC6lkgxFmrlJXVo3hIJGBfLFAk+ODHMmOU17XXhN3/CzhTz/cvpZFnIZAFy4eHPvgYomA3KKAoaIbGe9DU2EfbVk8nkyhfxVR/mcSi/gdXtoCYYYiqy9d6Csn4JGBX40fo6zc9Ok8lmGotcfQrtoWXz57AuXdWO9p3OInlBTNYt5nTIVSWYzJDIpptIL+Dw19IfjdCpgiMg2E/T6aKuLEPKNMZtJ0XKVWbMvlQboOhjr3FK3qm9kChrrNJdN872x05xNTtHdEF2ewvxanhwZ5lRycnn9pngXhza4W5VlWaQLeWYzKWYziySzi6WJ34LsijTTVhdWwBCRbasv1MQz/iCzmcWfCBrzuQzpfI54sGHD33t3MgWNdbAsi/977kXOJKdwu13Eaq9/2+PZyYv8aOLc8np/KMar23dVs5jL8sUiyewis5lFZrMpCsUiYX+Qpto6BsJxov4gvaEmekNNDITjChgism0tdXM9Nz9N0bJwr2iDcWnB7tK6O9q65ob7UjkFjXX48eQFXpoeZWRhlv1N15+d9ezcNF+/YC6vxwP1vKFn32UXQDUUrCJnklNMpucJ1vjsWotwC2F/LZ110eVwEautV4MoEbkhtAZDRGuD+Nw1zGXThP0BAHKFAtOZBQ7HujgS797kUu4sChplmkkv8PjFlxlOjNNZHyVQc+3ZWafSCzxy+jksLADqanw82Heo6l1D0/kcL8+O4fPUcHO8m1iggd4GO1h01UfVNVVEbkgul4veUBMvTY8ym00tB42xxSQRf5DuhkbartJ2Q6pHnzZlKFpFvnLuRU4nJ6lxe2i9zh9roVjkkTPPkSnak/zUuN082H+o6qPQzWZSDM9O0Fpnt6p+Y+9+eho2r8GpiMhGWurmemZuip4GuyH+WCrJUKRFs7RuAgWNMvxg7CzmzCXGUkkOxjqv+8f6/fEzTKUXltff0L3/qq2gnWJZFiMLCUYWEgyG4+xubOUtfYeuOXCNiMiNpqehibAvQKZgd3Ody6bxuWtoDYYZily/h6A4S0FjjcZTczw5OsxwYoLeUNNV+2evNJWe5/tjZ5bXD8U6GYzEV9+hQvlikZOJCdKFHAea2rmluYd7u3ar+5aI7DiBGi/t9RHCs/Yka5OL87TWhTgY0yytm0FBYw3yxQJfOfcCpxOTBGt81+1lUrQsvnbuOEXLbpdR7/VzV9tA1cq3mM9hzlwi6PVzKNbJfV17ONjUoepBEdmxlrq5XlyYpVAs0hwIqUvrJlHQWIPvXjrFidlxpjILHGq6/i2TH09eYDSVWF6/t3N31RpfTqcXOJmYoKMuylC0mQd6D9JeH6nKa4mIbBd2O40AJxMTdNZH2R1t3TLTPOw0ChrXcXF+lu+OnuJkYoL+UAyv59rVbslsmm+PnlxeNyIt9IdjjpfLsiwuzM8wlppjKNLCvqZ23tx7QBeSiAjQHGigsbaOOq+f1mCII3HN0rpZFDSuIVvI85VzL3AqOUnYF6Cxtu6az7csi8fOHydXLABQ66nhWMeQ4+XKF4sMJ8bJFgociHVwe2s/d7fvwuO+/uikIiI7gcvlorehibFUku6QZmndTAoa1/DEyAlOJiaYy6Y5GOu47vPN2THOzE0tr9/dMUTQe+1xNsqVLeQ5PnOJQI2Pw7E2Xtezl72N7Y6+hojIjeDWll7ShTy3tfZtdlF2NAWNVZxOTvLDsbOcSkwyFGm+bkvlxXyWxy+8vLze09DInmiro2VazGd5afoSTbX17Gls5a39h5XSRURWEa2t48H+Q5tdjB1PQeMqFvM5vnruRU4mJ4gF6pZHlruWxy+eYLGQA+yBue7t3O1or4+5bJrjM2N01kfY09jG2weOEPUHHTu+iIhINShoXMXXLxznVGKSdD7HrjUM7nI6OcnxmUvL63e2DqwpnKzVUs+S/nCcfY3tvK3/sOO3ZERERKpBQeMKp5OT/HjiAmfnptgTbb3u9O/ZQp7Hzr8yYVprMMRhB1s3X0olOT83gxFt5XCsizf17tc8JSIism3oE+sKowsJptILRPxB6tcwdPe3R08yl0sD4MbFa7v2ODIrq2VZnJ+fYXJxnv1NbdzW0se9XbtxXyf4iIiIbCUKGldlXbcmA2BkIcEzkxeW14+29BALXHvU0LUoWhanEhOk8ln2N3VwrHOI21v6NNKniIhsOwoa61QoFvna+ZeW1xv9QW5tqbwLVb5Y5OXZMQAONHXw+p597G+6ftdaERGRrUhBY52+P36G6RUzs97XtYeaCgfMyhbyvDRziWCNjz3RNh7oO1iVUUVFREQ2ioLGOkylF66YmbWDjgrnF8kU8rw4PUqjP8iexjbeNnCE1ipOKS8iIrIRFDTKtDTM+MqZWe9sG6zomOl8jhenR4kHGtjf1M5PD96kMTJEROSGoKBRphemR7m4MLu8/ppOA38F3U0X81lenL5EazDEvqZ2fnbwZkJr6O0iIiKyHSholCGVy/LEyInl9cFwnIFwfN3HW8hleGnmEh11EfY3dfAzgzdRr9lXRUTkBqKgUYZvjpwgU8gD4HN7uKeCmVnncxlemr5Ed0OUA00d/PTATRrtU0REbjgKGmt0dm7qsmHG72gbWNOAXlezNG9Jb6iJA00dvH3gCIEar1NFFRER2TIUNNYgXyxcNsx4SzDEoVjnuo6VyCzy8uw4/eEYh2KdvLX/cEVtPERERLYyfcKtwffGzpDILgLgwsV9nbvXNcz4bCbFidlxBsPNHI538pa+Q5q3REREbmj6lLuOycV5fjh2dnn9pngXzcGGso+zNAPrrkgLN8W7eaDvADVuj5NFFRER2XIUNK7Bsiz+34XjFLHHzAh5a3lVa3/Zx5lKz3MqMYkRbeWW5h7e2LMfT4WjiIqIiGwHChrX8NzUCKMLieX113QZeD3l1UKk8zlOJSbZHW3laEsvb+jZpxlYRURkx9An3irS+RxPjgwvr++KNNMXKm/eEcuyOJWcpDUYYk9jm0KGiIjsOPrUW8Xz0yNkiq+MmXFsHWNmjC/OkS0U6Glo4v6uPQoZIiKy4+iT7ypGFxKXDTN+V/tg2SN2Zgp5zs1NMxCO8+r2XURr65wupoiIyJanoHGFTCHPjybOLa+3BUMcbOoo6xiWZXE6OUk80MCuSDM3NXc5XUwREZFtQUHjCg8PP8VCPguAGxf3de3BVeaYGVPpBRbzOXpDTbyue69umYiIyI6lT8AVTsyO86Uzzy6v39zcTSxQX9YxsoU8p5NTDITj3Nk2UPb+IiIiNxIFjRUev2hStOwxM4I1Pm5r7Sv7GGfmpojV1jEYjnO0udfhEoqIiGwvChor3Nu5m0Z/HT63h5vj3XjLHLlzKj3PfDZDb6iJ+7v3alAuERHZ8TRg1wr94Th/eezn+efhp8kUC2Xtmy8WOJ2cYjDczO2t/bQEQ1UqpYiIyPahr9xXcLvcZTf+BDiTnCLqCzIQjnP7Om65iIiI3IgUNBwwk0mRyC4u3zLRZGkiIiI2BY0K5YsFTiUm6Q/FubW1j/a68GYXSUREZMtQ0KjQ2blpQr5a+sIx7mwb2OziiIiIbCkKGhVIZBaZSafoC9lzmZTbS0VERORGp6CxTvlikZPJCXpDTdzS3EtXQ+NmF0lERGTLUdBYB8uyOJkYp8FbS384xl3tg5tdJBERkS2p4nE0DMOw1vC0z5im+atlHtcFPAbcA/SZpnmm/NJVx8WFWTKFPAdjnby59yB+j4YjERERuRonPiE/vMp2F/B7QAPw9XUc9z3YIWNLmcmkuJRKcqCxg/u79tKmXiYiIiKrqjhomKb50NW2G4bxPuyQ8demaX62nGMahmEAf1pp2ZyWzucYnp1gKNLMra29HIiVN328iIjITlOVNhqGYewDPgacAt5b5r4e4LPAOPDsdZ6+YQrFIubsGB11YfY0tnFPh7HZRRIREdnyqtUY9M8BH/A7pmmmytz3j4CjwG8Ac04XbD0sy+JkcoKAx8uuSAsP9B3UhGkiIiJr4PinpWEYbwBeC3zNNM0vl7nvEeCPgb8yTfMxp8u2XiMLCRZzOYaidsio9/o3u0giIiLbQjW6S/xBafnRcnYyDMOPfcvkAvD+9b64YRgvrPLQuobtnM2kGFlIcKCpnXs7d9NRH1lv0URERHYcR4NGqUbibuBbpml+q8zdPwrsA+4xTXPeyXKtVzqf48TsBIPhOLc093Ao1rnZRRIREdlWnK7R+LXS8tPl7GQYxl3A+4BPmab5zUoKYJrmvlVe4wVg71qPU7QszNkx2upC7Gls496u3euaPl5ERGQnc7qNxoPAAvClte5gGEYd8HfYPVT+0OHyrNtkeo5aj5ehUuNPTf0uIiJSPsdqNAzDOAR0A/9QZk+To7zSfmLBHkLjJ5wubd+wEULtkNHMm3sPEPLVbsRLioiI3HCcvHVyR2n5RJn7nWH10UV/HegC/gKYLf1Uncftxoi2ck/nbk2WJiIiUgEng8YtpeWPytmpVEPx0NUeMwzjPuyg8YmNqsmI+AM0BxrY19TOTfGujXhJERGRG5aTQWNpCtOL13qSYRjHgGPAM6ZpfsHB13fEnmgbbXURIr6AGn+KiIhUyMnGoPHS8nq3N44BHwLe6uBrO8blchH1BxUyREREHOCyrLXM8r79GYbxwuDg4N5HHnlks4siIiKyHa3rG7gm7BAREZGqUdAQERGRqlHQEBERkapR0BAREZGqUdAQERGRqlHQEBERkapR0BAREZGqUdAQERGRqlHQEBERkapR0BAREZGqUdAQERGRqlHQEBERkapR0BAREZGqUdAQERGRqlHQEBERkapR0BAREZGqUdAQERGRqlHQEBERkapR0BAREZGqUdAQERGRqlHQEBERkapR0BAREZGqUdAQERGRqlHQEBERkapxWZa12WXYEIZhJH0+X0N3d/dmF0VERGTbGR4e/pJpmm8pd7+aahRmiwpks9ni8PDw8c0uiPyEgdLy5KaWQq5G52Zr0/nZunRuSnZS0HgZwDTNfZtdELmcYRgvgM7NVqRzs7Xp/GxdOjevUBsNERERqRoFDREREakaBQ0RERGpGgUNERERqRoFDREREamaHTOOhoiIiGw81WiIiIhI1ShoiIiISNUoaIiIiEjVKGiIiIhI1ShoiIiISNUoaIiIiEjVKGiIiIhI1Wz72VsNw3gX8LuAAaSArwIfME3z7Br37wY+AtwLNGHP8vpp0zT/pjol3jkcODf3AO8HbgPqgRHgS8BHTNOcqEqhd5BKz88Vx3IBjwH3AH2maZ5xsKg7jgPXThT4APB2oB372vka8JBpmqNVKfQO4cC5OQw8BLwaaADOAH8PfNw0zUwVirzptnWNhmEYfwJ8BqgFPo39RvfzwA8Nw+hbw/49wHeBXwS+AXwKqAP+u2EYf1atcu8EDpybXy3t81PAI8AngQvA7wA/MAyjtTol3xkqPT9X8R7srVxlVQAAByhJREFUkCEVcuDaaQH+DXgfcAL72jkF/CbwHcMwmqpU9BueA+fmduzPnAdK+/5XIIMdPB41DMNTnZJvrm1bo2EYxiHgPwBPAveappktbf8n4J+BvwDecp3D/Dl22n+TaZqPlvb/EPB14PcMw/g/pmn+qEr/hRtWpeem9G3sk8A8cNQ0TXPFYx8BPgj8R+BXqvV/uJE5dO2sPJ4B/GkVirrjOHRuPgkMAe82TfNTK479IewPtPcDf+B44W9wDp2bP8MOKT9jmubnSvvXAI8CrwV+AfjfVfkPbKLtXKPxntLyI0snHMA0zc8DTwBvNgyjY7WdS7UZbwW+sxQySvsvYv8xuYDfqkbBd4CKzg3wRuwqxf+xMmSUfBT7G8ADDpZ3p6n0/CwrfQP7LDAOPOt0QXegSt/XOoGfBb6xMmSUfAL4X4BunayPE9fNrcDMUsgo7Z8Hlm7V3+FgebeM7Rw0XgPksU/wlR7DDgrXqso9VnrOY1d57EkgW3oNKV+l5+Yl7PvLD1/lsQKQw26zIetT6flZ6Y+Ao8BvAHOOlG5nq/TcvLH0nH+88gHTNBOmab7LNM1POFHQHciJ62YKCJVqbVdqLy1vyLZn2/LWiWEYPqAHOLNK45lTpeXuaxxmqLQcvvIB0zRzhmGcB/oMw/CtTK9ybU6cG9M0nwKeWuXh12OHjNUel2tw6NpZOtYR4I+BvzJN8zHDMD7sXEl3HofOzaHS8nnDMH4Ju9HifiAJfB74oGmakw4Vecdw8Lr5NHbng380DOM9wHngPuBDwDTwt86UeGvZrjUajdjpcXqVxxOlZeQax1hqEHWtY7iBUNml29mcODdXZRhGGLv6F+Avyy+a4ND5MQzDj33L5AL2PX+pnBPnZumb8e9jn5+LwF8B54Dfxm4M2lh5UXccR64b0zQ/CrwbuBu75nYe+AL27azbTNM850hpt5jtGjR8peVqXYGWttdW+Rjyk6ryezUMowG798ku4MvA/1xX6cSp8/NRYB/wa6ZpzjtRMHHk3CzdUnwQeMA0zbeZpvle7C7if419/Xy80oLuQI5cN6Uu+3+IfQvm77E7JHwP2Av87Y0aArdr0FgsLX2rPO4vLa/1BujEMeQnOf57LXVlfRy4E/uifIdpmtZ6C7jDVXx+DMO4C7vr5KdM0/ymg2Xb6Zy4dgql5cNXNHK3sGue0sDPGYaxXd/7N4sT100n9pelWuCwaZq/bJrme03TvB34MHZX/s86VN4tZbv+sSWAIqtXU4VXPG81S1Vg1zqGhX1vU9bOiXOzzDCMA8D3gZuwux2/1jRNNTpcv4rOj2EYdcDfYd+T/kOnC7fDOXHtLD32gysfME0zid0mLQzE11nGncqJc/NOIAD8J9M0T1zx2Iexz82bDMNoq6SgW9G2DBqlxpmngG7DMLxXecpAafniNQ5z/IrnLisds8t+KbNYSVl3GofODQCGYbwGuwdQF3bf8jcoZFTGgfNztPScQWDBMAxr6Qe7xgngdGlbr4NFv+E5dO0sdQdf7Zv30vZU+SXcuRw6Nz2rPadU4/TCFc+7YWzLoFHyOPZFc+dVHrsXuzbi29fY/5ul51ytC+urS8d+srIi7liPU9m5wTCMVwP/it0Y92Omab5TvX8c8zjrPz9nsL99Xe3nfOk5f1Fan3WqwDvI41R27TxeWr72ygcMw4gBfcBpBfZ1eZzKzs2l0tJY5fFdpeUNN87Jdg4aS40BP2YYRmBpo2EYb8MOCl80TfPCajuXHvsqcLdhGG9dsX8A+JPS6qcdL/XOUNG5KQ2R/E/Y1YwfNE3zA9Us7A607vNjmuYZ0zQfutoPds8GgE+UtilolK+iawf7w/BF7Pe1d67Y3409KqWXVwaHkvJUem7+Cfv2y+9fOVx5qavrXuDJ9cw1tNW5LGv7tqkzDONTwL/HHs//C0An8HPAJHCHaZqnSs87hj1A1zOmaX5hxf5D2OPOh7H/CC5gjxa6C/s+mrrtrVMl58YwjI9hDwQ1i/3teDUf0a2t9an02lnlmE9if9vTpGoVcOB97Qj2AFIR7KGtj5eedzPwHeCYaZq5jfnf3FgcODfvxQ5889jDlo9j3468G7vG46eu0n5j29vONRpg90d+N3bXovdgn6x/YMUJLzmGPSDKW1fubJrmy8DtwOeA12H/AS0A/w7NBVCpSs7NG0rLSOmx1X62+9/vZqro2pGqqvR97WngCHaj3ZuwJyIMY9/OulchoyKVnpv/AtyPfYvlLdgDqvVgT+h55EYMGbDNazRERERka9M3QhEREakaBQ0RERGpGgUNERERqRoFDREREakaBQ0RERGpGgUNERERqRoFDREREakaBQ0RERGpGgUNERERqRoFDREREakaBQ0RERGpGgUNERERqRoFDREREakaBQ0RERGpGgUNERERqRoFDREREakaBQ0RERGpGgUNERERqZr/DyLPQWAlxwUpAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(results, 'mean_freq', \n", + " colors[:2], labels[:2], filename='lfp_speed_freq_11', ylim=(7.3, 8.3))" + ] + }, + { + "cell_type": "code", + "execution_count": 77, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhoAAAGTCAYAAABu7rurAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOy9eZRlVXn//dlnuPOtuaqreqK7GW4zCyoiRKIMogaH5E1iIpGYJUbMgjcxIsssF5EV9aeE/GJwikYX4VVjRBNRI1EaUFREGhCabnqopofqrvlW3Xk8437/OLeqq7qru2vs6mF/1qp1+5x7hn2Hvud7nv0830dIKVEoFAqFQqFYCrTlHoBCoVAoFIrTFyU0FAqFQqFQLBlKaCgUCoVCoVgylNBQKBQKhUKxZCihoVAoFAqFYslQQkOhUCgUCsWSoYSGQqFQKBSKJUMJDYVCoVAoFEuGEhoKhUKhUCiWDCU0FAqFQqFQLBlKaCgUCoVCoVgylNBQKBQKhUKxZCihoVAoFAqFYsk4Y4RGKpX6USqV+tFyj0OhUCgUijMJY7kHcAI5+5xzzrkAkMs9EIVCoTiTqD2yk/oTryDiIfQVyRN2Xm+wAL5P5G3nE/nds0/YeU9jxHx2OmMiGgqFQqFYHvx0GVmxEbHQcg9lwUgp8X11vzoXlNBQKBQKxZLhV2z8Uh0sFxEzl3s4C8J1fV54fpBf/HwvtuUu93BOGZTQUCgUCsWS4Y9VkFUHwgZCP3UvOZ7ns+WFQQ705SiXLMoVe7mHdMpw6n7qCoVCoThpkZaL/Xw/9Sd24+drp/S0SSAyhug/mCc9Wlru4ZxynEnJoAqFQqFYYmTNwd46jPPSEN5ICW+oCL7EOK9juYc2LzzP56UtQ/QfzDE2VkbT5pUPeUajhIZCoVAoFoxfsXFeGsLZOow3WsIbLgKg9zQh2mIIcepdoH1fsvWlYQ725UmPVljRk2R8rLLcwzrlUEJDoVAoFPPGL1s4Lwxibx/BHynhDZdAF+grmxGt0TkKDMk8KygXHd+XbHtpmIN9OdKjZbq6E0Sjp3Yy63KhhIZCoVAo5oxfsbGf68fZPoI/Wg4iGKaOvrYF0RyZcwTD83yGB4touqBrRQLD0Jdo5MfH9yUvbx3mQF+W0ZESXSsSxE7xipnlRAkNhUKhUMwJKSX1R3bibB8JTLEiJvq6NkRTeN5TJIVcjVLJwvd9bNtjRXdyWSIIUkp2vDxC3/4cI8MlOlckiMVP3UTWkwElNBQKheIMQNoumPqi5Er44xXcwQLewTz6eR1oyciCjud5PoVCnXrNaSzX8Vyfjs44zS0RTtR0ipSSHdtH2b8vy8hIic6uBHElMhaMKm9VKBSK0xz7pSHK//YMztbhRTme2zuGn6kgmiMLFhkA+VyNet1FaIKm5ghCQLFYJz1aJj1SPiFOnFJKdu1Is29PhuGhEh0dMeIJJTIWAxXRUCgUitMYb7SE9ct9uPuzaIkw5sU9iAWUaEpf4u4ewx+voq9uXvD4XPdQNCMWNxECYvEQVt2lVKzjeT62E0ylmObS5G34vmR37xh792QYGS7R3hkjkQwvybnORJTQUCgUitMUabnUN+3G3Z/FH6/gjZXxDuYw1rXN+5jewTzeeAXpeIimhUczCvkaVt1BaAKjISQEEIkY6IZGpWzjuT6u49HVnSS2yMZftZrDy1tHGBkuMjxcoq09SlKJjEVFCQ2FQqE4DZFSYj25F3dfBlmy0DoT+OkKzo7RBQkNtzeNn6mitcUWFBmBqdEMN4hmHPa8aWg0NYUpl20KhTqeJ2nviNHSGmUx8jaGh4rs3D7K2FiFQr5Ge2dciYwlQAkNhUKhOA1xd6axtw3jHcihn9uJMDScnaO4+7L4FRttHkmO0nZx9mXwMxX0czsXPMZ8rnpENONwNE2QTIapVm2KhTq+72PVXTpXJNC0+aUZOo7Hrh1pDh7MMTZaRgKrVjdjhpavpPZ0RgkNhUKhOM3ws1Xqv9iLuzeD1t2E1rhLF1ETP1PB3TlK6DVr5nxcd08GP1sFXVtwJ1bX9SgWLWo1l3g8dMz4hBAQj4ewLJdS0cLzJLbt0dQcIZ4IzclzI5ut8vLWEcbSZTKZKk3NYVrnbCymmAtKaCgUCsVphHR96pt68fqyoGtoPcnJ57TOBN5YBWdnGvPVq+d8cXV6x4Jpk/b4gi/M+VyQm6HrAsOcXWQiHDbQdY1y2cayXCoVGzOkE4uaJJJh4vEQ2lE6xPq+ZO8r4+zdk2FsrIxleXT3JIhElBHXUqOEhkKhUJxG2L/uw9mTwR+vYlzYPU0QaK1RvIO5oBdJfx5jbeusj+sX63gHc/i5GuZFC6s2cV2PYqEeRDMSx45mHI5haDQ1h3Fsb1JsVMs2xWIdM2QQi5kkk+FpJlv1msOLvzlIerREOl0mFjNZvaZZNUg7QSihoTguX/jCF/jiF794xPpwOExHRwdXXnklH/rQh1izZu6h2BNBKpVixYoV/PKXvwRg8+bN3HLLLbz97W/nn/7pn5Z1bNdeey2Dg4M88cQTrF69enJ9KpUCoLe3d7mGpjgFcfdlsF4YwNufRV/fhjgs50DoGlp7HH+sjLsjPSeh4e4ex8/VEPEQIrywS8eEb4auC0xj7nkWmhCEwwbhsIHvB9MotZpDpWxTKRsUC3XMkE6yamNqGgM70vR1JSiXbDo648of4wSjhIZi1lxxxRVcccUVQJDRXqvV2L9/Pz/4wQ/YtGkTDz30EGefffYyj/L4rFq1ittvv33yYq5QnA74ZYv6E6/g7csg2mNoLdEZt9M643i9Yzh7xwlV16PNolxUSonTm8bPVNDaYwsa50Q0o153F+WCr2mCSMQgEjECzw3bo1KxkWXwqjaGLhgbK2O3RFm1phljHsJGsTCU0FDMmiuuuII77rjjiPU//vGP+chHPsJ9993HV77ylWUY2dxYvXr1jK9DoThVkb5s+GXkkK6PsbrlqNtqsRBe2MDPVHF3pQldvvqo207gj1XwRkvIsoV+TseCxprPLiyacSx0XSMa1YhETTzXh6qNbblEoyG6e5Iq4XOZUNJOsWB+7/d+j0QiwebNm5d7KArFGYn9fH/g1jlSxDi7/bj+FlpnMH3i7Egj5fHtvd1dgXeGaIkijpJsORscx6NYDKIZS9kwTRDkcoQjBrF4KMgDUSJj2VBCQ7FghBDouk4odGQYdPv27dx555288Y1v5KKLLuKyyy7jXe96Fw888AC+70/btr+/n7vuuovrr7+eiy66iKuvvpo77riDl19++YjjWpbFV7/6VW666SYuueQSXvva13Lrrbfy3HPPHXe8mzdvJpVKceedd06u+9jHPkYqlWJ4eJjPfe5zXHfddVx00UVce+213HfffVSr1SOOMzo6yj333MOb3vQmLrroIn7nd36Hv/u7v2NgYGA2b5tCsSh4gwXsZw7g7s2gr21FzKKKQmuLIct2kBQ6VDzmttLzcV8Zb0ybxBc01qm5GWoK48xBTZ3MA9v28Dz/+BsuM7quEToBBjQ//elPKRQK3HzzzdPWP/XUU9x2221Eo1Guv/56Ojo6GBkZ4fHHH+fee+9lfHycu+66C4BsNsuf/MmfUCqVePOb38zKlSsZHBzk0Ucf5Re/+AXf/e532bhxIwC1Wo33ve99bNmyhQsvvJA//dM/pVqt8uijj3LLLbfw6U9/mj/4gz+Y12u54447OHjwIG9+85uJx+M8+uijfP3rX6evr48vfelLk9vt3buXW265hUwmw+/+7u/ytre9jYGBAX74wx/ys5/9jAcffJDzzz9/nu+oQjE7ZM2h/thu3H1ZRDKM1jE7ISB0DdEeaySFjmKsOnoVidefx8tUwPERzfO3HHccj1IjmpFQyZhnFEpozJEfPbydX/9qP7OINi47QsDVb1jPO37/wkU53rPPPssXvvCFyWXLsti3bx9PPvkkV1555bQIAcC9994LwEMPPcSGDRsm1+/Zs4ebbrqJhx9+eFJo/OQnP2F8fJxPfepT/NEf/dHkttdccw133XUX//Ef/8EnP/lJAO6//362bNnCBz7wAT7ykY9MhkRvv/12/viP/5hPfOITXHXVVXR3d8/5NebzeX7yk5/Q3t4OwAc/+EHe+ta38vjjjzM6OsqKFSsA+OhHP0o2m+UrX/kKb3zjGyf3f+aZZ/iLv/gL7rrrLn70ox+pcK1iSZC2i7t7HHvrEO7+LLLqYFy4Yk7H0DrieHvGcfaME37D+qNGQtxdY/jjFUR7bEHfZxXNOHNZNKGRSqUM4E7gz4ENQBV4GviH3t7eWU3ep1KpNwF3Aa8DEsAQ8D+NY4wt1lgXwtNP9Z0SIgNAymC8iyk0nn322Rmfa21tJZPJEIvFGueW/PVf/zWu604TGQDnnHMOHR0djI0d+kgnplFeeukl3vWud2GawY/e2972Ni6//HJ6enoA8DyP733ve7S1tfHhD3942g/fihUreP/738+nP/1pfvjDH/LBD35wzq/xT//0TydFBkBbWxuXX345P/vZz+jv72fFihVs3bqV7du3c8MNN0wTGQBXXnkl1113HY899hhbtmzhsssum/MYFIqZkFLij5RwdozivDKOP17BHysjSzZ6qnPOuRMiHgJDxx+v4PSOEbp05ZHntFyc/Rn8TBX9vPlbjqtoxpnNYkY0vge8C9gDfBnoAN4N3JBKpW7q7e3ddKydU6nU+4AHgBrwfWAUuBK4HXh7KpW6sre3d2QRxzsvrvqddadMREPTBFf9zrpFO97tt98+rVrDsizS6TSPPPII999/P88//zwPP/wwnZ2dCCG4/vrrARgbG2P37t309/fT19fHtm3byGQyQCAcdF3nLW95C1/+8pf53ve+x6ZNm7jyyiu5+uqrueaaa6b5c+zfv59yuUx3dzdf/vKXjxjj4OAgEOSGzIfDRRFAU1MTAI7jALBt2zYgmO6ZGuGZoFAoALBjxw4lNBQLRtYdnN4x3B2juMNF/LEK/ngFNIHWmUBf14aYR/t0IUQjKbSCu2MU85KeIyIW7p7xwHLcXJjleD5bVdGMM5hFERqpVOoGApHxPPCG3t7eemP9A8DjBMLjnGPs3wp8HigDr+2d4lKUSqX+AbgbuJcgWrKsvOP3L+Qtv7dR5WgQGHatWbOG2267jVwux4MPPsg3v/lN/vZv/xYI8hjuvfdefvnLX05mtq9atYrXvOY1vPLKKxQKhcn1nZ2dfP/73+erX/0qjz/+OI8++iiPPvooEEQJ7rnnHtavXz95ER8ZGZnRRGyCie3m85oOZ+LHd2KsxWKQPPfb3/6W3/72t0c9Vj6fn9cYFAopJd5QEXf7CM7eTCN6UUGWLERrFH1DO2IRKim09jjuYCEQMCMl9J6mac87vcG0yUIsxx076GlSrzkkVGfUM5LFimi8rvH4zQmRAdDb2/vzVCq1C7gglUp19fb2po+y/9uAJPC53iOtED9JMJ3y9kUa64IJLt6qy99UrrrqKh588EF27doFQLVa5X3vex+ZTIYPfvCDXHfddWzYsIFEIgHA1VdffcQxenp6uOeee/jEJz7B7t27+c1vfsOPf/xjnnnmGW677TZ++tOfEo8HyW5veMMb+PrXv37iXuAUJsbwkY98hL/8y79cljEoTl+k7VL74Xbcg3n8sXIQvTB0tM54IDAWMSIgDA3REsUfC9rHTxUafqGO159H5uvoa47uy3E88vkaluViGJqKZpyhLJbQGG88rpu6MpVKhQimUBzgWLeYO4GPA0/O8JzX2D+x0EEqlo5cLgdAMhk0cHr66adJp9O8+93v5sMf/vC0bbPZLNlsFjgUJfjf//1fNm/ezJ133kkymSSVSpFKpXjve9/L2972Nvr6+kin02zYsIFIJMKuXbuwbfuIktrnnnuOX/ziF1x11VVcddVVS/JaL7jgAgC2bt064/Pf+973GB4e5qabbppxKkahOBbO1mGc3jG8vYHDp35uJyJmLllisdaZwNuXwXllnPDvrJ+0F3d3j+HnqhAPIULzu1S4rsrNUCyej8b3gDTwV6lU6s9TqVRTKpVaC/x/QBdwf29vr3W0nXt7e1/o7e39P729vU/P8PRbCETGtkUaq2KRqVarfOMb3wDghhtuACASCcrghoaGpm1rWRZ33333ZPKn67oA7Nq1i+985zt861vfmrZ9sVgkn88Tj8dpbW0lFArxjne8g7GxMe67775pXhy5XI67776br33ta1jWUb9uC+byyy9nw4YNPPbYY/z0pz+d9ty2bdv45Cc/yde//nVaWuZ/F6g4M5G2i/3iIN5AAX1dK8a6NrT40ppNiUQINIE/XsHdHSRoB5bjY/jj1VmXzM6EqjRRwCJFNHp7ezOpVOoq4MEpfxN8HPjMfI6bSqWagX9pLB6Z+ac4oRxe3iqlZHx8nMcee4xsNst1113HjTfeCMCrX/1q1q1bx69+9StuvvlmLrvsMorFIr/4xS8YGxujtbWVXC5HPp8nGo3y53/+5/z4xz/mX/7lX9i8eTMXXHABtVqNxx57jHw+z9133z0ZvfjoRz/Kli1b+MY3vsHmzZu54oorcF2XTZs2kclk+MM//MMjqkEWE03TuO+++/iLv/gL/vqv/5qrr76aVCpFOp1m06ZNOI7DZz7zGdra2pZsDIqTB+up/XgDBSI3nY+WWFgOgrN1BG+kBFIi2hbWU2S2BEmhiaD6ZMco5sU9+KNlvHQJWbHRz52f5bjn+RSLFlbdndZJVXHmsVjJoGGChM2rgBeAXwJtwO8DfwcMEkQ35nLMJPAIcC7wE4KKlNnsd7Ryg5O/29dJzuHlrbquk0wmOe+887jpppv4wz/8w8k7r2g0ygMPPMA///M/89xzz7Ft2za6urq4+OKLef/7389vfvMb7r//fn7+85/znve8h/b2dr797W/zb//2b/z617/mxRdfJBQKceGFF/IP//APXHvttZPnbWpq4jvf+Q7//u//zk9+8hMeeughYrEY69ev56677uId73jHkvtXXHTRRTz88MN89atf5Ve/+hXPPvssra2tXH311dx666285jWvWdLzK04O3P1ZrGcPIgt1tLYokTfPv1GftF3sLYN4Q0X0nqYT6sGitceCpNChIl663GigtjDL8UK+jlV3EZrAMFU040xGzMbn/nikUqkvEJSh3g98uLe3VzbWrwWeAlYDr+vt7T2+P3SwXzeByLgc2Azc0NvbW5rlvkcVGuecc074kUcemc1hFAqF4phIy6X67RexXxzEL1uYF/cQf/er0Fc2HX/nGbB/O0DtJ7vwDuYxLu4+4WZv7t4MImoSufYc3L4s9nP96Gtb0ebhBur7Pgf7cuRyNaJR84Q4FM+Ema0ipCR/2WpKF8zN0Oxo9B/M09WV4Opr1tN2gqJOJxHz+lIuOKKRSqU04FaCZM+7JkQGQG9v78FUKvVx4BuNbY4rNFKp1MUEImMN8DPgXbMVGY1zzuhO1RAgF8z2OAqFQnEsrF/34R7MIesuWnMUb7CA9at9RP/40jmLBGl7QTRjsIC28sRGMybQOuN4fVmcXaPIigOej2ia31TQRBt4AHOWIkM4Hmaxjt0ShQU0blOcfCzGp9kFRIC9vb299gzPTyRxnnW8A6VSqWsJIiBrgG8Bb52LyFAoFIoTgdufx35pCPdgDn19K/raFmS2insgh7vzaFX8R8d5eRhvuASeRGtfnrtkkQwDAr9o4WcqiLb5eWdIKSnkA6ERiZizuwV2fdqfPkDrbwdpeWmYU8IRUTFrFkNo5AALWN8oZz2c8xqPw8c6SCqVegPwY6AJ+D+9vb3vPYpwUSgUimVD2h7Wk3vxDuTQWmNoyQjC1NFWNuMeyGH/5gDScud0PPvF5Y1mwBSn0HQ5sBzvmJ/gmShnlb4kFJ5dNCOUq6I33rPweAUzW5vXuRUnJwsWGo2y1e8DrQTmWpOkUqnOKeu+xVFIpVLtwHeBKHB3b2/vxxc6LoVCoVgK7M0HcfuyQUXGFCMrrSsBro87mMd+vn/WxzsZohkTaB1xZNlGxEOI2NwrRaSU5HN16nWHcNSY9YR+KDddWCT2ZeZ8bsXJy2IZdn0YeA1wV2P640mCqpN3Au3A/+3t7X0CIJVKvRF4I7Clt7f3B439PwJ0A3nASKVS9xzlPP/Q29t78nt/KxSK0xJvuIj94gDegRz6+rZpFRlCE+hrWvAO5LBfGMS8YAVa67GFg7Q9nBeH8IaWN5oxgTB1jEuP7HkyWypli3rdwfMkiTmYfJn5+rTlUK6Gma3inHnJlqcli+WjMZpKpV5LUMr6B8D/SzCd8iLwhd7e3v+asvkbgU8QlLtOCI23Nh5bGs8djU8BSmgoFIoTjnR96j/fg3sgh2iKoDVHj9hGa4nip8t4Q0Wsp/qIvv3Y+efO9hHc4SK4yx/NmGD+YmcimuESiRjM+jC+j1msH7E6sTdDTgmN04JF697a29tbAD7W+DvWdvcA9xy2TrW4VCgUJzX28/24+7PIfB3j4u6jbqevbcHdMYrzyhhmXw5jXeuM20nHw3kh8M3QepLLHs1YKJWKTa3m4Do+8fjsO72aRQvhB8mfkkP1k6FcDTNXxTlOVEhx8qNqiBQKheI4eGNl7Of68fpy6Ge1IoyjJzmKiInoSOAdzGM9tR95lE7PzvYR3JEiOB5a+/xtvk8OJPlsLcjNiOhzEk3mlPwMpzUalLc2iO/NLuooFcuDEhoKhUJxDKQvsX62B+9gHhEPoc0inK+vbMIvWbj9OZytRxbcTUYzBotBboZ2akczalWHas3Btj3C4bkFys38IaFht0SpnN0+uRzOVqc9rzg1UUJDoVAojoHz4iDuvix+toJ+1szTIIcjDA19dTPegTz2c/34lemV+s6O0SA347SIZgTN06yaSzhsoM1FNElJaEoiqNMSwW6LYrccciON71UVKKc6SmgoFArFUfBzVaxGOau2phVhzt5KW+uIgwBvoIC9+eDkeul4OL8dCHIzToNoRr3uUKnYWHaQBDoX9KqD5niTy05LFISgsmFKVCOjohqnOkpoKBQKxQxIKan/bC/ewRwiZMy5KkQIgb62FXcwH3hlpMvAlGiGffpEM+p1l1BIn1s0g8PyMxIhZEPI2e0x7Ck9VuLKV+OURgkNhUKhmAFn2wju3nH8dBl9Xeu8qkK0ZBitKYrXH/RBmV5pcupHM2zbpVK2sS2PSGT2lSYThKZEKpwpSaAIMT1XY7yKUVBRjVMVJTQUsyKfz3Pvvfdy4403cskll/CmN72JT33qU2SzM2eF53I5PvWpT3HddddxySWX8Ja3vIWvfe1ruO7srJm///3vk0ql+NjHjlktzcc+9jFSqRTf//735/yaFIqj4aXL2E/34e7Loq1qRswxwXEq+ppm/EwFd1+W+v/uPBTN6Dh9ohmGqaHrcxdN5tGEBkFUw5nS1C2hKlBOWZTQUByXUqnEe97zHh544AF6enr4sz/7M1KpFN/85jd55zvfyfDw9Kz6YrHIe9/7Xr71rW9x4YUXcssttxCNRvmnf/on/vZv/3aZXoVCMTu8sTK1H76M05sGQwusxReACBlo3Um8gznc/kLQ0+Q0iGY4jke5ZGHVHSLRuQsxYbkYVWdy2T5MaCAE5WlRjQpG4UhjL8XJjxIaiuPyxS9+kb1793LHHXfw4IMPctddd/GVr3yFu+++m3Q6zec///lp23/pS1/ilVde4e///u/5/Oc/z5133sl//dd/8eY3v5lHH32UTZs2LdMrUSiOjZepUPvhdpydaaTlYZzbsShGWlp3E7Lu4h3MnRbRDN+XZDNV6nUX3dAw5tHWPTRFNHhhHX8GsWJ3xKdFNVSuxqmJEhqK4zIwMEBHRwfvf//7p61/5zvfCcCLL744ua5er/Pd736Xnp4e/uRP/mRyva7r3HXXXQB85zvfOQGjVijmhp+rUvvByzi70siag3Fe57ReJgtBaAJ9XRt+roa+tuUUjmZIKmWLgYN5ctkq9ZpDNDr33Aw4LBG0UW1yBEJQnlKBEhmrYMxgV644uVk0C3LF6cuXvvSlGdfv3bsXgM7Ozsl1W7dupVqtcsMNN6Bp03+k16xZw+rVq3nuuefwPA9dn32p4GzZvHkzt9xyyzG3+f3f/30++9nPLvq5Facufr5G7QfbcXeNIcs2xsZOhLG492FacwTt0pWLeswTiWN7jI9XKJcsqlUb35fEEiGMeb5Phxt1HQ27M46TDGOWLCCIahRetWpe51QsD0poKOZMoVDgmWee4bOf/SyGYfBXf/VXk8/19fUBsHbt2hn3XbNmDQMDAwwMDHDWWWct+thWrVrF7bfffsR613V58MEHqdfrvPrVr1708ypOXfxCPYhk7BzFL9UxUl3HtBg/0/B9ST5XJZ+rUas5WHWPcEQnEjFn3zjtcLzpjdQOTwSdRqMCpWXLEACRdIVKycJNho++j+KkQgmNeSBrDnKKyczJijB1xDzDmkfjP//zP7nnnnuAYDrkvvvu4/Wvf/3k8/l8HoCWlpYZ908mk0CQMDobdu7cyRe+8IVjPj+V1atXc8cddxyx3d///d9Tr9d5z3vewx/90R/N6tyK0x+/ZAWJnzvT+IU6xsauOZlynd5IKmWbzHiVatWmVnXQdEGyKTyvCpOpmIU6Iuijhq+L44oG6/Coxt4MhVedutGhMw0lNOZI8TM/o/ofL0Cj2+BJjSaI3Xw5TX937aIdsq2tjQ984AOMjY2xadMm7rzzToaHh7n11lsBsO3AajkUCs24/8R6y7Jmdb5du3axa9euBY35gQce4KGHHuL1r389H//4xxd0LMXS4Hk+tu1hWS621Xi0PWzbJZmMsHJV05zNoI6HX7YakYw0fq6mRMYUHMcjM1ahNDFN4kmicRPT1FmMT8GcajveHIHjfbZCUNnQRstLQYVbJF1WUY1TCCU05kj126eIyADwJdVvv7CoQuPGG2/kxhtvBOCOO+7g3e9+N/fddx+ve93ruPjii4lEAjc/x3Fm3H9CiMTjs8u6P14+xcc+9jEefvjhoz7/+OOPc99997Fu3Truv/9+DEN95ZcT23JJpytkMxUsy8O2XCzbw3U8PF/iuT6eF/y5ro/nSRKJEP0H42w8v4vWWTQ0m1Pd9W0AACAASURBVA1+xab2g+3BdMl4BeP8LkRIiQyQ5LI1ctnq9GmSxAKmSWbgqEZdx8DqSuAkQpjlxm/IvgyFUzjn5UxC/erOkdh7Lj91Ihq6IPaey5fs8KtXr+bWW2/ls5/9LE888QQXX3wxzc3NwNGnRkqlEgCJxMK8CWbDjh07+OhHP0oikeBf//VfJ8emOLFUKzbpdJmxdJlstkatalOtODiuh+cdEhcIgaELdF1DNzR0Ae0HcxR8wb71reRzNVatbua8jZ3zcqEEcF2P7FAR7bHdaHsyMF7G2LgCEVrIT+HEb8GpWkkygWR8rEI2U6VSthdtmuTI08hjGnUdlUYPlJZGN9zwaBkzW8VZJPGpWDqU0JgjTX93Lcm/ecMZk6Nh2/Zklcg111xzxPNr1qwBmHQI3bBhAwAHDx48YtuJ9bFYjJUrl/ZOZHR0lNtuuw3LsvjiF784OS7FIRzHwzC0RfGJmIqUklLRIp0ukx4tUyzUqVZtKmWbatXBDOnE4yaRWDgQFXrgKqlpYtpYYvsyNA8V6Qob9K5pov9ggXI5EC1nn93O2nWt6LMoP/V9SSZTYXiwyNhAgfhT+4kPFQgXLezVzeijZQxTwzR1TFNDN4JHw9ABiedKXM/HcyeiLI1H159cr+mCrhXJeZd6ngwEkYwa5bJNNGoQChtLIp30io3m+kAg0ZwpnVqPh7XiUFRDAM1bh8leeRb+HJu5KU4s6tOZByJqLnqS5cmKbdt84AMfIBaL8fTTTx+Re7F9+3YA1q9fD8BFF11EPB7n2Wefxff9aSWu/f39DA4OctVVVy1JaesE1WqVD33oQ4yOjnL33Xdz9dVXL9m5TjUc22N4uMjgQJFisU4iEWLlqmZ6VjbNufPmVILKhNqkuCiXrUBYVGzqdZdwxCAeD9HeEcOYRR6EVnNI7BknnC4j2mOs9iX5VUnGxyoUi3UqZZvBwSKpjZ10HsW5s1SyGB4sMjxcpFS0KJUsottHiO/PIPN1RtpjyLKNVnUmhY6maWi6QNeCZQlIX+JP+ZPysGVfYhg6nifp7kkSi82cn3QyUyzUyIwHORmRiEF4AZbrxyM0xT/DTYaRc6nwEYLihd20PduPkBLd9mjeOkTuNWuOn+ehWDaU0FAck0QiwXXXXcemTZv44he/OM1C/OWXX+bBBx8kFotx0003ARAOh7npppt46KGH+MY3vsH73vc+ADzP4x//8R8BuPnmm5dsvL7vc+edd7J9+3Zuvvlm/uzP/mzJznWqIKUkl6sxOFBgZLhEpWxRLAZJftGIyehIid29YTq74qxc2UxnV3xWkQLX9cmMV0iny4ynK1SqNtWyTaViY9se0ZhJoilMV3diVsebStPOUUKZKprrYZQtIkNFwmtaWLmqaTKqUSjUKRbqdK9MktrYRTwewrJcRoZLDA0WyeeqlMs2paKF63kkYiFWWS7Nro+9toWmWKghFnw8X+J7Esfx8C2J7/nBhIgEBA0R0oi6aMH0jmkeWq5VbErFOkjJip4k8fipk6RYLlmkR8uUShbhsL4gwTkbpk+bzD6aMYHbHKG0sZOmnWkAQvk6id1jlDd2LdoYj4WUp8C0+UmGEhqK4/Lxj3+cl19+ma9+9as8//zzXHrppQwNDfHEE08ghOBzn/vcNNOuv/mbv+Gpp57iM5/5DM888wznnHMOTz/9NNu3b+etb30r11133ZKN9Wtf+xpPPPEEbW1trF69mn/913+dsZHbTCWwpxv1usvwYIHBwSKFQi24qy9a6Log2RShvSNGreZQKNQZH6swPlZhsL9AIhmmuyfJqlXNNDVPvxBYlstYukw6XSabqVKtOFQqQeTC831i8RAtbVGiUXPeVSLh0RKRoSJmrka9O0l4pEwoU0GrOfhRk2QyTDxuksvWGOjPUyoF429tjZHNBvkF5ZJFreYQi5u0tkeJxUwiYxUiNRvh+nixILlR1wW6rjNTfNKXEoGYVRJkPBmm0hA1UsKKbkicAhUR1YrN6GiJctnGNHUiJyBSO63iZLb5GYdRW92MWagTHQpyweIH8zjNEayepkUZ40xIKdm7J8OB/TnSI2Ved9XMXkGKI1FCQ3Fcuru7+e///m++/OUv88QTT/DSSy/R1NTE9ddfz2233cbGjRunbd/W1sZ3vvMd7r//fp588kmefvppVq9ezUc/+lFuueWWRc8JmMr+/fuBIGfk3nvvPep2p6vQ8H3J+HiFwYECY40pjGLRwrY84gmTFT1JwmF98jMwTZ2mpgi2HTTIGhkpoTUSN/v2ZWlpjbFyVRO+LxlLl8nlalQnIhdVB00TxOMmnV1xwhFjwZ+tcH2Su9KEx8q4zRG8WAg/rGNUbCLDRaoNO2pN02jviJNsipAZr3CwL0d6tEy1YmOGdJLJMJ0rpkdmIkMFjImSyFmMU5vDaxFAPBGiWrEpNbwepJQkm+Z+xw7ge34jkrJ0XSLqNYeRkRLlUiA+ozFzydNZNcvFqE1ppNY6P6GBEBTP78IoWZPeGk07Rskmw3iJxRd4ruOxbesImfEqAPl8nfGxKl1dyUU/1+mIOFPCQKlUavs555xzwSOPPLLcQ1EoFg0pJeWSRTZbI5OpkM8GQqBYtCiXLMxQICTiidCsIgxSSmpVJ/BPqDhEY0EEwfcllUpg2hQK6cQSIeIxEzOkL6pwTPSmaXp5hPB4heqaFtAERrGOUbYpn9dJ5up1R4iEiTE7jkc0FiI0Q5mqsF06f76X+L4M9ZVN+EuUgyBhcizJZJjOrgTNc7hrt22XfK5GqWQhEMRiJvFEiFg8NOfpp2NhWS5DgwVKxYYBViJ0QmpmwiOlyaoRL2Iwfs30JO3GTNWs0as2bc8cnEwudWMm2SvXTuZ9mNkqQkryl62mdMGKeY25UrF56cUhqpVDAimRDPGhO66is3Ppq+dOMub1NVERDYXiFMCv2sGvcEinZnlks1WymSq5bJVqzaFWdajVgj8pIZkMsXJ1E6E5lm0KIYjFgwub5/mUSzaFQm1yfUdnrFGNsfgYpTrxfVnC4xWsjvhkcp8bDxEar2IWakFE4rAowcTYjkVkuIRRtpCGtmQiA4Jf4WjMhCrTIhstrccuwbSsQGCUSxb1uotVDy5qlYpOoaBjmgbRmEk8HiKeWJjocByPkaEi5ZKFlJJEInzCCnOP1t+kBDyPxjhwAZILmd0NsBcLUbi4m9YXA3tyo+rQ9PIohUt7ZhW1Oh6Z8QrbXhrBbQgZgEQixMWX9Cyq8DvdUUJDoTiJ8H2JXbZwhks4I0WckRL+aBm/UMOqu9QsD8uXWBIsJHUJriaIxEwS8RBmIoxoDgfeAgvMwtd1jeaWCM3zSNibM1KS3JEmlK3ghQ28qcJB1/BiJkYpSAotz2M6Ijp12mSJmRAbosZkzobvQ1t7lMNvCOt1JxAYZRur7mDVXQxTJ9EURiCwHY9azaVStgPRkdcxQzrRqEmiEemYi/BzXY/hoSKlkhWYoSVDi2rEdTwON+qSQC+CLQi8xkC2IDClz3mzFBt2Z4LyhjYS+4IS+0i6jHMgR3Vd27zHKaXk4IE8r/SOT1u/fkMbZkibdyO5MxUlNBSKZaBWcxgdLjE+WsIbr8BYBZGtoudq6KU6wnLR6i5a3UGzXITtIX0JvsQATEMnaWpoIT2wzdY1pC6QmoYf1rFbY1TPaqW2uhlOgTuvyGCRyGgRo2gFYz4MNxkmlKsSGSlSPq9zTiJKL1mY2Sp61Q4iJScAAUSjJkKIaZGN9o4YIKjVAoFRKQcRDNsKBEZgkHXo84rqBtGIgedLHNujXnepVAJPkmKhHiRwRgzMkI5p6hhG4AdimBMXw0Pvk+f5jAyVKBWtyamdueShLBjXxygdaj2Qb4nwSzTSM4zheQRxJLPt0Vo5ux2zUCecCXIoEq+M48wzP8bzfHbtSDM8VJpcp+mCCy9awYruJP0H8/M67pmMEhoKxXGQUuLty2JvGUQYGsb5KzA2tM+5jbhte4yOlBgZKlLcM46xZxx9sIBmueh1F8320GwX3faQuoYTNvDCOl48jNdmoBsCQ9MwNYHwffACDwe84N/C8dA8l1DGIZSpEh6vkNg7TnVtK9W1LcgFuV8uHcJ2SfamCY1VcFqjyBl8NryYiUj7GEWLUK6K3T57wRAdKmCUbbyoCSf4TjQSMUBAqVgPvkcNk68JfxHLcgmFdJJNkWM6cOqaQI8YRCJGEPWaIjoMQ0PTDpmeBY8amiYmRYdp6tRrDqVSHctySTaFF713zPEwi4caqbm6xg+SUdwpIiMsJRpQEwIpBE9JjRvwmVVcQggKF/fQ/swB9LqLkIGZV3FjF5iz/8ytustLW4YpFg5VxkQiBpdetpJk08lfRXSycnL+8igUJwneUBHrN324+7N4AwXQBPrONFpnHPP8FZgXrEA7RrKf6/qMpcuMDJcYHy7C3nGMfVnM8QrxukvMchBC4IcN/EQIPxLDjwQXRB04WlDcP+ozBFGPUp3QWFAWGspUie/LUFvTQmVdG/5JZjaX3D1GKFNB+DJosDUTQuAmQpOeGrMWGr4MSmWLdexlsqqOhA0EgnLJxvcljuNj2y7hsEFTcwR9jhd8TRNEpogO1/XxfYnn+ThOw0jMk4iG74euCbSGiLEsj2QyNOdzLgZTjboGWqK4Uypq1krJa/GpAZukhisErhA8KTVuxGc2n7YM6eQvXTnNzCuxN0P5vI5Zja9QqLP1xSEs65Drc0trhEsu7SG0hHk9ZwLq3VOc0ZTLFoP9BVrbYnR0xifv8vxsFes3B3B2j+ENFpDZKlpXEgS4ezLQl8M7kMN+rh9jfRvmhd3o61oRuhZYXo9XGBkukR4tYY2U0PZkCPfniNZd4nWHsOvjJ8M4nXH8sL4oiWuTaAK3OYrbFEEv24TyNcxsFTNXI3ogR72nier6tiOSKpcDM1cleiBHKFOl3p085vvgJsKE02XCo2W4wJ/VlFAoU8Es1Se9M5aLoKQ4mDIzTZ3m5siiRBQ0TcxYZSOhITgmREjgaJpILm71ymyRgD0lP2OoIc7DUvJaJGc18jEiwBvweVJqSCGoCcHPpcab8ZmN36rbHKF0fidNOwIzL7NiEx0skH/1mmPuNzJUZMf2NP6UHlarVjeROr/rhEd+TkeU0FCckUgpGRwosmvnKLlsjWjUpLklwpr2GJ1DRfxdabzhIv5oCdEWw7ioZ7K7p7ayCZmv44+V8foLuP15nF1p3GSEbHuMoViIou3i9+UI7c+SLNRJ2C6xmoPQBU5zhFoyvPS5E0LgJcPUEiH0moOZrxPKVgllq0QH8lgrkpQ2di2J78Cs8CVNO0YJZ6p48dBxIy1+JOi9YZTrhMfKWN3HN2eKDgZ5H7P1zlhKQiF9RlGwFAga0y3a8nekLQObpeD/mWLUNdgaY00jinF4PHAlcAWSzY38koIQ/EpqvAmf2fyPqa1qxswfMvOKpCtEB/JHLW/NjFd4edvo5LIQkNrYyeq1LXN4lYpjoYTGYUgp8ccqaO0xxCmQRKeYGbcvi3sgh5YII5rCaMkIoimMiJq4rs/O7aP0H8wzOloGoJAu4/+2QjhboVq1SVRsoh1xwuevOKKvjRAC0RpFa43iVm2q/XnsZw9i+1CNmQhDJ65rxB2PeN0hVHfwYiHs7mTQ/OlEX/CEwIuF8GIhNMvFzNeIHcgTytcxczUKl63CPkFJklOJHcgSGiujV+3AM+N4CIGbCGOUbKJDxeMKDWF7hEeDstb6EjpGKo5OFngMjZayRdgLSkR9AeuawqzBP2pZ7TlIStJnhwh+g0eE4FkpeB3y+KW4M5h5RUZKM25aqzq8vHVkctk0NS5+VQ9tqiPsoqKExmG4O9PUH9+N3t1E5K0b0U4BG2HFdNy+LLX/2YE3WABTR4SNxp+O5cNwoU7e9XAsn5UdMRJxk1h/DjFaQh+rYGmCamcC3dCJZas0N0eIxUOTxlRSSmo1h1LRCvp6eBK7OYooWcSLFp2+H1SDSHCSYWpdCeRJUg7nhw2sFUmE4xFOl4n159Fcn+JF3dRmc7FfJLSaQ+KVccJjlSB3Ypai3kmGiA4WCaUrCNs9ZoJrZKQYeGfoGv4JiiQoDiGB5wjyLVblq5PrnWSYtcbxxfarkFSkz4GG2NgrNBLS56LZlL3qGvlXraRlyxDCl5TO6zxiE8/zeWnLMI4TCCBNE1z+mtUq6XMJUELjMPyyhZcu442U8Et1Im/ZiLHqyHI7xbHxyxbWz/fiZ6uErz/3hL2H3kiJ2v/uwu0dQwoQpo6frYLtUitaVOsu+JKEgLZEGDFeQmqCUL4Ovo+1uhk/pGNZHk6+Rq0a9M2IREyamgOHzFIpsPS2LBfb9ibnyUM9QY6B7XgI11+e6MUskaZOvaeJ8FiZ6EAe4fnoVZvyuXMrHZ0vyV1pQtkqUhNz8raQIQNpaBgVi8hIidra1qNuGx0qzslyXLG4DADjjfd91dSOrbN0ShXA65FUpWSscZyXGmJj3SzEhh81KaU6EVIekY8kpWTXjjTlKeW251/YpUTGEqGExkxI8AYKyIqNrDqEr9mAeUnPkvboOJ1w92Wo/2wP7v4ssmLjlywibz4Pc4a7isXEz1Wp/c923N1jgXX1OR0ITeB5PmOjZUphg2qhjikhZmrorkTUHIQncZrCkxckA0iYOr4vsSyXcjmw3q5W7cnSQt/3CYUMEskQxmF349LUZyzRPOnQBFZXIkgSHcgjXB+96lC8uGfpIjC+JL4vQ3SwgJmrUVvZNGcR4CbDk+ZdRxMaetnCzATeGcsxLXSm4wMvTsmoWDM1ojEHS3YduAafTVKj1Pie/AZBDMlCerUO9Bem+WSsWdtCz0o1vbZUKKFxFLSOOEhwXh5BWi7+WJnw754dmCOdhkgpwfGCqYZ5CirpeFi/7sN+cRBvXwbp+oiQgbNjBOl4yJKFefmqJRFsftmi9qMduLvHkbaHkeoM2ndXg5bilbJNveYSTYQJhQ18wD7OMTVNEI2aRCImth1EMIQQkwZJp4XsFAKnLYY0dSLDxUBs1B3yl60OIjKLSChTCdw/x8uExyo4TRHkPMoG3USYaLZGqGHC5cWOrEeIDgXTJn7UPGmmrU4njHyNxN4MXjxE5azWIxJ59yAmhUGyZhOvH+qgPNeOrRHgTfg8KjUsIfCF4BeNstf5SIN8rsbuXWOTyy2tEc5Nza4EVjE/lNA4GppAP6sVf7SMu2MUWXfxM9Ugb+MkKAtcDKTr4w0W8A7kcA/k8PM19K4E5qUrMc7tmFMyrDdWpr5pN+6+DG5fFq09gbG6GQR4/XncnaPUPR+/WA8E2yKG56XlUv+fHTi9Y/iFOsb5XaCJyV4glYqN5/kkm+ZX2idEUJ4YDp+eIhOCKIFvakRGSmiOh2Z55C9ftSglsFrdIblrjOhAnlCmgl51sDviuInZFCweiTQ0/IjR6OhaonJ2+/QNfElkqIBZqk/rp6FYJHxJy9Zh9LoLmSrR/jz1niYq69vw4iEcYNsUGX5Z7lA0w42a8xKwSYLIxhNSwxcCWwiekBqvx6d7DsexLJetLw0z0Us0FNa5+NIeVcK6xCihcQyEEOjdSUTMxNubOTQN8JYUxupTs/TJL1uBsOjL4fXn8Yt1/HwNP19HVm20liju/mwgOC7uwbhwBdoMd4wTSClxXhrCeqoPty+LzNcwNnSgTTFeMta24oUN3J1pcDxk2SZyY2qyXHQhSNen9shOnF1p/HQJ7bxOipXAnrlWcyiXbUxTo6kpoqbpj4MfMamtaiYyXCTmeAjHo3DpSuyueXao9CWxA1niezKEMxXMXA03Eaa6tmXBpb1uIjQ5fVLZ0DZt+iWUqWAULYTjzxjtOBMxCvXAEG2+bdmnEE6XA5HRQMggghQZKlLvTvLi+nbqTcF5dCk5d1p/k/kL1y7gKiRPNURMVQieQOds6XMZkuNlV/i+ZNuWYeyGIZcQcMmreggrM64lR73Ds0BriiAuWIG7Zxxn6zCyagd5G5euXNA0g6w5yLrbeHSCR8tD6CKYwjC06Y+mDoYWPJpaEBU4LCdKyiOTpGTRwu3L4vXl8EZL+CULP19DNn4AREsUvSeJiIXwM1XcPeO4B3O4/Xm05/oxU52Yl65EP2yu26/YWE+8EnhI7M0gIgbGhd0zTi/pK5KIkI67JxO89qpN5KYL0I7TdfOY76EvqT+2G2fHCNb+LOXuJKXhErYVWDt7riQWN0+Yd8HpgDT1QGyMlIj159Acj+KF3dTOOnrS5UyYmQpNO9OExsqExytIIRa1PbubmNLRtWjhThG20aEiZqkeREzUnSqxvhzJ3cFUQfGCLmoLvEmKHcxN/lsKJm3FBRAdKXHVSInOriSbN7TT2RQmdlgjtYVwFpKa9HmBwKYcgmqUQSl5DZK1xyh/faV3nPwUL4/zNnbSoiJeJwQlNGaJCBsYG7vwDuRwXh5FWh7+aJnQ688C10daLtLykI4LltdYdpGOB5YbCIoJUVFzkK4X7Of64PjTlzURiAhNBHd+E8u6AK2xrAsO7wQZcLjyCO76J4SFLNsQNdFaImjndiJi5jSxpK9sQutOInNVvNEyXn8eb6CAs20YY11bIDjWteIdyFF//BXcviz+UBFtdQtaZ/yYwktrjYGp470yHrxXdZfITeejz6FvxeTLkpLaz/eQf2o/1s40pfYY1YKFZbloGoTDBqHE/PNNzmh0jfrKJsJjFaIDBYTnExkt4cVMvLCBHzHxwwZexAis00OHnE21ukuiN01sIE9ovDFN0h5b/MoPrdHRtWwRGS5SbggN4TS8M0oW9VkYep3uRIaLkyIDIL4nQ62nad4RJaNQCyq0GuReuwa9YhPfn8WoOpPrz02XODddot4em9ZIbTGmsjYi6USyWWrkGt+puhA8hWBVwwTs8F+UgxWb/uyhcfesTLJ6jaomPFEooTEHhK6hr2/DT5dxd44iaw7OrjTS88H1wfORXtDkSjaWJ9dNioopgkIQRCuMiUiFFvwASJC+D74M9vUbfaYnm2g1lmeLoQVRmfY4+ob24ya0Ck0g2uOIthiybOOPlnBeKuIOFHBeGUfviOPla0HCp+NjzGBqdTS0RBhx/grc3WPYDTEWedvGOU1FlcsWwz/txX5yL/qBHMVkmKrtEQpBIhFCN7TTI1FzORECqzMeOCwOFAhlqkhDC/50DX/i3xPL4UB06CVryjRJaFGmSY6GmwwTylYDodHo6BoZCQy6JrrYnsmYmSpNL49MW6fbHtGBwpwjVBPEDhzqXGq3RHBaojgtUeorm/BGy4T2ZekoHxIWkcyh/Azf0PDmmZdzOO3AW/DZKQXbprSYHxSCUanxKuRkm/mMrrEld0hkJJNhNl7QpW5CTiBKaMwRIUQwDRAz8fZlcfd6oIsgcdIIhILQtSD6YAT/DgSEQJuY+jCCqQ80Mf+plxmmSA4f50IRQiCSYbRkOKi8SZdxdo7ixUPIqoNoj2Gc2zLnxE4RMTDO7wqmol4eQdoekRvOxUwdu2Atl62yb2+W8gsDxJ7vJ9Kfp5wMQ1OE5rB+YltenwkIgdMaxYuZQat610c4HnrNQXh+sOxJpCaQeiA6hOeDENR7mha9auVwJju6lixC2Sp2R5zIYCGYSmk6s70zjJJFy0tDk9MaU4n3Zamtbp6zANTqDpHRQyWh1amlxULwVHczA93NnJ0uc9W+cTqL9Wn7Oy3RRf1MNODCxnTJZqkx2ji2KwTPI+iTktcaOr9KRPAa74NpalxyWc+y9Hs5k1FCY55oyQjikh5gcS7qc+VEn1OEDfQ1LWgrm/BzNbSVOlpy/oldwtQxUl14+zI424PyV/vXfUFkJGIiIkbjz6TievSnK4wX61TGKzRvGyGSqUBblHBXUkUvlpiJaMWMSHlIdLh+w+7cPDEX+UZHV7ORFOpFzUbJq3NGe2doNYeWFwbQ3CDqKTVB4eJumreNIHyJbnlEh4pzdoKN9ecnhYsXMbCmJAmngYGJnIkVSVZ2RjEaXYMnplpqPcmFv7gZSALX4bNPCl4gqEiBwCzsJ83TrcQvuqSb6EnWvfhMQAmNBXAmht6Erh2RFDrvY2kC/ex2/IEC7tZhXFM7FPExNFwpKVUdqpaL4/pEXJ9ExKC5YkFzBKszrkTGciME0tCRxvJMU7iJMJF0mfBoCd/UG94ZxhnrnSEcj9YXBtEblRUSyF/Sg92VoJatEusvABDfn6W2qnn2ybKuT7SxLxBMiTX2lUw352qXkjVCYHfEsdtjGGUbZnDnXEwEcDaSlUh+K8WkbflUzj63nfYzWIAuJ0poKJYVIUQQKelOBomzjo9Tsylma9RLFk7NwbVcQpogoWvolosbM4M71jNQ6CmmMzE9Y1QsYgdzmEWL/5+9N42RbD3v+37v2U+d2rq7eu9Z78ytO3N5d1KkKBKiKMtarFiKkQUxEAQBggTIhwBCAmcxDDtOgiCIgyBI7A8JYDsLgiA2bMlxFMehJFILKVLkvZe8G/uus0/vtdfZz5sPb3V19/TeU93Tc+f8gEJV13qq+iz/8yz/J3qMFsqnmjSj+vYDjN6WFV3nxtSwPbl3ZVwV90rQgwT3QevIHSjuw/YwQpLpQomUAXfZshoHeG37sDRxPIv5x8UFvobkikz5ARr9wXLNugaXr5ysLiXn8cmFRs65QJg6iYRGO6TTiQjSjFDTMKourmsidUF4+NvkPGsIQVxUluRS0xBx+mx6Z0hJ5d0lrG0zRbpXx3ekRzZ9Ugr3VGSi8FkDf+4IUQ0pKdzeamkN5itDi/0MeHtbNGNBSvYexn62zAO/TsatXoyUMLswORQdOWdPLjRyTpUsk0gp1XUmybbd3rw/yyCKEjrtkDBICIIYw9RP7OSZ82yRDCa6btZsPHPeGVJSXFzFWe4O7/LnyrsdU4He5XHc+yqqYfgxzsM2wSEDD6213rB1VTJImwz4aJvVuJCSVzlGN9wpYwI3gxghJc1ckBgnCQAAIABJREFUZDxRcqGRcypIKVld6dLthEip/t683nxc/b15WxKGKYahUSzbuwaV5eTsh7SUl4fRDg49aI4aLUhw77eIK84TK0At3G7g3dlqOw0nCrRvTu+ZWswKJsFsGfdBG1C1GsFs+UBxtr2lNZz0hhGjR63Gn0OSO1Pk7EUuNHJOhcZGn2bDp9MJ1WmQGLTLbruGnfcVixbGM1rEl/N4BLMl1Wp7hkMPjU5I9c17w8LLxmtzRJMntGs/IfbDNqUP14Z/x2Wb1itzBwqH3tVxnAdtBGD0VctqMLu3uZneCbE3trww+tv8N95HEA42ZF1KXj7C6PacZ5NcaOSMnG4nZGO9T7cb4XnW52fSac75RdOQZ6hRzYZP9a37wwJJgMq7S6z/7CUy52zaJ+2VLpVthlyJa9J8bf7Qjpu0YBHMlnAfKk8M79MNgpnSnhEQb5vdeFyyh7NS+sAH27bqG0hyM++c/chPH3NGShjErKx06XYjbFvHykVGzucMa7XL2I/u7RAZAFqcUfnJknLyPUW0IKby9gOqb28ZcmWmRvP1+SPPkuldnRjGH4xehL2tvmMTESY4D7cZdF0aAyHwge+hDd04bSm5mUczcg4gFxo5IyNJMpaWOvQ6IZomcHJjnJzPGc6DtjrAD8SE1AT9bXUhVtPH+2T9dD48U90fE39yC2dlSxhITdB8bZ70GAMKU88inNky0PI+XYdH3IYL91rD75laOsFMkXvA/43G0rbox8tI8i095yDy1EnOSJBSsrzUpteNSNKMctnOIxk5nysKtxuUFrcGlGW6RvO1OeIxF5FlW6mIzzaIx9yRFoeaTZ/SByuYnZ1N3lHVoX1jmvQEXhXdK+M4S2qZzW6EvdIlnB6IjyzDvbtVBNq9UOVPNZ1PHjHCWpCSa3k0I+cQcqGRMwIka4MOk8BPKJXtZ9I1NedopKj64PO880mBBLBQbZvex+sUP9sYPp6ZOo035odul50b05itAKMfI4DKO0usf/XSkVMZ+yHilOJHa8poa9v9manReX6SYK58YuO6tGQTTBWH0RHv0w1lKy4EzsMOeqSKXDNN8DsXxljbJjJ0KXltMLgs39JzDmNk23q9XjeA/wD4N4CrqHqh7wJ/c3Fx8ftHfI+LwN8EfhE1oO9D4G8vLi7+T6NazpzR02oGNJsBvV6MV7TQ9XzX8yyTojb+LtBD0H3kdjA4MBpSFRA6gDsoJty6SBygAJyFr2QGNIBlBEsIVoBUCCpZxq98sEzx3pb9duoYNN5Y2JGqkIZG65U5xr9/B5FJtDil8pOHNL64cDIhICXOww6lxVW0ON3xkD9fpnN9Emk9fodN7+r4UGiYnRBrrUdU8yhsa5d9b7bMmr2VHBmXkq+S5a2sOUdmlCcV/wD4TeBj4O8ANeBfBX6pXq//+uLi4j8/6MX1ev0SSphMAv8HsAT8i8D/WK/XX1hcXPz3R7isOSOi349YW+3R7YY4joFp5mU/zxo+cAvBfQQdlMg4ysE1Eer5Kni/+/llP2KmFeBPFKgbgqk9n3UyJNAGlhAsI1iG4TCuTfQs4+s/ecD89omlRYv26wuIPSbTJiWbzguTlN9fAcBq+HifbuxpnHUQejek/MHKDpdPgMSzaN+cIh4r7PPK45OU1cwge7UHQPGTdTq6tiNF8+alcUBFdl5E8hIyL+7LORYjERr1ev2XUCLjh8DXFxcXg8H9fxf4Fkp4XDvkbf5bYA74C4uLi787eP1fB34f+K16vf6/Ly4u/mgUy5szGuIoZWWpQ7cbYhga9imPBX9WEXGKFqekjjkS10sfuI0gBiaQTMKxi/ki4C6CW4ODtBxxqswLY/7y925RiFNuTXj8oy9eZFJKXiRjjpMJjhC4j2AJJTD8A5bZTFJ+4617XNzmIXG/6vLbr19AGhpXkFxFMvbIsvjzFawNf1j74H2yTjTmEo8fLg5EmFD8dH04j2QTqQm6z02oro9TcD3tXp0YCg2zHeK+tzx87NaEx3rJoTiIYkyO/NNzngVGdWT48uD6f90UGQCLi4t/UK/XfwrcrNfrU4uLiyt7vXgQzfhN4LubImPwer9er/8nKLHx7wD/9oiWN+cxybKMpaU23W6ElFDwrDxXOyqkRO9F2Ks97NUeZtNHAEnBpHd1gmB2b8+DA98SWAMWEdxFkG17vZCSKjCFZGogPPbyREiB+8AtNO7DjvfY6zsUAA8oIiluu+0BOkrwqIsY3g4Gt9/4eI3CIGVweb1HuR+xWrD4Njpjg3bKi0c4s+4D9wbf+TBBJKRkArgURHzprfsUtp3Vf1rz+KevLpAMHGsXESwCVSl5DskVpErxCEH75hRGK8DwN+s1HrL+lUvI/eo10ky5e37WQEt3tsyGkx7tF6bITrGDK6k4hLUC9poSVa4fDx9769I412TG63lnSc5jMCqhsWlNd3n7nfV63UKlUGKgxf58A3Vi8Ht7PPbHqBOobz7uQuaMBiklK0tdup2IKErzDpNRkEmsRh97tYe12sPYtrPfxOjHVN5dwvtsg+5zE4TTxUMFR4JKa3yIoLHPc6UQNIDG4OAJUJJbosNBchfBHQTxPu/hScllJNMDUVFAiYmD2BIz27sWJHo/YuJ+c8dzr610ePOySkE0hOBPEPxkIDiuIHd8VhsVbbmLYP2Q36cqJTOoyxRQaPhUfvxgWAgJ4M+W6Lw4w4IGd6Uc+kcANIXgRwjelZJvkjEOSEOn9cos49+/i5ASPUypvLtE8/X5nf8vKXEetCl+vI4eJjuWK3FNuvVJVZx5BnSuTgyFxiaNgsXFCYeFvKsk5zEZldD4B8B/Cvy79Xr9x8A/BqrAfwVMAX9rcXHxoOGbzw+uP370gcXFxbher98FrtTrdWtxcTF69Dk5Z0eaZjQ2+rTbAX4/pli20J61IVYjQgsTrDUVtbDW+7vOZvfD6EVUf/KQuGjRu1YjnPR2CY4OauDVJ4hdtQcAhUEUY43dtQkAHSHoIPjkgOWwpYoqXEFSY3T1E8WP13ekDgC+tNxh+dI497cta0cIvj8QHC8giVECo3WAuHCkZB7JDDAzKDjdxL3XpPTByo7P7l2q0n1+khkhmEESIbkj1e+6fTR6KATfkhrfJKOGqn3o1GuUf6raYe31PoXPGvSvqnoHa71H8cO1Xe2qmaHRe26C/oUKaGdTCSGB71ULvDzhcWm9t7Usl6os5N1jOSNgJEJjcXFxvV6vfxX4+9sum/xV4L885C02q6U29nm8hTIXK7MVPck5A7IsI/ATfD/G92PCICFJMnq9iIJn5sPPjoqUGN0Is+ljNgPMlj+ciLkfcckmnPQIJ4tIQ8P7ZB1nqTM8oJvdiOrbD4jLNt3nJghqHktC8OEgtbFXtGNaSp4nYwG1QUmgJWFl0GmxijhwnLYhJQuo6MUso3f8M9rBsL5hO4WmzzfDiHXb4H0EtxHDNIgvBG8dIHOKg2W+MBBEu5Y5k5QWVyjc3Qq6SgHtG9MECzt7KyzgGso7oi3hEwQfDJYlFoLfkxrfIGMa8C9UVb3GoKuj+Mkama3jLHd2RQ+kEPQvVuldHadj6iwhhm3ADK4fvWwyO/heJ+UdBB8Jjf5ztaHQyEyNZJ/5Jzk5x2VUxaA28NeArwJvAn8IjKO6Rv5jVGr3fz7gLTb7xPaLemze7+zz+PZleW+fh5477LU5Ki0SBAmBH+P3Y4IgIUlSkjgjTlKSJEPXBK5rYI2gve7zikhSzFagREXTx2wFuyyrH0VqgmiioMRFzds1M6P98iy9q+MUP1nfMRLcbIeMvfWApYrDJ9enuD9e2CEyDKmiDs+johg7lhMVeqwieR6QSHqPCA8f1Qp2BXXAPs2S3+JH2waEFS20JEMPEgRgr3YZW6jyc6gBXu9LwaeP1JtsUpVKWFwYfOf9ZIiIEqo/frijwyO1dFqvzhFXD57eUQZeQzKJ5I+kRiYEiRD8gdT4eTJmhaD94jRmO1DfQUJlW6HlJv5Mie61GknB5KcIfrzPd9qPnwA3ZcYrJ+gG+RDBOwN/jPtjBb57c4bXVjv4V8YhH3CYMyJGtc/4Wyj/jP8O+K3FxUUJUK/X/xqqxuLv1ev19xcXF/9sn9dvbuX7eehuttLvNuTPGQlBENPc8PGDWImKWImKJE4RmlBdJbaB52nPZKpE70WYrQCRZogkU9epHFzvvK3FGXovOlIqIbWNQdTCIxovwCERorSopnMutwPcTzaYWt3aJGZaAf/SD+/woOLy44tjPJwqck0XXEHuu2E9igCKqKLNq8DOc+fTxdzoY69vnel3r9ew1vvDEej2chd/QUmlEvDlgeD4QAoeIDBhKC5Ke7z/oxjtgOrbD9CDrfqIuGzTfHXuWIPRFoBvkPEdqeZ/pELwbanxdTIWTJ3my7OM/9ndXemgqOrSqddIKi4d1PyQ1ROmKt4XGqtS8jUyjtr8ehv4s21raVlKFhbKtBfySEbOaHlsoVGv1zXg30KlN/7KpsgAWFxcvFOv1/8q8L8MnrOf0NhMmTx6wrVJha3W9wNZXFx8cZ/lfA+4edjrnzWklDQ2+jQ2fPx+TDSo9DcMDdPUcAsm+jMoLAC0wQhtZ6mzK5d+EqSApGgTV13iqkNUdckc48gdJD1UYedtBI2KB697TLd8vvrxKlfWtnLrcy2fuXd8MkPDny/jL1SPNQfjiSDljnHnUVVZeEtdGwoNa6OPiNMdo+Bd4HUkrx9TENlLHSrvLg1neYAq+mzfnD5U7O3FLPALZHxbaiRCRST+UGr8HBmXqi7d5yeH9uVJwaT7/CThpIcUqt7jR6hoyCaOlIyjhN/mBUAMnDg3L+sI2oPXrQrB7w4+c/aQ5V0Cvos2XPcKg2LWszBHy3n2GEVEYwqV0nh/n0LNdwbXlw54j58OrnelN+r1ujpRgcXFxcWjVcvlHIkoTFhZ6dLrRvR6EaapUSpZaLr2zHaRaEGMs9RV4qIdHP6CA8gMbYeoSMrOoSO8N5GoMF8D2EDwELHn2e5yxeUfv3GRFzd6fPmTNarbfB+0JMO73cS73SQac+kvVFSnyhkVGR4He6W74/fuXq+BEMRjLpmpo8UpQoK91iN4nNqBPezEJdB9vjacTnpSpoFvkvEHUiMWqm7jT6RGiuTqpTHiko1IM6IJDzSVkvpTNB488pmXZMaXNttlDyFB8gMp+GyQ/giF4PelxktIvrBPKmUD+A7aMD1jDUTG6Caz5OTsZBRCo4GqodivK2Szo+ThAe/xHdT2/k2UBfl2vo5KqfzxCJb1QLJ2QPfvfJf0ThOj/vm1ppFS0mr6bKz36fdUFKNQMJ/ZmgstTLCXOzhLXaymv+/zEs8idQykrqmLIbZu64Pbhvo7KZgqinCEA5dEdYlssNVmuoE6aBzE2KCl9BISb8wh/OIC660A914T92Fnx9m61fCxGj7ZT/VBlKNCWjgnUY5MUvx4a+JpOOkRjw3qI4QgmPIo3FfBTHu5e3KhkWZUf/JwaE4FSgy2Xp4d2QC0SeAXyfh9qRENxMb3pLI4v7bNtOsO8AO0Hf9jS0q+NCi0PSoG8LNIpmTGD1FpG4TgHQSrUvJzZDsK29rA76MNoye6lHwjtxPPOWUeW2gsLi6G9Xr9HwH/GvCfAf/h5mP1en1ycB/A/3bAe9yr1+v/HPjler3+m4uLi789eL0L/BeDp/3tx13Ww/B/5z3iH9wFIGr46HMVtLGDC8KeNuIoZWWlM4xi6LpGuWw/U3UXWhCrQs1txZr7ffvEswhmSgQzpZGkH1JUjnFjICYaCJqwI2x+EKVt4mKvg0NScehUZug+P4nzsIN7r4nZ3dL+Wpzi3Wrg3WoQThTo1CdJi082YO48bGP01DJKoHNtZw9FOFXcEhprPUizE6U3vM82doiMxLNovjo38rTSBPDnBmIjGBz4v48gkRlXkPwQwa1HpqDOSslXjlFfsR2B6oSZGBSldgbr0tIglfI1MqZQEbLf3yZuhJR8PXf7zDkDRlUM+lvAF4G/Uq/Xvwl8G9V18huo7e6/WVxc/D2Aer3+DZRB19ubgmLAvwd8D/iH9Xr9/wTuodxCrwP/9eLi4tsjWtZ9MV+c3vojTAh++12c33gR7Qj2wecfSasZsL7ep9+LiMIU11NRjM+1xEgyzHawJSxawS5zpF0vcU2CmRLhTImkeLSoxJ7vw1bqY/O6xSGOmo9QkMrmehzl/7CZtz8Maer4F6v4FyqYrQD3Xku1xm6Lctjrfaw/vUP32sRjpw1OTJrtiGYEs+VdI8+jiQKZrqGlGSKT2Ov94xtZpRmFbWPPw5pH6+UZpHE6Ubwx4JfI+JbUhlbnPxIa70q5I4qhS8kbg3bZx/31x4BfJeNPpcadba2/35IaLyO5jaC37bO/gmT+MT8zJ+cojMpHY7ler38J1cr6l1CiIQTeAv77xcXFf7jt6d8A/jqq3fW3t73Hh/V6/SvAfw78Mqru40NUEenfHcVyHob1+gKFf/NL9P+eqlmVfoz/O+/h/sWbaBNPbwYzSVJWl7t0OiG9XoSmCcqV04tiiDjFWu9jNfokRRt/vnIqMxr2Q++GFO42MZsBRjfcVe2/F6ljEEyryEVStncddEOUaEiAZOBxkKAiFNtvJygb3OZgwNiRZ4BISRkYG4iJscEcjUP7uQ9DiEGdiEunPonzoE3hXmsYQRCZKsK0V7q0X5w586LRwt3WUPhJIehe22MAmaYRTXpDfw17uXtsoeHeb6PFqsQr0wWtl05PZGxSRomN35Pa8AC/XWTUBvNDjtIhc1RM4GtkLErlLZIN0jc/fkTGvC4zruaOnzlnxMha4hcXF1vAfzS4HPS8vwH8jX0e+wg18fWJYf/8VaIfPyB58766Yyg2XkQbUR73LOl1Q1ZWuvR7MWEQ4xZMLNsYeRRD82Ps1S72Sg+r0d9xcPc+26B7rXaiGR3HWoYwwftkMJTqkOemjkFccYgrg0LNirNr2bpszclYZXSDw7SBK+c4W9GKKqMdpbwX0tTxL43hX6xir/Yovb88tNq2mgET37tN53oN/2L1TKIbIk7xPtuKZvQvVPad6RFMFbeExmoXMnl08SolhduN4Z/+fGVH58ppUmJLbGymNDSp2nJvnNIUVAG8gKQ2SKU8asB2U2bcyEVGzhmSj9vcA+PSGKQZyU8eqqRxkOD/zns4f/Em+uTZzB4YBX4/YmmpQ6etWjNLZQdd371zFnGK87CNHqaktk5mG2S2QeoYZJax9w5dSox2OBAX3R11AI+iB8nWjI7re1tmPxZpRuFOE+/TjT1tvDNdkJQd4qpDXHGJKw7ZHgOuJKoi/x6CewiaI1hGY1vqY/O6wugdNY+FEIRTRaIxl9IHK7iDA7jIJOXFVZyVLu0Xp0+9WLRwu7EjytC7Mr7vc6Oah9QEIpNoSYbV6KvujSNgL3eHs2OkQKWJzhAPJTbekioS9oXBunDa1IBfI+O7cquz5arMeDUXGTlnTC409kGfr6BPFQm/9ZE6AoUJwT95H+dfuIl+RoOOHoc4Slle6tDthOi62HO6qggTvDtN3LvNfV0rJZBZA/HhGKS2gZASa62HHqZ7vgaUhXFcdpT3wWC/ZvSUZXZUceherx1pdPaBSIm91KH00doO0yVQXgX9S2PEVffAOosUWEHNyLh/iP22LdVsDAM1MGzzWh+4ZW6/30ONYC/yhEXFAUhTp/3yLOF0kfL7K2gDDxWr4TP+vdt0n5/EX6icSnRDCxO8W1tRhv7l8f2nmwLS0IgmCsNiTnu5ezShIeWOzwmnS6c6CXU/XOCrT+AAb6PMxB4OOl/mGd1Mmpyco5ILjQMwrk+qs7//78NtYuM9JTamj5ZZlUFMttoDXSA8G+FZiFO29k3TjKWH20a4F3aKDC2I8W41VIohO3jnJwA9SlWI/RDTqqRgEk4VCSeLxFWVitD7Ed7H68OzZgCrFTD+w3uEEwW612sk5eNXIphNn+LiKlZrp9dFZmh0n5vAv1AFTZ1B9oYXMbzdHdz2OTglUt42J2OCz+dOOpwusTbmUv5gZWhtrqWS8gcr2MsqujHqg7P36fpw3ctM/UhRhmCquCU0Vrt05NShIshs+jv8OXqXzzaacR4QwNyTXoicZ5pcaByCca22JTYyCVFK8H+9j/PrN9FndosNGaWkD9uk91pk91tk2xwbhzgGmmcp0bF5KQ5EiKVDkiHTTLXxJVLd3nGfij6Iqote8xBjLmLQ7qdGuHfodkPiKKVUtof7Yr0X4d3awHnQ3lUgmRkaYc1Di1O0MEEPk2FYez8kEI+5w8FfexUSpgWL9suz9K+MU/xoTbUnDrDX+9jrdwimi/Quj5NZOlITMPCl2OsgovVjSh+t7pj1AYOQ+MUqjasTfGIa3BkUYwbHPRuXajT6wmCux7Nixiwtg9YrcwRLHcofLA//9/ZGn4nv3qZzc+rxjLK2ofcj3HtbA8y6V8ePZGQWThaRYhkhQQ/VLJnD5pEUtkUzojH3RKI25/HIpCQMEizbeGZdhp91cqFxBIznJkCrE/6/i4+IjRtoNY9sqUN6v0V6v0W20j18PESQkAUJrPcPeeIR0QTaeAGtVqBvG4RCEAqBN+6iaQKjEyoPgW2TPzdJLXU26V+o7K7CTzMlOIJkS3yECSKVxFWXsOYhj2jylZRsmq/PYzZ8ih+t7TDGcpa7u4QDKPEgdQ2pKTMsNIHejxFy5w8cTBX57HqN9z2bu8ccSAWqxXAGNSdj/pHR4c8a4UyJ9TGX0vvLOIPogZZmVN5ZQu/H9K6OP3Yqxds2Bj51DPwLR7OLkpZONOZib6h1x17uHig09F40/A4Avcv714DknB5+PyZNMqIopVx2nkgXdc6TJRcaR8S4Mg6/Uif8ZwOxEacE/+S9QRHDIcrCMRCaQB4yFvzEZJJsrUe21sNCuRNOonbiqW3sSi8weKx3eRx/vry/+ZGukRaskRYFxmMujS8tYK31KH68fuAMESFBDGtHdteDhCWbd+tT/Gjco3vA3ktIiYuqm/CQeKjBYZu3PVRtRY4isw1ar84RPuxQ+unKsH6n+Mk6uh+reSAnPDO1V7o70mjda7VjWaKHU8UtobHSpft8bV/hsz2akXgWUe3z4IfzdJFlkihKqVQc+v2Yfj/CO+9zd3JGTi40joFxeRx+9QXCf/ZTSKW67IVtoM+VVUHpQkWlNoRAphmyHyN7EbIXIrsRsheR9dS17IYqLWJooGuqlkPXwNBUakQXw/tlkiE3+mQNf1+howfJnkWSvSvjKgz+pMKYQhBNFtmoedhLHbxbDYxutCtSsR+RbfDW9Um+O1tG7nGQcqTkKpLZQTFmgfNbkHluEYJgrkxcdai+eR9jIJLdB210P6b56tyxWkRFklJaXMW9vzUXMS5aquX5GIRTRfipGk5m+DFGNyIp7XY21cIE9+HWZ/UuPyFDsmecIEiwLAPbNhBC0G4FhGGKbefS/lkiFxrHxLg0psTG/7Oo6iUATH0gLMpo8xW0CQ+xx0Fc6BqiZEPJhhHZ9Mg0I1rpsPHROtl6D7sfY/eiXV0kccmmd2VcDdU6LztcIQhny4SbuX+pxJvIBmPXMzV6Pcsk7TSjkcJDTeOz8QLJI1EYISWzwDUy5smFxahICxYbX75I9e0HWA0VSbAaPuM/uEvjtXmywuFFouZGn8q7SztEr9QEnRvTx14XM8ckLjvDAk97pbun0HDvNIfFpqmtH1vQ5Dw+mZREYUKp7DAx6RGFCWma0e2EGIaNfgIb+Zynk1xonADj4hjav/IK6YMWWs1DmyzuKSzOggxYjjJaFZesZFMs2Qgp0cIEox2i+zFp0SIaL5wfgbEfQoAhkGj0gAcIHiB4yP6zQApS2TdfHaRBckaPNHUab8xTfm8Z96FKexi9iInv36Hx2hzJfnUSA3vxwu3GjtqguGzTemn2xC6kwXRxS2gsd+g994ibaLLTbrx/cexcTqz9vBMGKYap4xZMCoOL7yckSUa3G+X1Gs8QudA4IdqY+8QHrkkpWX6ovDKSZNBhAiAEmWMSOWfvF3BSMmCNLXHROGAPpEnJAip6MU0evTgTNI32F2ZIXZPip2rEuhanjP/wHq2XZggfafc22gGVd5aGVuegint7VyeUMddjCPNwqkjpozUAzG6E3o921BG5D1rDiF6mC+UFknOmSAlhmFAsWlSrLpuN4VPTRaJIiY28XuPZIRcaTy2S1ZUunU5A4CeUyjbaU3Z6EAMPUE6cDxBEByy/LiXTwDySi894Z8gTQwh612qkBYvye0uqWDeTVH78kO7zsfLCkFC4tUHxk/UdLdSJZ9H6woyyen9MUs8i8ayhiLFXuvQ3O0oySeH2VjTDXzg7u/GcLaIoQdcFjmviFbfEhK5rTE2XSOIsr9d4hsiFxlNKs+HTagb0ejFe0drTWvw84gP3B/NDljh4kmlRSuZQl2nylfW8EMyVSR2D6tsP0JIMAZQ+XMPoRui9aFeXU+9ile712olGu++7DNPFYWTFXt4SGvbKI3bjF589g64njUQVgRYKFtWqg3hkG3ddk4laIa/XeIbI991PIUEQs77Wp9sJcV0D0zzfG2kHZfF9bzCcbL/ErCYlUzAUF2U+n06cnwfi8YIqEn3z/vDA7j5o73hO6hi0Xpwhnhh9W2k4tSU0rFaAFiZklo53a2P4nOAJ2Y0/68RRikDgOAbF0t4RrOqYu7teQ2a4D9pklnHs6bw555tcaDx1SDbW+vh+jGFq2AfMh3iS+MCHg8hF64CohSWVSdYCqmskPyw8PaSexcbPXFAdKY9EMfy5Mp365KmlLZKSTeoYw04We6VL4lmY7S1flv4zaDf+pNmMZjiuQbnioO1biyN21WuUM4lEoPciRJQe2Qww5/xzPo9SOfvS60b0ehFhmFAZQb571EjgNoIfotxJ96Ig1eyQBVQE43zHY3IOQtoGjS8uUHlvGWepQ2bqtG9O7SoOHTlCEEwX8Qb1GPb7Vm9oAAAgAElEQVRKF3vb+haOF3K78SdAEmfITGLbSmgcxKP1GrIbkhYtsjjF7IREpxAJy3ky5ELjKUJKyfp6H78f4zjGAWcLT4YA+AEad/cQGNVtw8nGyFMinyt0jdbLs3Su18hs48yM4MKp0lBobJ8SDHk040kRBDG2Y1AqH63uYlivkaTwoEU0UUB3TJzlDtG4e/5b8nOORC40niLazQC/H5OkGV7xfJ2t3Qb+DG1HFMOQkheRXEKOyJ4s5zxz1vUQcdUhtXT0KN0hMuKilZ8NPwGSNCNNMkolm+oxWv8rVZdgwye2DdZTSblqY6+A5idHMoTLOf/kQuMpIU0zGo0+fj/Cdc1zI/QD4M8Q3BE7z16mpeQrZOQlXTmnhhCEU0UK2ybBAqrN9rxsIM8QgZ9gOwbFko3x6IDGAxBCMG5qrI+pQY0rlo5TcjC7IeE5ExppkpGmWb56HZM8Pf6U0NhQBaAIgXVO+s7vAP8UbYfI0KXkizLjF3ORkXMGPNqdkNrGyMbZ5xydNJPEcYrtmAODruMhOiHVS2M4z02wWnQIHAO9Fx0+sPIMSdOMhw87lIo25Yp7Lmvkziu50HgKiKKEVjPA9xPcgvnE6xtC4I8R/JHQd6RKJqXkL5BRRz7xZcx5NojGC2TG1m6sf7H65IYFPsOEQYJtG3iehXXMTjgZpUg/xp0sMvXaPIVLVRqaRmbpO5xlnyRZJlle6mBZOrNzZd740kLu/XEM8tTJU8DGWp8giDEMDdN4ciu3BO6iajGCbQJDl5JXkbnAyNkTiTobTBOprgeD8mzbwHaMx1tnNEHv6jjFD9dIihb+heqIljrnqGSZHHbBHac2Y/j6lo9WdtBnS1x7eZalVkB7qkivE+B1wj2H5p0lUkpWljpomsbsXJnXv7iQW6cfk1xonHP6/YhuNyQM1BTEJ0Ub+CEaDx9JTk4OajHyYPUpIiValCJ1DfkEheZRyKTcISjURSKEwDA0dF1g26pjqt+PieMUz7Meq4Oqf3kcf76ifps8eX7mhGGCZeq4ronrHv+QIpsBWtVBvzSGaelcf36Sd1Z7dD5bp+jHiDh9YjbyUkpWV3pkEubny7z+xvyhbbs5u8mFxjlGyoE5Vz/Gso0nYjMeA+8i+Clih124LiWvDKIY5/vQ9/QikgyjG2K0Q0SWgYRg5ny6XUoJvV5EHKfouhIUuq5h2QaGrg1u61iWjm0bqlV7rU+/H9FuhRQ8E+sxDJryeSZPBikZnARtdpocbx8lM0nWDtAvVTEuqZbk+YUy9y+P0Zsu0e+EWN2QeOzsu4g219EoSplfKPPqa3OMjefdTCchFxrnmE47pN+PiJOMcuVsw4ebxltvIvAfOUuckZIv5VGM00FK9H6M0Q7Q/Zi0YBHVCqQFC70X4Sx1iGreEw8nbyeTkm4nQtME1aqLZelYtjG8tm0dw9B49CDkFixWljv0uhHdrhIphYK5azZGzvklDBN0Q8NxTAonSCfIboiwdfSKizYo7BVCcOPGFG89P0n/bhO7GUD17D01Gg0fvx8zN1/m5VfmmMxt0U9MLjTOKVmW0djo09805zrDjayJqsNYeeQzC1LyBhkXyA23Ro2IEsx2iNENkbpGXHYIp4rEEx7+fEWNRn9/GalrOEttRJISP4Gd76OkmaTbCTFNnWLRZmauhOMcLeJimjpz8xWaDR9d79PvRbTbIZ5nDYRJznlGoqIZBc+iUnVPJBCzpo9WcdEvje14fbniMPWlC7TffkDyyRoiTJBHXK9GQasZ0GmHzM9XePGlGWbn8tOqxyEXGueUZsPH92OklNjO2fybIuAnCD5EILdt9JqU3ESZb+UrzAjJJEY3xGyHiDglKdoEs2WSkoM/X8afr5AWtyIXrVfnSAsmUhc4DztocUY46R1bbGRSEvgJUZhgWjpuwTyRkE3SjG4nwrGVd8LsXBnzmOkPIQRj4wXcgsnKcpd+L6LbibAdHcd98h1WOfsTRSlCU8PTSuWTRdhkK0C7PIZ+abeT67Wb0/z46jjRUhtz3Yf5sxEanU5Io+EzP1+mfmOSi3ssW87xyI8b55A4TpXQ6Me43unvbCXwGYK3EDu6SQDmB1GM3NlzdIg4xWwFGJ2QzDaIqg5J0SacLhHMVwhr3t4tmkLQrU+ROiZSX8J52MZ52CGYKYJ2eARg8ww08BNMS6NUtgmChHZLTQG27KN3gMRxRq8b4RZMSmWbmdnyY0UhHMdk4UKFtdUehhHQ60Z0YhXdGGVtUpJmRGGKpgl0Q8PQtScdFHoqSZIMvx9TKJhU9hgFfxRkkCDjFK3sYFzc3S1kWjqzX7/K6oeriM82SKeLaKcc6er1ItbX+szOlnjueo2rz02c6uc9K+RC4xzSWO8TBAmaLjBPucgtAv50j/kkxYHAWDjVT39K2Kyb6IYgBIlrkhZMOE4fvZRofoLZ8tGDhKRo489XiKsu/oUqwVxZzQk5Av6lMTLXpPL2fZyHbdz7bYLZEnIfN0YJJHFKvx8jhKBYslS4u+LQagb0+5uD+lIKnolxyPeKopR+L8IrWpTLDtOzJbQjCJ3D0DQ1ZMvzLFZXuvR6MZ12gFswjyWC9kICUZjg9xNsRydNJVEYkaZSCQ5DFawahoami2N9ljH4n4Y173jrxFPIlliNKXgWxZJ94i6MYVvrXAWxz7o/+8Y87d8tkz5oE2/0sU+xTsL3Y1aXe0zPFrl8dZz6C5N5vdCIyIXGOSMIYtrtgMBPKJatU41mrAN/jEb3kW6SLyC5geRZr+MXcYrRUakNqYthAabZCbBXu0hLJylYpAVTiYS9dkqb6ZFWAJkkqTiE0yXCqSL9S2NEteOnPkA5Ym58+RLVN+8psXGvRTC7W6ykaUa/H5OlErdg4rom4xMFiiV7IDps2q2AjXXlPNtth1i2gesae+5kg8FBpliyqVRdpqaLI98Ze0Ub2zFYXe7S6Wj0ehFRlFIonCy6kUlJvxeTphmlskWxpMaXh0FCHKckSUaSZMRRit+PQKA6ZUxdXRti39SSudEfRqbstd7pT619gkip2u2TJKNUdqhUHGpTxRO3JstmgDbhYlza3/tE0zVmfu4yD25tYKz3iccKmOboxVwcpyw/7DI55XHx0hgvfmEmFxkjJBca5wrJ+loPfxDaPuzM8uSfAh8OOkq2t6zODDwxvFP51KcEKdF7EWY7RAsTUs8imCmRlG382QpoYK/1MFqqK0Tvx9jLXUQmSQeRjnTQfmq2A4x2SGbrROMF9R7zVfoXqztqL05KUnHY+Molxn50D/mgjfOgTThdJC1YO+owHMfEKRlUx1yqY+6O6IMQgkrVxStarK/16bQD+v2YViukUDAxLR2BWmf8fkwcpZTKDmPjLhM179R2xoahMzNXpjAQQf1+TKcdYrsGzjFMvpIko9eLMAyNcsWhVvOoVB02y5mTJFVn6EFCGCSEYTIUHkmS4UdKoGhCpVpU1EO17trtALMTKg8PTVC400DvRaSfQzOnNJX0uiGavvfveFxkmiG7AeLq+J71Gdspvz5P8zufoK/0WO0EGOOFkZ6AKa+MLpWqzfxChZdfmT13k7GfdnKhcY7odSP6vZg4Sk7NFGavVImQkpcGxZ6f78Dv/ogoVcKgEyJNnbhsk8yUCCeL+Auq62MzLN6tgxbEWGt97LUe1noPvR+p9EovwlrrAYK0aBHMl4krLv2LY/gLlZH7PWSuycaXL1J9+z7S0LCXO3Q9i7auYzo65YpDqewwPlE4MA1nGDrTMyVKZZv11R79fky/HxGGCYWCSRAkpImkVLapTRapjp38IHNkJHhNH8cx2HBNup2Qfi+iE6pOh4NqQraH+N2ChVe0mJou7uqIMQwdo6jjDYSflMrlMtwmPKI4JUszkkSSJhm+r9YVvRPSminRnK/g6gI9iLFXuvSd6ucqhRLHKb2u6n7zihZTMyXcx/RykZ0QXBN9ooB2iDeFPuFRe3GGh59s4Pjq/+KMsEC+1QzIMqjVinzh5ZncWvwUyIXGOUFKycZgcJrtGKeiqPdKlThS8jUypkf+aeccKRFxhtGP0HsRWpSSlGwlDMoO/nyFYL5CWtj77DRzTIKFCsFCBTKJ2Q6w1npYaz3Mpo/IJFHNo39pjHCyeKrzNxJNcPf5KQp+QrEbUm4HzCLQKzbFqotbtuGIRXSFgoV70aTZ8Ic+Au12iGFolCo209NFiqWzcUbMVrvIXoTmx8y8OkevZLO21sPvq84Uy9b3TPFkUtLvRmSZpFR2KFccJqe8I9WRCCFUBGibIMmyjDBMicJBxGO1ixan9C6P0bs8QXO+zP1OiFG0qXWjM0uhSKmWTQhx6P5C82Osjb6aDXNEkSCBwI8JwxSvqOoxpmeKx5rMuh/7tbXuh31zmtKPH5B9uMayH2NZ+kj2kVGY0Gz4zC9UqN+YorDP9p7zeORC45zQ70UEfkwSZ3jeaM2YDkqVfJWM408neErJ5CDdoaIPIpOkBZO4oro+oqki/kJ1/66P/dAEcdUlrrr0rtUQUYrIMrIj9P1LqaZTHjcFEUUp/b6KgG2e4aUvzeLMlmCpS9HWKWQS2Q5IFldBCETFQSvbiLKDOCC6sdlyWiyp6Ea3G6LrGtOzpTPbEcs0I3vQxrhWI73fQrYCihMebsFkfa1Hu7UtxeOZWIPvEyeqG8Y0dcpli1rNG5jdnfygpGkarqvhuibZRp80ytB+9hJjL88xfnOKyUbAvbtNPuvFWL2IseXuSFIom0IiyyRpJslSSZZtXWQmEZoACW7BxN5nqrPmxzhLHVLPwtroE8xXDv3soViTUB64fo4qVSalRLYC9GsTQzfQwzCu1yguVAg/XsMRyr6+WHzc31eystJjbLzA3HyF+YXcK+O0yIXGuUDS2PDxfVURP8q8dwR8H407o0qVpBlanCLSwfhmKRGbk5ylVKpGDoarSVQRZdE6UvvlaSDiFL0fYfRjND9BWhpJwSKcLpEWTKLxAlHNI5gpk40oHCst/dBS2jhOaWz4dDshYpD/38z9b++A2KwL0HUx7PbYLGwseBblsk1hpqTO2ic9JqeKytOg6ZPebZLeaZLcbyE7IVkrIFvtIW81wDHQKi7alIew9v7epqkzM1ci8F10Qzv1DqjtZCtdRMFElGzEmEvW8NEmPHRddaYUSzZrq73h7xEZKbouCAPVOeN5FtMzpWNPEj1wmRo+6a0NjOcnsX7mIvYvPEdNCC5ckriuyYcS7m/0MaOE4urJUyhpqsRSmiohoWsCTVdRC9NUZ/LatvuSOKXTiRCCXTbuWqBERjhVJHVNCrc2Dp0dkgw+3zA0ykWbqSlvtFEsP4ZMIsoO+hFED4BWsDCuTuB9vE5prccqaht6nHWyseGjaYJazePGi9N58ecpkguNc0CvG+EPohmFEUYzGsAf7pEq+TkyZg56oZSIVCKiFC1O0KJUXQYCI7N0pCZUt8TgreW22wiBFAACPUix1vskJZu44pz+TIrNqMUgciFSVaSZFG3SqaLyq6h5RJNFovHCmQ8pS5KMZkMJjFLZ4dKVcZCSJFEDyDav4zgj8BOSNCMd3GeaOgXPojbl4boWExMFapMek1Pe7kjDhIc+4cGr88gkI33QUsLjbpN0pUvWDsmaPsm7y2jzZbSp/bpHBM4Zz1aRaUa61MF8fhLzpRlkmBDfa22dwaNSPAsXTJob/WGKJ44zShWbasVhYvLk3RB7kbUC0s/WMa7XsF6fx/7Gc8PfSwjB9XqNOEn5NE5Z/VYf04pPlELZrIdwC8rXRNc0DFNNbTZMZeVumPrgbw1NE6yt9JASul01Un1TbGhhgvOwQzjp4V+sQiqxV7sY3Yh4nymrm2LWLZh4RZvpmRL2CMUaqN9SVByMheqBkbVHMetT2O88pLTcoVey6fdjymX9RD4oQRDTboUsXKhw48XpkdZ85Owm/3X3QgBRipTyDFSuVDtKP8Z29JFZjS8D30YjOWKqRMQpZtMfigohJZmpk1k6mWUQFywlMAyd1DXJbF0JCk0JDCU0xFCASA0QArMVYDb6mE0f925LpSqqzpHSCkdiMNlU7ytxoQUx0tJJXYtwskjqWsTjLuGkR1grkhatA9tJpVRh6TSVZGk2DFmng9uGrlHwzGOfSWVZRrMR0G4FeEWLhYtVpqdLPHd9AsvUVQFimBCG6bAIcViUGCbESYZl6UpYTBaZqB1c3LkdYWgYF8cwLqowddaLSO82id9dIvl0neSzDbL1PvrlMbRzkKPOljpoRQt9voL9tSukn26Q2AayHSCqW2uvpgnGax5eyWZtpUscZ9QmCyOvIck6Aemn6+jPTWC+Oo/9554fCp5NhBDcuDlNmmTcb19k/dufMNPsHzmFst1MTfmT2ExOl45kglab8oYpOBUhs7AzifOgTVTz8C+M0XxtAWepjfughbXWJ646O7YDVY+h1rViyaZUdpiaLp5KYWTW9NGnS4d2mzyKfmkMbcKjULLxgFjX6HQCikX7WKIyyyQryz0magUuXKwyM/v5bUk+L+RC4xGMhSr6ZJF4vU96u3HkYqWT0utF+P3RRjPuAH+CtlWPISUvH5AqMToh1lqPpGwTj7lKYJg6acEi9SySokVStEk8i7Ro7WsMtSdSYq31KNxuYC93MNshzlKHzNCJq47aCR/3900yjM1aCz8GIC1YJCWbZLpIuhm1mPCIJgp7RlGklIRBQr8fq46KwTjzLM1AgK4p4yZd1waha5W+CPyYxkYffSA4CgULZx/PCVA7tXY7oNnwcR2T+YUKtUmPa9drTNS2GokPG0iVJNkwZP64aJ6F9sIURn2S5N0lwu/eJrnXJP3pCnKyiDZXRjyhynuZpGTLHYwbU1hfvoDQNfSr42gfrqoCwupumWzbBvMXKkh5/FqXw8i6IelH6+hXx7FensP587tFxiaaJnjxpRniOKO10mX97ftMLHdIL40dmEKRqBot5U+h6iFqk8ephxDUpooqcykhaPgUOwHRpId/oUrzjXmkoRFMl0g8G3ulixalQ8+Vzcm7aZpRLtuMjRcYnyicyn5PJin0IrSKc+T6jOG3NDSM6zWSzzaotXyygkO3G9JuhxSLR5+Ps7HeH4r2F25MneRr5ByTXGg8gj5XxvnlOgDxByunLDY2azNGF834GMEPts0q0QddJXs6fGYZ9moPLUgIZssEc2X8haoSFp41mhY9IVSaYrKI0Qko3GrgPGirLo2GD+t9kopDXLaV4MgkIs0QiURLs8HtnddakpE6yrMiHnNJXYtovDAQF4V9xUuSKHdMf3DRdE1ZKFecoSOkrqtwtGHoWKaGaenqYqpLpx0OIlCqNmBtrUeSZLiuORQehqEhBxNNNzb6WKbO7GyZ8YkC167XTmRydRpDxoQQmC/Nol+dIPzDT4k/WCa93SB5d0lFNypnXyacPeyosPqFKsa1GgDGlXG0MZdkcRV5ab8ooxi5lXjWj0g/XEW/PIb1hRmcX6kfKsB0XeOV1+Z4M0yIV7t0P1rDXekR73PWnElJb5DyKJcdapMn86cQQjA5XSQLYop3Alq2QTZdovvGwvDEQJo64XRRpU86IZFtkGWSbjdCE2JQ51M8tdZ6ULNNKNpokx7aCT7HrE8R/egexoM2c1fGWV7R6HZCup0Qt2DtWxC7Sb8f0+1GXLhQ4cUvzBx7Nk/OyciFxh6YL2yp3PiDFdI7TfSL1ZGLjV4vHkQzUgre423cEngPwY/F1o7QkpKfJ2Mvza4Fymgqcwz8i1W61yfpXZ043TbMkkP7pVm61ydx7zYo3G2q1ErTx9zwEahiUmloSF1D6oJscDuzzMF9GpmtE1dcogklLuKqu6coyjJJECT4/WiYw3ddE7dgMj5eoOCpOofxCW9oTqUEhXZgyDiOU9bX+qyt9bYKEvsR/W7M+mof09KHabepqSJj4wWuPjfB3Hz5XBoBaZ6F+6svYN6YIvzOpyR3GqSfbZCVbPSLY8fKoz8OMk7JVrsYN6exfubicHvT5ysqkqEJZC9CjMDs7NBlCRPSxVX0i1XMF2dwfu3GkX8Hw9B47Wcu8FajT9IJSW43EEULWdq53Gkq6XZV63CxaDM1o+zXT0yYMt70ac5XSMsOH8xUmEwl27OUwWyZwu0GzsM2/apDt6taRYtFm+nZx/fHOIysFZwomrGJNl1Eny6RfraBaIfMzVdYXe6gaYJuNyLN1Da+11aWphmrK10mJz0uXxmnNvlMWxOeKbnQ2AfzhSkVUwR1pjdysSFpbvQJgoFvxkneV8WKkcCPECxuExmulPwCGbs2Zykxm+rgHtU8wqkirZdniccONs0ZJZlj0BsIG/dBm8KtBmbLVwWkuqZSN7ZBZuuklkHmGGSW+juzDZKivedckCyTap7FwKgpCBJMQ8MtWEzUPFzXpDLmUqsVmKh5lMvOiQ78pqkzM1tiZraElJJ2K2BtrcfqSo9Wc3PqLlSrLleeG+fCxepTYQJkXB5Hn6sQ/eAO0Zv3SO+2SN55iLZQRTtWKP9kpA/biDEX49IY+pXx4f1C1zAujZF8vIZs+HDKQkNmkuSTdbSpIuYL07i/fhNxzDNf09J55c8/z7v320RBjH2/RXptAm0QXdgcSue4BsWizcxcCWuf7p8jLXOYkCyuoE+VmL4xRfPSGGPLXZYedJid3yroDGueSoNKCFf7uOMFiiWLmdnyqXcVSSnJWgHm7PHrMzYRQmDWp0g+XiNd7WFOFpmeLWFaBprWo9uN6KURnmfuWl/X1/q4rsnkVJHr9clRfKWcI5ILjQMwb0yrUAGjFxu9Xkx/YOlcrh4jmpHJYRQAAXHB4jtjHp9t2xGWpOSbZDw6fkgkGfZKF5Fl+AsV/AtjtF+cPv1OkP3QNfwLVfyFCno3QhoamaUfOWWzGbHYFBWbwsJxTUolm8mpIp6nREatpiIXj7b/PS6bFt6Vqstz12qEYcL6Wo80lczMls60JXQUCEvH/toVjOcnCf/gY5LPNkhubQx9D05LbMgoQa71MF6cwfryxV2fo18dR7zpkt5qoF/YfzbGKEjvNRGawLgyjvNrL+w78OswbNvgxl9+lY+X2mS9CHmvjbxUJYpSNfm0aFEqOczMlh5LiMooJVlcRat5mDemcP/SS7xiG6Q/vIeUDMWGZRlITbBWtKnoGhUk5pjL9EzxREPxZJJBnCKOagDWixCaUEZdsyf3rDDqk2jfK5DcaiCDBOEYjE8UsCydlZUuvU5Ipx3ilWw2lyzwY3w/5sLFKi++NHMqqcic/cmFxiGYNweemVIS/3SF9G4T/cLxxIaMU4hTcDdV9lY0w7KPGM0YuE+aDZ/MMQjmysRC8Eeaxn1z6984kaT8QhyrM5jtw9J6EfZql6RkE05W6Nycxp+vnGig18gRgrR0+FlqmmY7hEUYpMod0jGoVBympw3cgsXYmMvYuMvYmDscHnZW2LbB3BG9Ac4z+lQR919+hfidh4R/cov4Jw/IVnvopzQ9M33QRpvwMK6M7ykkjEuqZiRJ1pB+fOSD23HJNvrI9T7GF2Zwful5tPLjpTQLZYfL//rr3P4fvouxuEJrqUvsmmooWdVhct+24qMh45RkcQVtzFUi4ze/oIp9gdfemFfGXlLy8H6HmbkSzYaP5llMThcpb/Qp///t3XmQJOlZ5/lvRHiceURmRt5XVVZmldfRXdWHutW0JNQ6WoyELhjQLMuIAWZtBrMVwpBYwSzGqCXZaFjbZRCstAvLsoa0wxqwMMhGK2GGTKKRNGIGVqCV1K1+u86uuyozI4/IuA/fPzzyqOqMzDg8MiMrfx+zMq8ID/d4qzw944n3fd7nrbNi6qve13EovXQXp1ByA4fp3aeqOis5fH0R9/dnC4GVvyeMNd1H6UqSymJ6oxZHd08YK+jnzu0Ua6kCqdU8wXKFAD5WV/IMnxphdjZBf42pvdI+CjTqsB5sOA6UTH3BhlMsU1nKUklmIF2AgDvt0z8QIxcNkqmuSBnfLSHKcbBW84SWslRCfnJjvRQGYiwd6edvr62wnC5uvHS0VOYtS2vE0m5BnHIsSDkWwp8rYaXz5Id7yI32sHJ2zJNFvdqtVCqTy7o9FdlskWKxTDhsEY0E6e+PEokEiXWFNoKK/v4YsW26TKU5Pr+P0LlxcByclFth1N8XqVngq1lOroSzmCFwdozwNr0ZAL6QhTUZp3RhwZ0e2YZAw8kV3eTvuQThJ6ewtgzftKJ3dpCJd5zkVqZA37UV8oMxEkNd9A9EaaViqVMoudckHnGDjPc8hH9LwB4MBnj8NZNuJU4HblxbIRYLMXh6mKGgn+jL87Cah13WGtlOZSENPgidG6d0bdlNIJ7uwzdQe7ZKZTlLYCLedH7GVtbJYQIv3qF0KenOkqq+Z6Q6s+vOrRSpVJ7srSwBH0SiFr0j3RybS7T83tI4BRp1Cp4eAcchS+1gwylVqCxncRYz7sqEPRECQ134jw9CKICzkqO8mCb7vduEckXisRCBrhDOdt35joO1ViCYzOAE/ORGuin2x0jPJlhKdPEPf3+T9JYgY2QwxmNDMXKLPW5NhEwBK1PASuXBB5mpPtKzg6wdH+zIBZ8cx6kWqSpu9FqUyw6RiEUkGmRwqItI2B3P7htwg4r+gWjbk9cEgmfHKZ1foLI+5Xtu0NNgrnxzBf9wF8HZxI6VIq1jCfz/303Kt1Itdb1vZyMvY6Sb4IkhQk8d8fT8/W+ao3JlidVimYGsO2zSUpCRLVJ6uTpccmLI7cnY5ktLMLQebLiFvHp7I5x7dJyu/hi5xTSVxfSui5q96r3LFSo3VgkcGyB4bpzASDfFS0nKV5L4kll3lt59v9OcYhknW8TfG246P2Mr61gCf6ILLidxUnl8W3qeLCvA2EQc6+4audUshay7SOVDD2vBtP2iQKMBwTNuPc0sUHrpLmVWCEz04iy7PRfOah5fdwj/QAz/7ACBsV6suUGsuUF8sSDlV5ZIfusGyUKF3HMcP0UAACAASURBVJ0U/T4fwRsrOJbfTdDqDuFYfgLpAqFkpjo1tItCf4z0sQTZyTjFisO3/uYq2Wxpo10TU3FOnhqi4PNRmO53h1mWs+7KogtpcBzWTgxRGGpPt3czyuVKtSBVmXze7bXAcYhEg27SZjxCOGzRG4/QX13evK8/6nmVQtmdz+8j/OY5ynfWKH7nJk4ygy/hTca+ky3iLGexzo4Reu30jq8NzAzgj0coXVzEKZQbTtDcSfnqklun4ViCyA/tPo21UT7LT/97zxDBDWhKL94hMDeIv4meRbe2xzz+8TjBk8NE33V6xyGeUNji8ScmuXVjleHRbmKxEBV7iMJ/eYXytWWcYrmhmUWVu2v4ohbWeC/h18+4dWe+dZ3C316jfHWJ0vdu4Z/qw79lbZTKchZ/b4TAaC/+FteAAfAFA1hzg+7wyUL6Vf9+v9/HyGg3y0sZ0v48Q1NxelocBpPm6bd2g4JnRsHZDDZKd1PQHSYwEMV3dABrtMcNLo4Pvqq4UGA2wZWFDBfSBbqXMwSzJULzaaxMHitVIHptBfzgBPwUEu60zfSxAbJT/e6UT8fhpe/duSfImJkd4NjswL3fMP0+igMxigMxOLH/2dWO41AolKt5Fe6fYrFMKGwRCVtuwmYiRiQSdAOLgSh9fVH6+iOerBQprQskugg9OUVlNUfp4iLBXRZmq1f5xgr+kR6sE0MEdinX7e8KERiP47+46HbDe5QvUllM4yxnCT485uZltGlYMTDUTex9j5D70vcpvjxP+eV5mO7HP1h/0FZZzrpVSo8OuMMl7zxdV75KOGxx9NjmUJB/IEZgrNetCpvM7Pp/v84pVajcXsWyh90pyNWkyvCT01jHEuS/emGz2mwyg3V0AF/YcvMz4hFPejPWBU8OU/iHG5S+dxunXNkmOPTR0xuhuytEtE25RVIfBRpNCD40ujGMAu4vEGsugXV80F1foobkYoaF+TRruRJ9J4ZZtvz4CmUid1OEb6UILaQJ5IuUusNkjg6QOdp/TxXO27dS3Lm9tvH42OxAR485rqXyrKzkyOfLWAEf4YjlBhO9EcJhd92OeDziztqIR+jpDatrs4OFHp+kfHHRHUK5uow129rPXiVdoLKaI3RsgNCTO/dmrLNmBih+9xaVZBY8+PBwsm5ehnViiNBrpz3JH9iJPx4h+o8fxvfl8xQjFqXzbnKrfzK+63BUeSFN5ao7dOUWEDvZUq+OZQ9RNPOUb6fqDjQqt1bdxdAm41gn763QExjsIvpjZyl++wb5/3zV7d144Tb+ibg7rXWqz9P/X/9Yz0ZNjcpSlkCNgE0pW/tPgUaTgg+P4R/uBr/vni7CWhzH4dLFRZaWsm52dPWbgBMKkJ3sIzvZhz9fwlrJUeyL4NyXcJfLFjHfn9943NcfYWbWm2S1dlhZzrK8lHNzK9YDjLibaR+Pu3+8XFlT2s8X8LtDKPNrFL9zq2ZJ8HpVbqwQGO0leHK45ofE/axjbpXQ8tXlGt9i6+eUK25exnjvxjf0veALWUTefhJ/fxRCFqXz8zjniwRmEzX/PeVbq1Rup7BODhN6dILwm+daHt6xjg+5FVcvJzemie7EKWwWVAs/dWTbUuw+v4/QY5NYMwPkvnqR0sUFSpeS+EIBAn1R/CPe9Sz4fD6CJ6s1NRbSdf8Myd7Tb/oW1PstANwliefvpkmv5Zmc3r4OQCVsUdjmW5rjOLzw3TuUShX3fS0/Zx4e7djZFctLWVZWcoxP9DJ7fJCpqT7NBnlABEZ6CD02SWU1T/mVJXcZ9yY+8CpreZx0wV0NtYEPeH9/DP9QN8SCbnd8EzMm1pWvLuMLBwgeS+y4hkk7+Pw+wk8fxZ+IkfuKRenCAqXv38GaG7rnA99xHMrXVnCWM1inhgk/dYTQ6456ci/5u0JuIbT7ponWUr65gi8Rc6cg7zIjx98fI/qjD1H87m0K37ziDnW1YSmHjZoaryzVFSzJ/lA/9R65dHGR5ft6M+p19coyS0vZjccnTw115GwLx3FIJjOsVoOMk6eHsU8O0dUdUpDxAAk96Q4x+LpClK8tN3WO8vUV/GM9BE+PNNwrsr72SWXLPdHw+y+kcVI5rNkE4bed8CRBsRlBe5jYP36Y0MNj+BNdlL5/m8pqDnBnwpQvJ3FWc1inRoi8eY7w62c8vZesE0P4E11UFjMbK8Bux8kWcZIZAuNxwj9QX6Dj8/kInR0j9hOPEvlHNuHXH/Ws3ev8PWG3xspAjMpi2vPzizcUaOyBZDLD3btrpNby9PU3lvmcWs1z4fzixuPhke6OXNbYDTKypFMFxifinD49wqzH0yClM/hCAcJvmiVwpJ/KUoZKKlf3sY7jUL6TglyRwFgvoSemGn5/N9CIuVPJK7U/HGu2IVOgcnUJa3aQ8NNHsSbbW2l0N4GRHqI/fpbQuXECMwnKFxYo30lRvrAAhTLBMyNE336S0GPbLo3YEuvYgDu9tVLBSRdqvq58Y8UtyX58kMB4Y1OL/fEIoUcm8EXa8+XIqg69VRbSOwZLsn8UaOyByxeTbm9Gd6ihWRTlcoXvfff2xs0TDgc4dXq44z68HcdhcSFDJl1gbKKXMw+PMtNioqB0Nmuyj9C5caypfsqXl3DKlV2PqazkKL1wh8p8GmtukNDZ8aYqb/pHewj0R/GFAzipfEPHbuRlTMQJnhom+Lj3H97N8HeHif7IQ26hsFPDVO6kwO/DOj1C9F1n7lno0Uu+kEXw2MBGr8Z2Kmt5KqkcgfFeQj/gbX0RL1gzA/gTMXfdpwZ/HmRvtDygZdt2PSHkZ40xP13HuR4BngPeAPQAV4A/BH7dGHMgf4LW1vLM310jlcozOdVYaeqL5xc3lpAGOP3QSMcta+w4DgvzafK5EuPjvTx0doypGjko8mAJv+4o5VeWqCQzVG6u1lyDxMkW3XoNmQKByTiB8TihJ6YInh1r6n19Pp9bU+P8ApWlTN3LjTuOQ/nSIr5YkOBsgvBbj3dU0O4LBgg/ewJ/oot82MIXDRJ91xkCo+3twbRODOP/9k2KZh7nvrWcHMehfH2FwHic4OnRHWfV7RdfMIB1vHZNDdl/XmTOfKzG8z7gF3EDhq/udhLbtp8C/goIAX8GXAPehht4/KBt228zxpQ9aO+eun5thVQqTzQabGiBreRihquvbI5/T033keiwrGrHcZi/m6ZQKDM+Eefhc2NMTB78dT6kPr6wRfiNxygvZSh97za+gdg9uQ5OsUz5xgpOMoN/tMdN/Dw3TuiJqZbXKrFmEu6MiZcXcBynrllf5VeWcEoVd9n3H7Lxx/YnL2MnPp+P0OOTWMcG8EWCbVvTZavAVJxAootScBFnNYcvvpkz46zmIF8iMNpD6MnGh7n2SvDUiFtT47u1amrIfmo50DDGPLfd87Ztfxg3yPhdY8zn6jjVbwAR4MeMMX9WPYcFfAl4FvgJ4N+32t69VCpVuHl9hdWVHImh+rPji8UyL3z3zsbjrq4Qcyc6ayjCcRzu3lmjVKowMdHL2UfGGWtw7FYOPutYgtCZUSpLWcqXk/iqpford9ao3E7hG4hiPTxG0B5yZ1m0MB12q8BkHH88Cr7qqqC7FNmq3E7hrObdfIcfsj0vYe41f3/zs2ka5Qv4sY4PUry0SGUh4/6/sjnjJTARJ3SuuWGuveIf6d6sqZHMEOigKsjSphwN27bPAJ8ELgEfqvOwJ4Gl9SADwBhTAn6v+vBpTxu5B27dXCWVyuNA3bNEHMfhpRfvks+71T99PnjobGfV6Hcchzu31yiXHcYn4jzy2ISCjEMs9IYZrOk+CPgoX150KzWmclinhgg/OU3sfeeIvuOUZ0EGuCW9rSP9+PuiOMs7zz6pLKbdGhT2EOFnZlsuNPYgsuwh/IkYznJ2I9/GSWYAx83N6JBcllrWa2r4q0mh0lna9en1m7hDIB8wxmyfYfRqi0Cvbdv3l44br27nOUAcx+H6tWVWVnL0xutfqvz+6p+zcwl6ejtnpdVCocztWymcisP4RC+PPj7BSJvHkKWz+WMhwj94DGtmACdfInC0n9Brpoi++wzRHz+LtUt9hmYFjg3g22Waa2U1V638OUj4tdPuarTyKv7hbrcXoCuEs+TO5ilfXyEw2UfosYk9GcJplWUP4R+IuVNxc8XdD5A943l1E9u234471PFlY8xfNHDoZ4CPA39s2/YHcXM03gp8FEgCv+91W9tpeTnHUjJLNltkaLi+3IpXV/+McmSmvSWR65XPl1heypLNlOjpDTM41MVjj090XN6I7A/rxJDbvd4fJXRuguC5MU/WQtnxPY/0u4usFcs4ueKrpk86mQLli4sEjiUInh0n9LqjbW3PQebz+bDsIUoX3FV6feUKhAJY470Ezx6M4Mzf7dbUKL2yRGUhQ0D5Yh2jHWXUfrm6/UQjBxljPmHb9hJursb3t+x6EXiPMeaqR+3bE9evLrO6mqOrO1TXsMf21T9H9jUr3nEccjk3wMjnSsT7ogwNdTMy1sPsbILeOrP95cHn8/kIv/U44erf9+Q9wxbWVB+li4vuWhdjm4GGUyhTOr9AYCJO8NQIkWdPdNQMk04UPDFE4W9eoXx1mUqmQLBatdXLVXLbzTo1TODFO9UpzBrO7RSeBhq2bT8KvBH4ujHm6w0e+ybgV4AS8H8Dd3HzMl4L/L5t2z9ijEnWcZ4XauyabaQ9rcjnS9y+nSK1mmd0vL5hhevXVjqm+qfjOGQyRZaXspRKFfr6ooyN9TI20cvRmQF6ejpnKEc6x358kAeODuDvu0n5TmojwdMpVyi9PI9/IIZlDxF9x8mNVUalNn9flMBEnNLlJD7HITDZh3WqPfU72sWaSeBPdMHlJM7qgayI8EDyukfjZ6rbzzRykG3bk8AXgQzwiDHm/JZ9z+EOn3wOeKc3zWyvm9dXSK3msIJ+wnUsHFYqlbl0cTOG2q/qn47jsLZWYHkpC447dNMbjzA5GefITD+xDpwOKIebNTOAPx5xS3UXyxDwU7qwgC8WxDoxWPcy6uKyTgxRfOkuvrBF6LXTB26aqM/yY50YdJepX0hr7ZMO4fVVeA+QBr7Q4HHvB6LAx7YGGVUfA34S+GHbtseMMbd2OpEx5sx2z1d7Ok432K6GVSoO1665U1p765wOduXyEsWCWyIkEPBhnxra82+H6bUCi4tp/H4/AwMx4vEIU9N9TB/trytYEtkP/p4wgbHejeETJ13A54B1fJDou87UXcxLXMETgxSruS/W3MGcnRM8OUzhW9cpffcWDHVrmfgO4NkniG3b54Bp4I8amGmybr2u7Yv37zDGONUgYa76uh0Djf22MJ9mdSVHoVimq3v3HoBcrsjVK5uFufb6g71cqrCwkCaXKzE01EVff4wjR/qYnO5rqMCYyH6xjg1QfOE2pWvL+EIBgqfdtUEC26yELDvzRYJ0vf/xuoqgdSr/cDeBUbemhpPM4kt4N61amuPlJ9p6nYuvNXHs7erWZvvekOPVbUcHGQDXrrpTWnt6wvjrWHb64oUklerCUKFQgCNH92aWieM4bi/GQoaurhDTR/o4NjvIsdmBjqrZIbKbwMwAvr4ovpurWCeGiLz5ONbRnZcxl50d1CADNmtqlC4sULqwuPsB0nZefqK8prr9VhPH/glQAX7Jtu2ZrTuqU11PA98wxrzSWhPbK50uMD+/RnotX9eMjLVUnls3VjceH5tLNLyEfDNKpTJ3bq+RTGYZHu1mZjbBDzx9lOMnBhVkyIHjH4gRGO7GOj1C+AeOEnxodL+bJPvMsofxD3SBkoA7gpc9GnPV7Y2dXmTb9jPAM8C3jTGfBzDGvGjb9n+HO7X1O7Zt/wfcWSdP4M5iuQ38rIdtbYvr15ZJreaJRKy6hh3Ov7yw8fdYV5DxNk/HchyHVCpPciFLT2+I0bEe5o4PcnRmoK7eF5FO5PP5iL7jJJVklsAx9WQI+LtCWEf7KV3ZdaKi7AEvw72h6nZ5x1e5QcZHgfdufdIY8+9wF1H7T8C7gV/Azcn4NPDoNkmiHaVcrnDz+iqrq7m6ejMWFzMsLmymshw/MdjWD/tiscytmylWlnOMjvdwbDbB0687yrHZhIIMOfD8/TGs2cSB7vIXbwVPDhNQQcGO4FmPhjGmrhkd1UXYnqux78vAl71q0166fSvF6moOx3GIxnaeTuc4DufNZm9GX3+UwaH23BCO47C6kmcpmaE3HiEx2MXxE4NMH+lXgCEiD6zA0QH8g104WZUj32+at+gBx3G4dnV5Y0rrbt+qbt9KsZbaLCZz/MRgW76JlcsV7t5Zo1xyGBvvZXSsh9MPjdLVpXoYIvJg81l+gieG3CnPIX3U7Sf973tgZSVHMpkhky0yuMu6JuVyhQvnNzOhR0a7ifd5P9e/UChx+9Ya0WiQicluTthDTE33qWtZRA6N0FNH8MUjWHOD+92UQ02BhgeuX10mtZqjq2v3dU2uXV0mn9tcAn72uPc3QCZd4O6dNP0DUUbHenjksQmVDReRQ8cXCmjF3g6gQKNFhUKZW7dSrK7kGRnbuUBQoVDmyqWljcdT033EdsnnaITjOKws51hezjEy2s34RJxzj4wRUmVPERHZJ/oEapG7rkmegLX7uiaXLyU3Vme1LD9HPZyKV6k4LMynyedLTEz0MnMswcnTw0r4FBGRfaVAowWVisP1a8vVKa3hHfMfMpkC169uzvw9emyAkEfLL5dKFe7cThHw+5mcinPq9IjyMUREpCMo0GjB4mKa5ZUchXyJ7l1WW714fhHHrTROJGIxNR33pA35nLskfXd3mNHRHs4+MkZCc8dFRKRDKNBowfqU1p7endc1WVnOcef22sbj2eMJT0p9r6XyLMxnSAzGGBvv5ZFHx4lp6qqIiHQQBRpNyuWKzN9Jk0rlmZis3TvhOA7nX57feNzTG2Z0l96P3TiOw1IyS2o1z+h4D1NTfTx0dlSrrYqISMdRoNGk5GKGbLZAKBTYMddiYT7N8lJu47EXxblWlnOk0wUmpuLMHR9k7nh7y5eLiIg0S4FGk5LJLNlsiUi09vRUx3G48PJmca7EYIyBRKyl902nCywv55iY6OXMQ6N7tqy8iIhIM7SGbhMcx6n2aBSJRmvHardupkinCxuPj59orThXIV9i/s4aIyPu0u7TR/paOp+IiEi7KdBoQjZbJJMuUMiXiUS279GoVBwuX9zszRgd66G7heqc5XKF27dTDCRiTEzGOXlqWNNXRUSk4ynQaMJSMks2VyQcCdTMjbh5Y5VsdrPU+LG55otzOY7DndtrxKKh6hTWceVkiIjIgaBAowlLyQy5bJFojfyMcrnC5YvJjcfjE73EYs1NO3Uct+InwMiou26JV4W+RERE2k2BRoMcx3ETQTO1E0GvX1shn3d7M/x+HzOzzfdmrK7kyWZLG8W4Whl+ERER2WsKNBqUzbj5GcVimUjk1YmgpVKFK5c3F06bmIzXzOPYTSZTZGkpy+hYDydPDTM0vPOibSIiIp1GgUaD3GmtRULh7fMzrr2yTLFQBsAf8HH0WHPTTwuFMndvrzE83MXRo/0cmdE0VhEROXgUaDRoaal2fkaxWOaVK5u9GdPTfbuu6LqdcrnCnVsp+vojjE3EOXVmRDNMRETkQFKg0YB762e8OtB45crSPcvAN9ML4TgOd++sEY5YjI71cu6RcU/WRREREdkP+gRrQCZTJJMpUixWCN+Xn1HIl7j2yuYy8NNH+5taeyS5mKFScRgd7eHco+Pb5oGIiIgcFAo0GrA+rXW7+hmXLy9RLrvrwAeDgaaqdq6l8qytFRgd7eGhs2PE4xFP2i0iIrJfFGg0YKmaCHr/LJJcrsiNaysbj48e68eyGvuvLZcqLC5kGB7pZu7EUMsrvIqIiHQCBRp1cutnVPMzYvcGGpcvJqlU3N6McDjA5FTtZeNrWVzMEOsKMTzczexcwpM2i4iI7DcFGnXKpN38jFKxcs9MkkymwM0bqxuPZ2YHGk7ezKQLZDNFEoMxTp0ZUXlxERF5YCjQqFNyIz/DuicQuHQhieN2ZhCNWoxPNNabUam4JcYHh7qYmRmgry/qZbNFRET2lQKNOi0lX70s/Npantu3UhuPZ2YTDfdGLCUzhMIWicEuZo+3toy8iIhIp1GgUQfHcVhaqiaCbqmfcfH85jLwsa4gY+ONJXDmcyVSqwUGh7o4dWa44QRSERGRTqdPtjqk04Xq+iab+RmrKznm76Y3XjM7l2ioeqfjOMzPrzGQiDI11cfQkNYxERGRB48CjTq401pLRLbkZ1y8sNmb0d0TZniksUBhZTmH3+cjkejCPjnkaXtFREQ6hQKNOqwX6lovO55OF1hcyGzsnzveWG9GsVBmeSnL4HA39qkhQk2shyIiInIQKNDYhVs/I3tPIujS4maQ0dUdIjEYa+h88/Np4n0RxsZ6GRvv9bzNIiIinUKBxi7SawWymQKl0ub6JktL2Y39AwOxhnozUqk85XKFxGAXp04Pa1VWERF5oCnQ2MV6NdBwxMLn87kzUJKbgUb/QP11L0qlCsmFLEND3czNDRLrCrWjySIiIh1DgcYu1hNB18uOZ9JFCoXyxv7+/voDjcWFNN3dIYZHupk+2vgS8iIiIgeNAo0duL0X1UTQjWGTzfyM7u4QwVB9S8Gn0wVyuRKJoRinVWZcREQOCQUaO1hbK5DJFu/Nz7hn2KS+JNBKpbKlzHiCXi3/LiIih4QCjR2s92ZEoq3lZyQXs0QiFkODXcwe18qsIiJyeCjQ2EFyPT+jWj8jk7k3P6OvjvyMXLbI2lqBwcEuTp0ZaXhlVxERkYNMn3o1rOdnZKs9GnDvsEl3d4jQLvkZlYrD/N00iUSM6SP9JAa72tpmERGRTqNAo4a1VJ5stki5vLm+yVJyMxG0nmGTpaUsVtDP4FAXJ2yVGRcRkcNHgUYNyWTWzc/YWj9jqf5E0Hy+RGo1z9BQN6dOj9Q9O0VERORBokCjhvVhk3vyM/L15Wc4jsP83TUGBqJMTsUbXnBNRETkQaFAYxuViju7JJspEqkGGlvzM7p2yc9YXsrh9/tJDHZx8tRw29srIiLSqRRobGMjP6PiEA67AcXyUn3TWgv5EivLWYaG3CBDK7OKiMhhpkBjG0tL7mqt9+RnbE0ErTFssr4ya19/lPGJOKNjPXvVZBERkY6kQGMbyfWy49Vhk2ymSD6/+/omKys5cHBXZj2jlVlFREQUaNynUnFYTmbvSQTdOtukqzu07XBIsVBmOZllaLgb++QQkUhwz9osIiLSqRRo3Ce1JT8jVM3PuKfs+Da9GetDJvG+KKNjPUxMxvesvSIiIp1MgcZ9lqv5GdFI/eubpFbzVMoVEoMxTj80oiETERGRKgUa9ymVypTLFayg25uRzRbJ50sb++/v0SgVyyQX3SGT4yeGiMVCe9peERGRTqZAYxf31M/oujc/Y33IpKc3zMhoD1PTffvRRBERkY7VcpEH27adOl72WWPMT9dxrn7gV4EfBcaBm8CXgeeMMbdaaWezdho2WVsrUCpWGBt3h0z8fg2ZiIiIbOVFNamP1XjeB/wi0AN8dbeT2LY9AnwNOAH8JfCnwGPAvwDeZtv2a4wxix60t26vXt9kM9CoVCoszmcYHevh+PFBurvDe9k0ERGRA6HlQMMY89x2z9u2/WHcION3jTGfq+NUv40bZPy8MebTW87zUeA54CPAL7fa3kZksyXyuc38jK3rm2QzJUKhAAMDUY7MDOxls0RERA6MttTHtm37DPBJ4BLwoTpePwn8OPBXW4OMqk8Bs8CeD51srQYa6wpuLBcPbpJoJGqRGOzSkImIiEgN7VqI4zeBEPABY0xmtxcD78Adavnj+3cYY1aAn/K2efXZaVn4XLZIYrBr1+XiRUREDjPPAw3btt8OPAt82RjzF3Uedq66/Z5t2z8J/ALwELAK/Dnwa8aYBa/buhPHcSuErts6rbVcrlAsVohELAZ2WGBNRETksGtHj8Z6HsUnGjhmvLr9JeDdwH8EvgG8Hvg54C22bT9ljEnudiLbtl+osWu2gfZQKJTJbcnP2JoImsuWCIctenojWp1VRERkB55+Stq2/SjwRuDrxpivN3Bod3X7HuCdxpgvVc/nA/5X4F8Cv447A2VPrK0VNv5eKz+j1uJqIiIi4vL66/jPVLefafC49aVR/3Q9yAAwxji2bX8E+GfA+2zb/jljTGWnExljzmz3fLWn43S9DVpL5Tf+fn9AofwMERGR+nhdGfQ9QBr4QoPHrVS3f3f/DmPMKnABiANDLbWuAVt7NLYGFMrPEBERqZ9ngYZt2+eAaeALdc402cpUt7UWCll/vtHzNiWfL1EslDceKz9DRESkOV72aDxd3X6tiWOfr26fvX+HbduDwAxw2RiTaq5pjUmtbg6bxGLKzxAREWmWl4HGa6rbbzVx7PPAi8Abbdt+//qTtm37gd8AgsDvtdrAeqW25mcMvDo/IxoNKj9DRESkDl72/c9Vtzd2epFt288AzwDfNsZ8HsAYU7Ft+58CXwE+a9v2PwFeqr7uceCbwP/kYVt3tLVHQ/UzREREmudlj8Z6oubyLq97Bvgo8N6tTxpj/gF4FPgD3MXUPoCbAPox4C3GmKKHba0ptZqnsCU/o29Lz4XyM0RERBrj2aelMaauqaPVRdieq7HvFeBnvWpTM27dXN34eywWJBLZJj9DvRkiIiJ18Xp664F388ZmoFErP2NA+RkiIiJ1UaBxn5tbejT6auRnaMaJiIhIfRRobLG0lL03EVT1M0RERFqiQGOLSxcWN/4eCgeIRIIbj5WfISIi0jgFGltkM5tlx3t6wvfsU36GiIhI4xRobPHYE5NMH+mjpzfMyGjPxvPKzxAREWmOAo0tYrEQb3/nSeyTQ4RCgY3nlZ8hIiLSHAUadVB+hoiISHMUaNQhq/wMERGRpijQ2EW5VKGk/AwREZGmKNDYDUQszgAADRNJREFURTZXVH6GiIhIkxRo7CKXLSk/Q0REpEkKNHah/AwREZHmKdDYgfIzREREWqNAYwfZXJFwRPkZIiIizVKgsYNctkRU+RkiIiJNU6CxA7dQl/IzREREmqVAo4ZyuZqfEbboV6AhIiLSFAUaNeSyJcIRi9545J51T0RERKR+CjRqKJUr1fwM9WaIiIg0S4HGDiLRoBJBRUREWqBAowa/z+fmZ/SrR0NERKRZCjRqUH6GiIhI6xRo1KD8DBERkdYp0KhB+RkiIiKtU6CxDZ/yM0RERDyhQGMbEeVniIiIeEKBxn2CwQChsMXgYNd+N0VEROTA05Kk95mc6qOrK0SfloUXERFpmQKN+/j9PhLqzRAREfGEhk5ERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jQINERERaRsFGiIiItI2CjRERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jQINERERaRsFGiIiItI2CjRERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jdXqCWzbdup42WeNMT/d4Hl9wFeANwEzxpgrjbdORERE9lPLgQbwsRrP+4BfBHqArzZx3g/iBhkiIiJyQLUcaBhjntvuedu2P4wbZPyuMeZzjZzTtm0b+Lettk1ERET2V1tyNGzbPgN8ErgEfKjBYwPA54C7wHe8b52IiIjslXYlg/4mEAI+YIzJNHjsvwKeAP45kPK6YSIiIrJ3PA80bNt+O/As8GVjzF80eOyjwL8GfscY8xWv2yYiIiJ7y4tk0Pv9cnX7iUYOsm07jDtkch34SLNvbtv2CzV2zTZ7ThEREWmOp4FGtUfijcDXjTFfb/DwTwBngDcZY9a8bJeIiIjsD697NH6muv1MIwfZtv164MPAp40xf91KA4wxZ2q8xwvA6VbOLSIiIo3xOkfjPUAa+EK9B9i23QX8Ae4MlV/xuD0iIiKyjzzr0bBt+xwwDfxRgzNNnmAzfyLtltB4lcvV51UhVERE5ADxcujk6er2aw0ed4Xa1UV/FpgCfgtYrv4RERGRA8LLQOM11e23Gjmo2kPx3Hb7bNt+K26g8Sn1ZIiIiBw8XgYac9XtjZ1eZNv2M8AzwLeNMZ/38P1FRESkw3iZDDpU3e42vPEM8FHgvR6+t4iIiHQgn+PUs8r7wWfb9gtzc3Onv/jFL+53U0RERA4iXzMHtWutExEREREFGiIiItI+CjRERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jQINERERaRsFGiIiItI2CjRERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jQINERERaRsFGiIiItI2CjRERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jc9xnP1uw56wbXs1FAr1TE9P73dTREREDpwLFy58wRjz7kaPs9rRmA4VLRQKlQsXLry03w2RV5mtbi/uaytkO7o2nU3Xp3Pp2lQdpkDjZQBjzJn9bojcy7btF0DXphPp2nQ2XZ/OpWuzSTkaIiIi0jYKNERERKRtFGiIiIhI2yjQEBERkbZRoCEiIiJtc2jqaIiIiMjeU4+GiIiItI0CDREREWkbBRoiIiLSNgo0REREpG0UaIiIiEjbKNAQERGRtlGgISIiIm1z4FdvtW37p4BfAGwgA/wl8KvGmFfqPH4a+DjwFiCBu8rrZ4wxv9eeFh8eHlybNwEfAV4LdAM3gS8AHzfGzLel0YdIq9fnvnP5gK8AbwJmjDFXPGzqoePBvdMP/Crwo8A47r3zZeA5Y8yttjT6kPDg2jwCPAe8AegBrgB/CPy6MSbfhibvuwPdo2Hb9r8BPgtEgM/g/qL7r4D/17btmTqOPwL8DfBfA38FfBroAv4327Z/o13tPgw8uDY/XT3mB4EvAr8NXAc+APydbduj7Wn54dDq9dnGB3GDDGmRB/fOCPCfgQ8D53HvnUvAvwC+adt2ok1Nf+B5cG2ewv3MeVf12P8ZyOMGHl+ybTvQnpbvrwPbo2Hb9jngvwe+AbzFGFOoPv8nwH8Afgt49y6n+U3caP+HjTFfqh7/UeCrwC/atv1/GWO+1aZ/wgOr1WtT/Tb228Aa8IQxxmzZ93Hg14D/Afhn7fo3PMg8une2ns8G/m0bmnroeHRtfhs4Afy8MebTW879UdwPtI8Av+x54x9wHl2b38ANUn7MGPNn1eMt4EvAs8BPAP++Lf+AfXSQezQ+WN1+fP2CAxhj/hz4GvBO27Ynah1c7c14L/DN9SCjenwW94fJB/zLdjT8EGjp2gDvwO1S/N+3BhlVn8D9BvAuD9t72LR6fTZUv4F9DrgLfMfrhh5Crf5emwR+HPirrUFG1aeA/xPQ0ElzvLhvngSW1oOM6vElYH2o/mkP29sxDnKg8WaghHuB7/cV3EBhp67cZ6qv+co2+74BFKrvIY1r9dp8H3d8+U+32VcGirg5G9KcVq/PVv8KeAL450DKk9Ydbq1em3dUX/PH9+8wxqwYY37KGPMpLxp6CHlx3ywCvdVe263Gq9sHMvfsQA6d2LYdAo4AV2okz1yqbk/ucJoT1e2F+3cYY4q2bV8DZmzbDm2NXmVnXlwbY8zfA39fY/c/wg0yau2XHXh076yf61HgXwO/Y4z5im3bH/OupYePR9fmXHX7Pdu2fxI3afEhYBX4c+DXjDELHjX50PDwvvkM7uSDP7Zt+4PANeCtwEeBJPD73rS4sxzUHo0B3OgxWWP/SnXbt8M51hOidjqHH+htuHWHmxfXZlu2bcdxu38B/pfGmyZ4dH1s2w7jDplcxx3zl9Z5cW3Wvxn/Eu71uQH8DnAV+DncZNCB1pt66Hhy3xhjPgH8PPBG3J7bNeDzuMNZrzXGXPWktR3moAYaoeq21lSg9ecjbT6HvFpb/l9t2+7BnX1yHPgL4P9oqnXi1fX5BHAG+BljzJoXDRNPrs36kOJ7gHcZY37EGPMh3Cniv4t7//x6qw09hDy5b6pT9n8FdwjmD3EnJPwX4DTw+w9qEHhQA41sdRuqsT9c3e70C9CLc8iref7/Wp3K+jzwOtyb8p8YY5xmG3jItXx9bNt+Pe7UyU8bY/7aw7Yddl7cO+Xq9k/vS3J3cHuecsD7bNs+qL/794sX980k7pelCPCIMeafGmM+ZIx5CvgY7lT+z3nU3o5yUH/YVoAKtbup4lteV8t6F9hO53Bwxzalfl5cmw22bT8M/C3wGO6042eNMUo6bF5L18e27S7gD3DHpH/F68Ydcl7cO+v7/u7+HcaYVdyctDgw1GQbDysvrs37gSjwPxpjzt+372O41+aHbdsea6WhnehABhrV5MxLwLRt28FtXjJb3b64w2leuu+1G6rnnHLfylRaaeth49G1AcC27TfjzgCawp1b/nYFGa3x4Po8UX3NHJC2bdtZ/4Pb4wRwufrcUQ+b/sDz6N5Znw5e65v3+vOZxlt4eHl0bY7Uek21x+mF+173wDiQgUbV87g3zeu22fcW3N6I/7TD8X9dfc12U1jfUD33N1pr4qH1PK1dG2zbfgPw/+Am437SGPN+zf7xzPM0f32u4H772u7Pteprfqv6eNmrBh8iz9PavfN8dfvs/Tts2x4EZoDLCtib8jytXZvb1a1dY//x6vaBq3NykAON9WTAT9q2HV1/0rbtH8ENFP6jMeZ6rYOr+/4SeKNt2+/dcnwU+DfVh5/xvNWHQ0vXploi+U9wuxl/zRjzq+1s7CHU9PUxxlwxxjy33R/cmQ0An6o+p0CjcS3dO7gfhi/i/l57/5bj/bhVKYNsFoeSxrR6bf4Ed/jll+4vV16d6noa+EYzaw11Op/jHNycOtu2Pw38t7j1/D8PTALvAxaAp40xl6qvewa3QNe3jTGf33L8Cdy683HcH4LruNVCj+OOo2naXpNauTa2bX8StxDUMu6341o+rqGt5rR679Q45zdwv+1pUbUWePB77VHcAlJ9uKWtX6q+7nHgm8Azxpji3vxrHiweXJsP4QZ8a7hly+/iDke+EbfH4we3yd848A5yjwa485F/Hndq0QdxL9YfseWCVz2DWxDlvVsPNsa8DDwF/BnwQ7g/QGngv0FrAbSqlWvz9uq2r7qv1p+D/vO7n1q6d6StWv299g/Ao7hJu4/hLkQYxx3OeouCjJa0em3+HfA23CGWd+MWVDuCu6Dnow9ikAEHvEdDREREOpu+EYqIiEjbKNAQERGRtlGgISIiIm2jQENERETaRoGGiIiItI0CDREREWkbBRoiIiLSNgo0REREpG0UaIiIiEjbKNAQERGRtlGgISIiIm2jQENERETaRoGGiIiItI0CDREREWkbBRoiIiLSNgo0REREpG0UaIiIiEjbKNAQERGRtvn/AQzQBN0+JRJ7AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(results, 'mean_freq', \n", + " colors[2:], labels[2:], filename='lfp_speed_freq_30', ylim=(7.3, 8.3))" + ] + }, + { + "cell_type": "code", + "execution_count": 78, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhoAAAGTCAYAAABu7rurAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdeZBU9b3//+fpvaeX2fcBBNGjgAuohAtX488t0Ri/uSmzGG+MlkkwX/VrGQ2/3HvL0m8SvynLfPONPxOjuVbka5bSeCvEBKOAMRoTFWVHlmYdZp/e973P+f1xehoGGGCGGYaB96Oq6elzuk9/eujp8+rPqui6jhBCCCHERDBNdgGEEEIIceaSoCGEEEKICSNBQwghhBATRoKGEEIIISaMBA0hhBBCTBgJGkIIIYSYMBI0hBBCCDFhJGgIIYQQYsJI0BBCCCHEhJGgIYQQQogJI0FDCCGEEBNGgoYQQgghJowEDSGEEEJMmLMmaKiq+kdVVf842eUQQgghziaWyS7AKXTu7Nmz5wD6ZBdECCGEmIKUsTzorKnREEIIIcSpJ0FDCCGEEBNGgoYQQgghJowEDSGEEEJMGAkaQgghhJgwEjSEEEKIE1QqaeRzxckuxpRyNg1vFUIIIcZE13X6++Ls3hUkny/xz1fNxOm0TnaxpgQJGkIIISZdqaSxY9sgDqeVWefWYzKNacqGCRGJZPDt8BMMJAkG09TXV5HJFCRonCAJGkIIISZdf1+CffvCAKRTeeZd3DrpYSOTKbDbF6C3J0Y4nCaVLKDLnI+jJkFDCCHEpNJ1nQOdYaLhDJlMAV3TKZY0Lrm0DbP51HclLBY1OveH2b8vTCScJhrJ4nJb6ZheTX9f/JSXZ6qToCGEEGJSBQIpIpEM2WyRxmYXgwNJNE2nVNS4dEE7Vqv5lJTj0H4Y4VCaUCiNxWKitd2D3S6ny7GS35wQQohJdWB/mFgkg6fajtttx2I2MVAOG8WizoLL2yf8RB+NZNh5SD+MYlGjvr6KKpcVRTl9+otMRRI0hBBCTJpoJEMgkCKZyjNteg0ADqeV1jYPA30JNE1HK2ksuKJjQjpfGs02EXZu9xMKpUkl89TUOvBWOya9j8iZQoKGEEKISdO5P0wsmsXttmGxHOyPYbdbaG33MtAXp1TSKGk6l13egcttG7fn1jSdHdsH6dwXpr8/gcNhoWN69bByiJMnv00hhBCTIpXMMziQIBHPUl3jPGK/zWamrcNLKpWnpzvKh2u7iMWy4/Lc+XyJDet62LMrSG9PnOpqO41NLgkZE0BqNIQQQkyKA50RYrEsDqcVm+3oHT4tFjNt7V4G+hL0dsfQNJ35l7VTV1c15udNJfNs3NDLQH+ccChDU7OLKtf41ZSI4SS6CSGEOOVyuSK9vTFisSw1NY5j3tdsNkZ+FEsavd0x1n/Ug9+fHNPzhoIp1r5/gO4DEaKRDG3tHgkZE0xqNIQQQpxyXQeixGNZLBYTdsfxT0Umk4mWVg/+wSS93TFKRY3aOictrV6aW9w4HMfvKNrdFWX7tgEG+o1Opu0d1ZilqWTCSdAQx/X000/z05/+9IjtdrudhoYGFi1axLe+9S2mTZs2CaU7PlVVaW5u5m9/+xsAa9eu5Y477uCzn/0sP/rRjya1bNdccw29vb385S9/oaOjY1LLIsSpUixq9HRFiUYz1NVVnfDwUZNJobnFTTCQ4kBnBL8/SW9PHJfbRn19Fc0tHppbPEc0w2iazi5fgH17QvT3x7HbLTS3uGRUySkiQUOcsIULF7Jw4ULAGBKWyWTYv38/f/jDH1i9ejUvv/wy55577iSX8vja29u57777UFV1sosixFmptydGLJZB16HKNbohq4qi0Njkpq5OI5nME4tlCPiTBAaT9HRHqXLZaWisoqXFS1OzC4Atm/vp6YoxMJCgusZBTY1D5sY4hSRoiBO2cOFC7r///iO2r1y5koceeognn3ySZ599dhJKNjodHR1HfR1CiImnaca8FdFo9qRO+GaLieoaB9U1DoqFEslknnA4g38wScCfoPtAFJfbhs1mMSbhCqRpaKrC7baP8ysSxyONU+KkfeYzn8HtdrN27drJLooQ4jQ3OJAgFs2Qz5dwe8bnpG+xmqmpddIxrZq2cr+LQCDF/r1hOveHCYXStLZ5JGRMEqnRECdNURTMZjMWy5Fvp23btvHCCy+wbt06gsEgVquVGTNmcMstt3DnnXdiMh3Mut3d3Tz99NNs2LCBgYEBqqurWbBgAUuXLmXevHnDjpvL5Vi+fDl/+tOf6Orqwm63c8kll7B06VKuuOKKY5b3aH00vvvd77JixQrefvttXnrpJVauXMng4CBNTU3ceOON3HvvvVRVDR9ONzg4yM9//nPeeecdAoEANTU1XHnlldx7773S30KIo9B1nc79EaLRDNUTNPOmzWamrq6K2lon+XyJbKZAQ6PMjzGZJGiMQaaYJ18qTXYxjstmNuO0TPywrTfeeINYLMbtt98+bPvf//537rnnHpxOJ9dddx0NDQ0MDAzw5ptv8sQTTxAMBlm2bBkA4XCYL3/5yyQSCW644Qba2tro7e1l1apVvPPOO/zud7/jggsuACCTyXDnnXeyadMm5s6dy2233UY6nWbVqlXccccdPP7443z+858f02u5//776erq4oYbbsDlcrFq1Sqef/55Ojs7+dnPfla53969e7njjjsIhUJ88pOf5KabbqKnp4dXX32Vt956i+XLl3PhhReO8TcqxJkpHEoTDqfIpI2T/0RSFAW73SKLoZ0G5H9glB5d+yde2PEemq5PdlGOy6Qo3HXhYv7nJz47Lsf78MMPefrppyu3c7kc+/bt4+2332bRokU8/PDDw+7/xBNPAPDyyy8za9asyvY9e/Zw8803s2LFikrQeP311wkGg/zgBz/gC1/4QuW+V111FcuWLeM3v/kN3//+9wF46qmn2LRpE9/4xjd46KGHKm289913H1/84hd59NFHWbx4MS0tLaN+jdFolNdff536+noAli5dyo033sibb77J4OAgzc3NAHznO98hHA7z7LPPcvXVV1ce/8EHH3DXXXexbNky/vjHP0qHMyEO0bk/QiySxe2xT8ry72JyjFvQUFXVAjwMfA2YBaSB94Dv+Xy+E2q8V1X1/wGWAZ8A3EAf8KfyMQLjVdaTsXzH+1MiZABous7yHe+Pa9D48MMPj7qvtraWUChUaV7QdZ0HHniAYrE4LGQAzJ49m4aGBgKBg/+lmqYBsHnzZj73uc9htRo90W+66SYWLFhAa2srAKVSiVdeeYW6ujoefPDBYSfy5uZm7r77bh5//HFeffVVli5dOurXeNttt1VCBkBdXR0LFizgrbfeoru7m+bmZrZs2cK2bdu4/vrrh4UMgEWLFnHttdeyZs0aNm3axPz580ddBiHORPFYFr8/SSKZo2Na9WQXR5xC41mj8QrwOWAP8AzQAHwJuF5V1Zt9Pt/qYz1YVdU7gV8CGeD3wCCwCLgP+Kyqqot8Pt/AOJZ3TO688J+mTI2GWTFx54X/NG7Hu++++4aN1sjlcvj9fl577TWeeuop1q1bx4oVK2hsbERRFK677joAAoEAu3btoru7m87OTrZu3UooFAKM4GA2m/n0pz/NM888wyuvvMLq1atZtGgRS5Ys4aqrrho2P8f+/ftJJpO0tLTwzDPPHFHG3t5ewOgbMhaHhyIAr9cLQKFQAGDr1q2A0dxzaA3PkFgsBsD27dslaAhRdqAzQjyWoarKitV69OnGxZlpXIKGqqrXY4SMdcCVPp8vW97+S+BNjOAx+xiPrwX+PyAJXOHz+XyH7Pse8AjwBEZtyaT6n5/4LN+97FPSRwNjwq5p06Zxzz33EIlEWL58Ob/61a/49re/DRj9GJ544gn+9re/oZeDWXt7O5dffjm7d+8mFotVtjc2NvL73/+e5557jjfffJNVq1axatUqwKgleOyxx5g5c2blJD4wMHDUScSGDN1vLK/pcEO1JkNljcfjAKxfv57169ePeKxoNDqmMghxpslkCvT3xYlFs7S2eye7OOIUG68ajU+Ur381FDIAfD7fX1VV3QnMUVW1yefz+Ud4/E2AB/g/h4aMsu9jNKeMT/3/OHBabDild8swixcvZvny5ezcuROAdDrNnXfeSSgUYunSpVx77bXMmjULt9sNwJIlS444RmtrK4899hiPPvoou3bt4v3332flypV88MEH3HPPPbzxxhu4XEYHsiuvvJLnn3/+1L3AQwyV4aGHHuKb3/zmpJRBiKlkaPE0u0M6Z56Nxut/PFi+PufQjaqq2jCaUArAsb5i7gD+A3j7KPtK5ce7T7aQYuJEIhEAPB4PAO+99x5+v58vfelLPPjgg8PuGw6HCYfDwMFagj//+c+sXbuWhx9+GI/Hg6qqqKrKV7/6VW666SY6Ozvx+/3MmjULh8PBzp07yefz2GzDa2w++ugj3nnnHRYvXszixYsn5LXOmTMHgC1bthx1/yuvvEJ/fz8333zzUZtihDib5PMlerqjxKIZGpomdqSJOD2NV7ffVwA/8N9VVf2aqqpeVVWnA/8XaAKe8vl8uZEe7PP5Nvh8vv/l8/neO8ruT2OEjK3jVFYxztLpNC+++CIA119/PQAOh7EaY19f37D75nI5HnnkkUrnz2KxCMDOnTt56aWX+PWvfz3s/vF4nGg0isvlora2FpvNxi233EIgEODJJ5+sHAeMsPPII4/wn//5n+RyI77dTtqCBQuYNWsWa9as4Y033hi2b+vWrXz/+9/n+eefp6amZsLKIMRU0XUgQjyWw2RWcDpHN924ODOMS42Gz+cLqaq6GFh+yGXIfwA/HMtxVVWtBn5Svnlkzz9xSh0+vFXXdYLBIGvWrCEcDnPttdfyqU99CoDLLruMc845h3fffZfbb7+d+fPnE4/HK5Nb1dbWEolEiEajOJ1Ovva1r7Fy5Up+8pOfsHbtWubMmUMmk2HNmjVEo1EeeeSRSu3Fd77zHTZt2sSLL77I2rVrWbhwIcVikdWrVxMKhbj11luPGA0ynkwmE08++SR33XUXDzzwAEuWLEFVVfx+P6tXr6ZQKPDDH/6Qurq6CSuDEFNBJlNg/74wkXCauvoTXzxNnFnGqzOoHaPD5mJgA/A3oA74F+DfgF6M2o3RHNMDvAacB7yOMSLlRB430nCD03+1r9Pc4cNbzWYzHo+H888/n5tvvplbb7218kHidDr55S9/yY9//GM++ugjtm7dSlNTExdddBF3330377//Pk899RR//etf+cpXvkJ9fT2//e1v+cUvfsE//vEPNm7ciM1mY+7cuXzve9/jmmuuqTyv1+vlpZde4oUXXuD111/n5ZdfpqqqipkzZ7Js2TJuueWWCf9AmzdvHitWrOC5557j3Xff5cMPP6S2tpYlS5bw9a9/ncsvv3xCn1+IqWC3L0AknMZsMY168TRx5lD0cRimqarq0xjDUJ8CHvT5fHp5+3Tg70AH8Amfz/fRCR6vBSNkLADWAtf7fL7ECT52xKAxe/Zs+2uvvXYihxFCCHESIuE0H7x3gO6uGK3tnjOmE2h3V5SmJjdLrppJXV3V8R9wZhnTN7iT/p9XVdUEfB2js+eyoZAB4PP5ulRV/Q/gxfJ9jhs0VFW9CCNkTAPeAj53oiGj/JxzRzjuNmDOiR5HCCHE2Giajm9ngHA4jcttPWNChhib8egM2gQ4gL0+ny9/lP1DnThnHO9Aqqpeg1EDMg34NXDjaEKGEEKIydfXGyfgT5JKFs7Gb/3iMOMRNCJADphZHs56uPPL1/3HOoiqqlcCKwEv8L98Pt9XRwguQgghTlPFYok9u4OEgmlq6hyYZdXUs95JvwPKw1Z/D9RiTK5Voapq4yHbfs0IVFWtB34HOIFHfD7ff5xsuYQQQpx6+/aGCYfSFEsa1dWOyS6OOA2MV8PZg8DlwLJy88fbGKNO/htQD/xvn8/3FwBVVa8GrgY2+Xy+P5Qf/xDQAkQBi6qqj43wPN/z+XzaCPuEEEJMolQqT+f+MOFQivpGlwxnFcD4zaMxqKrqFRhDWT8P/A+M5pSNwNM+n++/Drn71cCjGMNdh4LGjeXrmvK+kfwAkKAhhBCnoV2+AJFwBqvNTFWVDGcVhnHrCuzz+WLAd8uXY93vMeCxw7bJEpdCCDGFhYKp8sJpGdo6vFKbISqkl44QQoiTUhnOGkrj9tix2WQ4qzhIgoYQQoiT0tMdJRhMkUkXqK1zTnZxxGlGgoYQQogxK+RL7N0dIhRMUVPnxGyW04oYTt4RQgghxmzv3hDhcBpN0/F67ZNdHHEakqAhhBBiTJLJHAc6I4RDaeobZDirODoJGkIIIUZN13V8O4zVWe0OiwxnFSOSoCGO6+mnn0ZV1SMuF198Mddccw3//u//Tnd392QXc0SqqnLVVVdVbq9duxZVVXn44YcnsVSGa665BlVV6enpGbZ96HcsxOkqGEgxOJAgHstSXy/rmYiRyRgkccIWLlzIwoULAePbTCaTYf/+/fzhD39g9erVvPzyy5x77rmTXMrja29v57777pMTuRBjoOs6vT0xfDsDBIMpPF47Vpt5soslTmMSNMQJW7hwIffff/8R21euXMlDDz3Ek08+ybPPPjsJJRudjo6Oo74OIcSxZTIFtn88SH9fHL8/ickEtXWuyS6WOM1J04k4aZ/5zGdwu92sXbt2sosihJgAuq7T0x3lvb93snd3kL7eGB6PjdY2LyaTnEbEsUmNhjhpiqJgNpuxWI58O23bto0XXniBdevWEQwGsVqtzJgxg1tuuYU777xz2IdUd3c3Tz/9NBs2bGBgYIDq6moWLFjA0qVLmTdv3rDj5nI5li9fzp/+9Ce6urqw2+1ccsklLF26lCuuuOKY5V27di133HEHn/3sZ/nRj34EwHe/+11WrFjB22+/zUsvvcTKlSsZHBykqamJG2+8kXvvvZeqquHt0IODg/z85z/nnXfeIRAIUFNTw5VXXsm9995LR0fHWH+dQpxWDq/FUBRo66jGJs0l4gRJ0BAn7Y033iAWi3H77bcP2/73v/+de+65B6fTyXXXXUdDQwMDAwO8+eabPPHEEwSDQZYtWwZAOBzmy1/+MolEghtuuIG2tjZ6e3tZtWoV77zzDr/73e+44IILAMhkMtx5551s2rSJuXPnctttt5FOp1m1ahV33HEHjz/+OJ///OfH9Fruv/9+urq6uOGGG3C5XKxatYrnn3+ezs5Ofvazn1Xut3fvXu644w5CoRCf/OQnuemmm+jp6eHVV1/lrbfeYvny5Vx44YVj/I0KMfkO7YsRCqSIRrPU1DmornbIMFYxKhI0xiCfL1Eqnf6LyJrNpnH91vHhhx/y9NNPV27ncjn27dvH22+/zaJFi44YxfHEE08A8PLLLzNr1qzK9j179nDzzTezYsWKStB4/fXXCQaD/OAHP+ALX/hC5b5XXXUVy5Yt4ze/+Q3f//73AXjqqafYtGkT3/jGN3jooYcqH3r33XcfX/ziF3n00UdZvHgxLS0to36N0WiU119/nfr6egCWLl3KjTfeyJtvvsng4CDNzc0AfOc73yEcDvPss89y9dVXVx7/wQcfcNddd7Fs2TL++Mc/ygeymJIqtRj9cQKDSVCgrcMrtRhiTCRojNIfV2zjH+/uR9cnuyTHpyiw5MqZ3PIvc8fleB9++CEffvjhUffV1tYSCoUqzQu6rvPAAw9QLBaHhQyA2bNn09DQQCAQqGzTNCO4bd68mc997nNYrcaY/JtuuokFCxbQ2toKQKlU4pVXXqGuro4HH3xw2Im8ubmZu+++m8cff5xXX32VpUuXjvo13nbbbZWQAVBXV8eCBQt466236O7uprm5mS1btrBt2zauv/76YSEDYNGiRVx77bWsWbOGTZs2MX++LEwsppa+3hg7tvsJBVNEI1KLIU6eBI1Reu/vnVMiZADoulHe8Qoa991337DRGrlcDr/fz2uvvcZTTz3FunXrWLFiBY2NjSiKwnXXXQdAIBBg165ddHd309nZydatWwmFQoARHMxmM5/+9Kd55plneOWVV1i9ejWLFi1iyZIlXHXVVUybNq3ynPv37yeZTNLS0sIzzzxzRBl7e3sBo2/IWBweigC8Xi8AhUIBgK1btwJGc8+hNTxDYrEYANu3bz8tg0axqNHdFSUYSFFT42DajBocjpOfbCmdzpNM5rFaTFitZixWM1arSda+mEIGBxJs2tjHYH9CajHEuJGgMUqL//mcKVOjYTIpLP7ncybs+Ha7nWnTpnHPPfcQiURYvnw5v/rVr/j2t78NGP0YnnjiCf72t7+hl39h7e3tXH755ezevZtYLFbZ3tjYyO9//3uee+453nzzTVatWsWqVasAo5bgscceY+bMmZWT+MDAAD/96U9HLNvQ/cbymg439E1uqKzxeByA9evXs379+hGPFY1Gx1SGiTIUMA7sDxOJZkjEclS5rOzfF6a13cuMGbV4qx2jOmappBHwJ+ntiRMIJMlli5hMCmazCZNZwWRSsJhN5dBhBA8jhJTDhw465d+tblzrh21zOCzU1lVRW+fEbpePrIky1FziH0xid1iob6iSWgwxLuSvdpRu+Ze5fPozF5yVfTSOZfHixSxfvpydO3cCkE6nufPOOwmFQixdupRrr72WWbNm4Xa7AViyZMkRx2htbeWxxx7j0UcfZdeuXbz//vusXLmSDz74gHvuuYc33ngDl8sYs3/llVfy/PPPn5LXdrihMjz00EN885vfnJQyjEaxqNHTFaWzHDAi4UxlAaxkMk84nCESSdPTFaWxyc30c2ppbDz2uhWpZJ6enij9vXHiiRyJWJZUKo/FakLTjKYwraSDAiaTCbNJwWRWMJtM5etyeCv/o3Pwh0qG10FHx2o143RacTgsuD12auuqqKtzUlNbhcMhH2HjQdN0tm0dIBBIomm6hAwxruSvdAyMk7dUJx4qEokA4PF4AHjvvffw+/186Utf4sEHHxx233A4TDgcBg7WEvz5z39m7dq1PPzww3g8nsoU3F/96le56aab6OzsxO/3M2vWLBwOBzt37iSfz2Oz2YYd+6OPPuKdd95h8eLFLF68eEJe65w5cwDYsmXLUfe/8sor9Pf3c/PNNx+1KeZUGSlg1NY6cXtsKIpCTa2TXLZILJal60CUcDjNwECC2hon08+ppa3dW2n6KJU0BgeS9PZECQXTJBI5EvEsJU3H47HTPq0aq/Xg34Wu62ha+VLSKZU0NE2nVDK2gdGPaIjxs3LE9ny+RCiYIl8o4bBbcDitB4OH216p7aiuceBwWDGZxnaC1DSdVCpPMpEjkciRTObQSjpmixGUzBajGejQn00mBYvFhLPKSk2Nc0zPezo40Bmhvy9ONJqhrb1aQoYYVxI0xElLp9O8+OKLAFx//fUAOBxGFXxfX9+w++ZyOR555JFK589isYjVamXnzp289NJLtLS08K1vfaty/3g8TjQaxeVyUVtbi81m45ZbbuF3v/sdTz75JP/2b/9WmYsjEonwyCOPsH//fi677LIJe70LFixg1qxZrFmzhjfeeINPf/rTlX1bt26tjI7513/91wkrw7EcGjCi0QzhowSMQ9kdFpocbor1JWLRLH09cULBFMFgij27HXRMq6FYLDHQlyCRyBKP50gl8zirrNTWV1FVZT3qicmYX0XBbAbGYb2tUkkjmymSyRQIhdIU8iVs9qHaDiN4mM0m7A4LTqelss3hHH5tsZjIZoskEzmSyYPBIpXKU8iXyOeL5HMl8vkSmq5jUhQUE+VrBUUxmoQUhfK1gt1h4dxz6zlPbRxz0JkssViWXb4A/sEkdfVV0ifjOPSp0G5+mpGgIU7Y4cNbdV0nGAyyZs0awuEw1157LZ/61KcAuOyyyzjnnHN49913uf3225k/fz7xeLwyuVVtbS2RSIRoNIrT6eRrX/saK1eu5Cc/+Qlr165lzpw5ZDIZ1qxZQzQa5ZFHHqnUXnznO99h06ZNvPjii6xdu5aFCxdSLBZZvXo1oVCIW2+99YjRIOPJZDLx5JNPctddd/HAAw+wZMkSVFXF7/ezevVqCoUCP/zhD6mrq5uwMhyNphmzN+7bEzqhgHE4i8VMfYOL2roqEvEcgUCSUDBFOJSmVNJIxHPouo7Ha3QgtVhObSdPs9mEy23D5TbeB6WSRjZbJJspEA6nyeeLKIpRw2BczFgsJqzWg7eNmgiFYlErh4niwet8CQCrzYzdbsHhtGAyKWiabtTO6KBrRs1MsaiXtxu/93ygRLGgkUrlueiS1mE1O6ezYlHj4839BANJbHYzHs+RfZSEQdd19u4JcWB/BP9Akk8snj7ZRZoyJGiIE3b48Faz2YzH4+H888/n5ptv5tZbb62czJxOJ7/85S/58Y9/zEcffcTWrVtpamrioosu4u677+b999/nqaee4q9//Stf+cpXqK+v57e//S2/+MUv+Mc//sHGjRux2WzMnTuX733ve1xzzTWV5/V6vbz00ku88MILvP7667z88stUVVUxc+ZMli1bxi233DLhVb/z5s1jxYoVPPfcc7z77rt8+OGH1NbWsmTJEr7+9a9z+eWXT+jzHy4Wy7Jj2yB+f5JQIEVpFAHjcCaTQnWNA2+1nXSqQCKeRTEp1DdW4XQevfZiMpjNJlwuGy6XETx03WiWKRZLFIsaxYJGsaiRyxWN28USWkmvhAerzYytHCqcLid2mxFExvL6kskcA/1xCoUSmUyB+QvaqXLZjv/Ao9B1nXgsi6IoeLz2Cf19+3b68fuTpNMFOqZJk8lIioUSW7cMEAqmAYhGswQDaZqaPJNcsqlBOVuqgVRV3TZ79uw5r7322mQXRYhxUyyW2LM7ROf+MOFgmmQyT129c8JPUFOVVq6RsIwxUBxLLldkoD+B222npcXDJfPbqBvl8unRaIbdviB+f8LoQ1PjpLXVQ0ubF6dzHNqfDjE4kGD9uh56umM0N7txVo3v8cdC1/XT7n2bSuXZvLGPdKpQ2eb22PjW/YtpbHRPYskmxZj+c6RGQ4gpSNd1/P4kO8sTK4WCaZxVVjqmV5/yJo2pxGRSMJkmplnDbrfQ3lHN4ECC7uLCnTIAACAASURBVO4o+UKROXNbmDa95riPTaXy7NkVpK8vTiScJpnIoQOBwSQD/XFcviD1DVW0tnlpbnFjsZzca8hmDw5l9Xjtkx4y0qk8vp0BYtEs58yq5ZyZp7bZcSShYIqtmwcoFg+OMnS7bVx0cavMDzMKEjSEmGIymQI7d/jp640RDKQoFDQam11UVY2tql6MH4vFRGubl4A/SU93jGLR6Ldx/gidRPO5Inv3hug+ECUSyRCLZqlyW41mDJNCKpUnHs8R8KcIBJL09sRwu200NXtoafNQX+8adedTXdf5eMvBoax1dZM3WkbXdbq7YuzZFayMRNqzK4TZbDqhgDaR5eo6EGW3Lzhs+8xZdVhtJgnzoyRBQ4gpQtN0ug5E2LM7SDiUJhrJ4K120NzinHIjHc5kJpNCU7ObaDRLb3eMUlEjlcxz8SWtWMsjOopFjQOdETr3hYlEjHlMbDYzre2eYZOSeb0OvF4HhUKJZDJPMJDC70/i96c40BnB47XT0uqhpdWL9wSbyw7sLw9ljWRo65i8fhnptFGrEo1kjtjn2xHA6bTS0Og65eUqlTR2bvfT35eobDOZFebOa6a5xUN31+k1Ed9UIEFDiNNcsagRj2Xx7QwQ8CcJBJKYzUp5emj5Ez4dKYpCba0Tm9XMQH+CQkEjmylwyYI2opEMe/eEiITThEJpFEWhqenYfSSsVjO1tU5qahzkciWSiRx9fTEsg2b8g0n27glR7XXQ0maEDtcIHVGHDWVtmJyhrLqu09MVY/fuoDGpW5nVakYxQT5njP7ZurmfyxZ24PWObrbak5HLFtm8qZ94LFvZ5nBYuGR+Gx6vjMgZK/mUEuI0USpppFPGeiHGJUcqkSOdKVDIl4hGs6SSeeoanHg80tlzKnC5bVisXgb6E+TzRVKpPLlckVAoTbFYoq6uCpf7xEcGKYpizAlSniI8nS6QTOQIh9L4HRb6+xO43UFq65y0tHppaT1YQzI0lDUQSGG1Tc5Q1nS6wI6PB4kcVovR1OzmggsbyeVLrFvbQ6mkUSrpbNrQx8JPTMMxzh1hjyYWy7JlYx+5ctABqKl1cPElrdhk6vuTIr89IU4xTdPJZAoHJ4oqh4p0qkChcHBOh6FLIV9CMSlUuaxMm16NWdqHp5RhnUS7opQ0jdpaJx6v56SavBRFqQzv1TSNVLJAMpkjFDSaV/p641S5bDQ0uGht8xAJZ8pDWfOnfCirruv0dBt9MUrDajFMXDCnieYWY5iozW7h4ktb2LShD103ajc2bujjioUdWCZwbpKBvjjbt/kr/UQA2ju8qBc2SbPkOJCgIcQEKuRLJJK5g9Nal2ejzOcOCROH/KwoDJvfweOxYyvP7yCmrqFOotlMAXt5BtPxZDKZ8HjteLx2owNqMk80mjGa2vxJerqjWK1mgoEUTc3uUzpiIpMusH3bIJHw8FqMxiYXF8xpOmKhvPoGFxdc2MSO7X7AWFdny+YBLl3QNiEn/VAwxcdbByu3FQXUCxrpmMTOqGcaCRpCjANd10mnCyTiRqBIJLIkE3kymQKFfJFcbnioKGk6NpsZm924uDw2bDYLZrMiTSJnKJNJGfMkXqNhsZiornFQXVPuRJrIl0cnlaipdZ7SoayJeI51H/YMW4TSajWhXthEc4t7xPd6+7RqMpkCnfuNNZTCoTQ7t/u5cG7TuP59ZNIFPt4yMKxsF13aSl3d6OY/EccmQUOIUSqVNJLJfDlUZI3ainiOXDlE5HLGtNa5fJFCvoTFYsJmt2CzmfFU27HZLFit4z9hlBCHs1rN1NY5qal1oGn6Ka3J0HWdnTv8w0LGSLUYR3PuefVkMgUGB5IA9PXGcVZZmTlrfObYKJU0Nm/qp1AwymcyKSy4vEM6fU4ACRrirDVUCxGPZSsri2olndLQiqPlpc6HViAtaTqZdJ5kIl/pR5HLFSvBoqTp2Mu1FHaHBW+1HavNLBP7iEk3tMDdqRTwp4hFD47euHBuE23t3lF1fJ0zr5lstlg5zt7dIZxOKy2tJzf1t67r7NzuJ5nIDSufhIyJIUFDnDV0XSedMhbgioTTRCIZMukC2WyhHCYOrsyoazqabiyapR9yXSyUyOVLKBgd1+x2M26PHXu9GavNLLUUQmB0eN6z6+BkVw2NLto7qkd9HLPZxCXz21i3tpt02pgCfNvWQewOC7W1Y59orKc7NmyejGnTa2ht8475eOLYJGiIM5au66SSecJhY3KrSCRDOpUnmzWWGs9mChQKGja7UeugKMa3qMr10FLgh+xzuW3YK/eXUCHE0fT1xCrBAGD2+fVjPpbNZubSBW18tLabQkFD13W2bOzj8k9MG3G+kGOJRjLs2hmo3K6pdXCe2jDm8onjk6Ahzjj5XJF9+8IM9MXJZArlUFEkkzWChcNhLAFe3+DC7rDI8DUhxlGxqLFvb7hyu63di9t9ck0SVS4bl8xvY8O6XjRNp1DQ2Liulznzmke1cF0uV2TL5n6G1hK12c1cdEmrfAZMMAka4oxRKhnTOu/fFyYSzhCLZigWNewOC06nhYZGF3a7BAshJtKBzgj5vDHplcmkcO7ssddmHKqm1snci5rZutkYJZLNFtmwrpe2di/nqQ1YjzPPhqbpbN3UX5l5VFHg4ktbT6hjqjg58hsWU56m6fT1xtm7JzhsWuf6hiqcVVZp4hDiFMnlinR1Riq3p59Tg90xfqeZ5hYPuVxpWNNHX2+cYCCFemEjTc0jD5nd7QsSPaRz6vkXNFJTM3kLyp1NJGiIKUvXdYLBFLt9QWOp9FCaYqFEXf3opnUWQoyPfXtClZk/rVYz58ysHffnmD6jhpoaB9u3HRw1ks+X2Lp5gIZGFxdc2HjElOX9ffFhi6G1tnnomDb6zqlibCRoiCkpFsuyu7w4VDiUJp0uUFPnwHuS0zoLIcYmlczT1xuv3J51bh0Wy8RMG+6tdrBw0TS6DkTYtydcmTo8GEjxfjjN7PMbKtOsJ+I5dmzzVx7r8di5YM74Tvwljk2ChphSMpkCe3YF6e2JEYmkScRzeLx2ps2olvkqhJhEe3YHK50snVVW2ie4xsBkUjhnZh1NTW52bPdXpjgvlXR8OwIM9Cc47/wGtm0dqAQRq9XExfNb5bPiFJOgIaaETKbA/n1herqjRCMZopEMVS4b7dOqj9sJTAgxsaKRDAF/qnJ79nn1p6xmscplY8Hl7fT3Jdi1M0CxaMz0GYtmWfdhz7D7zru4BecpWAlWDCdBQ5zWMpkC+/eG6emJEotmiUYyWG1mWtu90ltciNOAruvs9h2cnMtb7aCp2X1Ky6AoCm3tXuobqti1M1CZtvxQ555XT32D65SWSxjkk1qcltLpPPv3hentjhGLHQwYTS1u+UYixGnEP5gkFjs4muO88xsmrf+D3W7hoktaaW1LsWO7n1y2CBhrrExEx1RxYiRoiNPKSAGjucV9RE9yIcTk0jSdPbtDldsNjS5q6yZ/yGhDo4t/WjKDvt44uq5XOoaKySFBQ5wW0qlywOg5GDBsdgkYQpzOentiZA6Zavy880+fqbwtFhPTZ9RMdjEEEjTEJNA0nUQiRzyWJR7LEotlSSRyxKIZYtGsBAwhpoBisTRsqvH2Di8u9+jXHhFnPgkaYkLpuk4qlSceyxGLZYjHsiQTebK5ArlskVyuVL4u4nBaaG5143BIwBDidHdgf5TC0FTjZoVZ4zTVuDjzSNAQ407TdIKBFH19ccKhNLlsgWyuWAkUQx207A4LdruF6hoHdocFi0XGtgsxFeSyRQ4cODjV+IwZtTIKTIxI3hliXOi6TjyWpa8vzmB/gkQiRyKRI5XKo5V0bHYzDocFj8dOQ4MLi1WWWRdiKsrlisYkWENTjdvMzJARHeIYJGiIk5LJFBjoi9PXFycWy5IsBwytpOP22Ghp8WCzmyVUCHEGCPiTbN/mrzSZwNBU41IbKUYmQUOMWrFYYnAgSX9fnGAwRSqZJ5nIkc0WqXJZqa+XVVOFOJMUixq7dgaGrWUCxvwU7R2yOJk4NgkaYlTisSzr1/UQL48USSXz2MtNIs2tbkwm+WYjjq1U0kAH82n8LVjTdIpFDas08RGNZti2ZZBM5uAwVpNJ4Ty1QeanECdk3IKGqqoW4GHga8AsIA28B3zP5/OtPcFjTAe+B1wL1AO7gJ/5fL7/HK9yirFLJnOsX9dDb0+MbLaAx+ugY7qsNSKG0zSdbKZAJlskmy6QyRiXbKZIJlMgX652N5sVbHYLdrsZu92CzWb8fOg2u8NySt5fuq6TiOcIhzNEQmki0QxaScflstHa7qG17eyb8l7TdPbvDbN/X3jYdq/XztyLWmQoqzhh4/mX8wrwOWAP8AzQAHwJuF5V1Zt9Pt/qYz1YVdUZGMGkEXgJGAD+BfiFqqoX+Hy+h8axrGKU0qk86z/qob83Tj5for1DVksVhlyuyEB/gmAgRTpdqIwqOp5SSSeTLgyb8Olo6uurOGdWHTW1jnH79qzrOulUgXA4TTiUJhLOVBbjOlQqlWfPrhB7d4eob6iitc1LY5PrjK+5SyXzfLx1gEQ8N2z7zFl1zDy37pQtmCbODOMSNFRVvR4jZKwDrvT5fNny9l8Cb2IEj9nHOcz/AdqAz/h8vj+XH/8o8BbwoKqqv/X5fOvHo7xidDKZAuvX9dDXGyeTLdDW7pWQMYXlckUG+xMUixreagc1tQ4sltHVGhQLJfz+JAN9CcLl5bknSiiUJhRKU13jYOasOuobqsYUOAr5EsFgilAoTSSUJpcrHf9BZboOwUCaYCCN1WqipdVDa7sXj8d+RjUd6LpOT1eM3buClaXVAZxOK3MvbqamZvKnFxdTz3jVaHyifP2roZAB4PP5/qqq6k5gjqqqTT6fz3+0B5drMz4HvDcUMsqPz6iq+u8YYWMp8M1xKq84QblckQ0f9dDXGyOVykvImKJ0XScWzdLdFcU/mETXh+/3eOzU1DqpqXVQU+s8ajNBqaQRCqbp74sTCqaHnYiOxu6w4HRacDitOJ3WYT+bTAq5XJF8rmTMrZIrkc8Z86zk86XKvkOfIxbNsmlDH26PjXNm1tHc4j7uST6XLeL3JwkMJolEMke87kMpirHyaF1dFbV1TuwOCwP9Cfp742QPqaUpFDS6u2J0d8Vwu220tXtpbfNitU3tJkRN09iyaYBgIDVse3uHl/PURhlZIsZsvILG0BrB5xy6UVVVG0YTSgGIHePxVwMK8Jej7Ps7kAeuOdlCitHJ50us/6iH3t4YiXiOtnavfNhMMaWSxkB/gp6uGIlEbsT7Dc170t1l3K6qspaDhxObzYx/MIl/MHnU5gUAh9NCS6uH2roqI1A4rMetXj9enwdd1wmH0nTuixCJHKw1SSbyfLxlgL17rJwzs5bWNs+wpox0Ko/fn8Q/mCJ+yKqiR+N226irr6KuvuqoNTvnzq5n1rl1RMIZ+nrj+AeTw8JPMplnly/I/v0R5l/WhtfrOObzna50XefjLYPDQobVZmbO3CYam07tku/izDNeQeMV4H8C/11V1c3ACqAGeAJoAn7k8/lG/pSD88vXew7f4fP5CqqqdgMzVVW1+Xy+/DiVWRxDsVhiwzqjJiMWy9LW5sUinT6njHS6QG93lN6e+FHDgd1hwe22EYtmj7o/nS6QTheOGM54KKvVWJOmpdVDdc349Z8YoigK9Q0u6htcRKMZOvdFhp0IM+kCO7b52bcnxLQZtZSKGn5/klRy5I8Im81MQ6PLCBd1Tmwn0MFTUZRKGCkWjKHdfX1xYtGDIaaQL7Hho17mX9ZG9RRrXtB1Hd+OAP7BZGVbfUMVc+c1n9DvR4jjGZd3kc/nC6mquhhYfshlyH8APzzOIYYmyQ+PsD8GmAAvB2tPxAQpFjU2ru+ltydGJJyhtd0z5auFzwa6rhMKpunpjh1R/T2kts7JtOk1NDS6MJkUYy2aZJ5oJEMkkiEazR6zM6fZrNDYZISLuvqqU9YpsKbGyaULnCQTOTr3RxjoT1T25XIl9uwa+WPB6bTQ2OSmqdl90oHIYjXTPq2a9mnVpFJ5+nridB2IoOvG382Gdb1cuqCN2rqqMT9HJlMgHDKapnQd0HXKV0f8jKJQX19Fdc3Ya1L27w3T032wwrm+vopL5rdJh08xbsarM6gdeARYDGwA/gbUYYwa+TegF/i/xzjE0DipkWo9hrYf969JVdVtI+w693iPFUZV++aNffR0xwiF0rS2ebDZ5FvN6UrXdeLxHIP9CQYGEuSP0sHRbFZobfPSMb0at9s+bJ+iKLg9dtweOx3Ta9B1nWy2SCScIRrJEI1myOdK1NQ6aGn10tjomtT5L9weO/MubmHW7DoO7I/Q15tAP0rHC7fbRmOzm6YmN26PbUI6bLpcNs5TG6ipdbBl0wC6rlMq6Wxc38cl81upb3CN6ni6rnOgM8re3aGjvqaR7NsTYsY5tZx7Xv2ow0FPV3TYCqzeagcXX9oqIUOMq/E6g/wIY/6Mp4AHfT6fDqCq6iMYfSxeUFV1u8/n+2iExw81wI40MHvo0zE5wn4xDjRNZ+vmfrq7IgQCSVpaPGfd3AFTRSqZZ6AcLkYaHlpVZaVjeg1tbZ4TbvZSFMXouNlupa3dO55FHldVVTYunNvMrNn1dHVGCQZTWCwmmprcNDa5qHKdujkeGpvcXLqglc0b+9E0HU3T2bShn4svbTnh/g3pdIHtWweIRo/dp2QkBzojxKIZ5l3SisNxYn+zgwMJdu4IVG5XuaxcuqDttJ5ITUxNJ30WUVXVBHwdo3lj2VDIAPD5fF2qqv4H8GL5PiMFjaFIXTPC/mpAB0ZuMD74nHNHKOc2YM7xHn+20jSdbVsHONAZwT+YornFg8Mpy7WfTrKZAgMDCQb6kyRH6NipKFDf4GLa9Grq6sc2DHQqsdstnKc2cJ7aMKnlqG9wMf+yNjZt6KNU0tF1nS2b+pl3cQvNLZ4RH6frOn29cXbtDFAqHazFsNnMeLzG0Nmh/8LDf0YxZupNp4ygGY1mWft+F/Muaj5ubUo4lObjLYOV23aHhQWXtWOTJlIxAcbj62oTRpPG9hE6am4tX884xjF2lq+PaN5QVdUKTAN8Pp/v6F3exUkplTQ+3mKEjMGBBE3NbpxVEjImk67r5HIlkokc8XiOcChFNDLyt92aWictrW6amj1yspgktXVVzL+8nY3r+ygVNXQdtm4eQNN0WtuOrB3K5Yrs2DZIMJAetr25xc0FFzadUL+oUlFj5w4//X1Gn5VCvsTG9X3MOteYWOtoQTMez7J5Y1+lecZiMTH/sjb5YiEmzHgEjQhGH4qRRoUMjSjpP8Yx3sGosbgGYwryQ12J0aTy93EoqzhMLldk08Y++npiBPxJGpvcp7TaWZRnqUwXSMRzxqU81PTQFTKPxlhfxkNLi1tOEqeJmhonl13ezsb1vRQKxveibVsH0Uo67dMOLj42OJBg53Z/5T5gnPAvmNNES+vINSCHM1tMzJnXTE2tE9+OQGXo7b69YaLRLPMuGj5yJJ3KG0GoXHtiMilcelnbEX13hBhPJx00fD5fTlXV3wO3Ad8H/t+hfaqqNpa3Afz6GMfoUVV1NfApVVU/5/P5/lB+vBN4vHy3n51sWcVwyWSOjet76e+LE41kaWmV5pKJpmk6yWRuWKhIJnLDqs2PxVllpaXVQ0uLR9aaOE15qx1cdkUHG9b1VtZ12bHdT0nTaW3z4NsRGDZqBozhpHPmNmM/wf4Vh1IUhfaOarxeB1s291f67IRDada+38VFl7RSU+s0Jt9b31sJsIoCF1/aKrN9igk3Xj39HgQuB5apqnoN8DbGqJP/hjF09X/7fL6/AKiqejXGBF2bhgJF2f8A3gf+S1XV3wE9GLOFngc86fP5No1TWQUQCqbYvLGPgf4E6UyBtg6vVLmPs1JRI3FoqIjnSCZzx5yd8nBDK+N6vHYaG12VdntxenN77Fy2sIMNH/WSyxnDhXftDLB/b2hYLYbJrHC+2kh7h/ek/189Xjuf+KdpbP/YX5kTI5czJt2bdW49gwMJspmDQ5fnzGumoXF0I2OEGIvxmkdjUFXVKzCGsn4eIzTkgI3A0z6f778OufvVwKMYw13/cMgxdqmqugj4AfApjH4fuzA6kf5yPMopDL09MT7e2s9AfwJN02nvkGnFjyefL5VrHjRKJR1NK1+XdGObpqOV9xWLGqlknlRqdHPLVbms5VDhwOOx4fHaZWjxFOZy2Yywsa6ncoI/NGRU1ziYO695XJsqLRYzF13SQndXjN2+ALpuTLexd09o2P3OUxuO2m9EiImgjGa89lSmquq22bNnz3nttdcmuyiTRtd19uwOsXtXgIG+BFabicYmt4yZH0EmXSDgT+L3p4hFj71OxmgYc1fY8HrtldoKt9suwwrPUNlMgfXreitNGopiTG0+Y2bthNZOxaJZtm7uH7ZOC8CMc2onfZTOVNbdFaWpyc2Sq2ZSdxITs01RY3rDytels0SppFWGrw70J/B47dTWOaUa/hC6rpOI5wj4UwT8SZLHmMr6RJnNxoRYXq8RKDweBy63TcLdWcThtHL5wg727ApSKunMnFWHxzvxnS+raxws/KfpbNs6QChojGxpbfMw+/z64zxSiPElQeMskB8aWdIbwz+YpL7BdUo+6KYCTdOJhNNGuAikjjn9ttVqxmY3YzYpmMwmzGYFk0nBPPRz+dpsMuF0WvBUO6iqskqYE9jtFuZe1HLKn9dmM3PpgrbKlOYNjS55P4pTToLGGS6VzLNxfQ/9/Qki4QzNrR6cZ9HIEk3TyGaKZLJFsplC+edC5edcrnjMJhGXy0Zjk4vGJjfeaumIKaaeocXphJgsEjTOYOFwmk0beo2RJen8WTGyJJ8vMdBnLOedThcqwwtHo7rGMSlTWQshxJlIgsYZqr8vztYtxsiSUkmjvb36jO1sqOs6kXCG3p4Y/sHUqBakAmPSorr6KqPmotElS2MLIcQ4kk/UM4yu6+zbG2bXTj/9/QmsVhOtbd4zsvNhLlukry9OX0+cTOboC4sNsTssOB0WHE4rDqcFp9OKo3zb6bRgMp2ZIUwIISabBI0ziKbpbN82SOf+MAN9cVxu2xm3sJam6YSCKXp74oSCqaP2r7DZzLS2e6mvr8LptGJ3WM7IoCWEEFOBBI0zRKFQYsumfnq6owwOJKmtd1Jd7ZjsYo0LTdOJRjIEAykGBxLkckfvd1HfUEV7RzUNjS4JFkIIcZqQoHEGyGQKlTVLQqEUTc1Tf2G0bLZIKJgiGEgRDqVHXAvE4bDQ1u6lrd0r67QIMYUVSiUGM3EKmobVZMKimLGYTMal8rMZi2Ia47RRYrJI0JjiYrEsmzYYISORyNHa5sU+BTsz6rpOLJolGEwRDKRJJnIj3ldRoLHJTXuH94xrGhLibFPUNPpTUfpSMRKFHEWthFkxoaBgUo5+MStmqixW1NpmLKYzeyTdmWDqnZFEhd+fZMsmY2G0fK5Ie7sXi3Xq/NEVixqhYIqAP0UomBq2DsThjJEhTuobXDQ3u2VkiBBTRDZTIBRK43bbh81FU9I0+tMx+pIxEoUs8XwWBQWHxUJBK6HpevmiVX7W0VEUBRMK1fYq3FYHM7x1k/wKxfHIp/UU1XUgwvZtgwz0J1AUaOvwTomRE7lckaA/hd+fJBzKHHMoqtNpob7RRUODi9o6pyz8JsQE03SdQqmEudxkcdLH03T8/hRej514PEs2W6C23kkwl6Q3FSWRzxHPZwCotjlxWCwox2gX0TECR7ZYJJ7PMJCO0eaqxmo+NV+wdF1H086O9cHGkwSNKSgUTLFt6wB9fXEcDstpP61wOpUnUA4XsWh2xPspCtTWOivhosol03cLMR50XSdRyJEvFSlopSMvpRJFTaOka2i6hqIoOC02XBYbLqsdl9WO22obdTNFLJrFajHR2OzGW+Ngd3eAPb4A2aoCCT2Ljo7X5sBpsR4zYAxRUDArClVWK8lCjkQ+R18qdspqNSKRDFaLCZfLhsctyzicKAkaU4ym6ezc4ScUSp/WISOXK9LTFcPvT5I6xuJkFoupMsV3Xb0Ti2XqNP0IMRVkigX2xgJEsikKmlZpjiiNcE35lG8xmbGZzdhMZqwmC1azCYfZWg4eNlwWOw6LFdCN5egr1wA6hXwJfyhFfUsVtGjsSw7SH4iRSOVRwgpurx2n24JJGX3NiYKC1+YgdgprNbKZAvFojo5p1cyZ14z1DJ9leTxJ0Jhiug5ECAVTpNMFpk2vPu1Chq7rDA4k8e3wj9jnwu6w0FQOFzW1ThmKKsQE0HWd/lScrkSIaD5DqpDDarKUO1MqmBRT+bZp2DZFKTehaBqFUpFsqVjppGkthw6b2YzVZIwE0Y0nM55z6LkBLQqYdfzFKNtjGgPpGJnGAh22OpwJO6WYjqYpKB4dZQyfAQ6LhURBKddqRJnhnbhVaUslDf9gkobGKqbPqKGl1Tthz3UmkqAxhWSzRfbuDhEMpKirP/36LORzRXbuCOAfTB6xz+220djkprHZhccji5MJMZEyxQJ7Yn7CmTThXAqLYqKpymsMDT0BZsVYldhhPniKMMKH0dSSLxVJFXIUda3c4HFIw4cCprwJa8ZMvrZIxpNBSSvUO1xcUOdBaVEoBHTyfRrFmEYxDJZqUKyj+0xQUPDYHMRyGQbScdpcNRNWqxEKpnE4rTQ1uWma5WZvLMAsb4N8jp2g/5+9N4uRa8/v+z5nq32v6q7qlWxuzcvtzh3NSJMZbY4sRUocCYaEIHYQIPFzECBxguQlsBQjQV6SvMQPQeAHG4nlxJl4RrJkCQOPNBpts9/Ly0uyuDSb7H2pvc6+/PNwqjey2eylmuzmPR+gcapObaeqq875nt/v+/v9IqFxjnhc36DZNJBkiWz2bOUH11Z7PLy/gevuNNNSFImLMyWqtfPf1yMi4qQ4vkfftUmrceLq6ex6wyhGc+ysuwAAIABJREFUhxe9Jm3bRPds8rEUKe1wHoiDkCWJuKISV1TQXr//EULgGQKlLBGfUohPvOqfiI1KKGkJ6zl4bYHbEihZkBMc6eCdUFR60ulGNXo9G8t0mbpQIHVR5Z89+R627/P3bnyVkWR26K/3PhIJjXNCq2mwuNCm1TQZG8+eGSXtOB4P778axSgWk9y4VSWZippoRXw+EULQcyzajknLNug7Nu4g/ZDW4hTjSQrxFLlYYii/Z9NzeNLZoGEatI4RxRgWgQEooGQlYrXXvy8lLZG6pmC9CHAbAX5HIBwJ5QiplK2oRtsyTiWq4bo+jQ2D2lgGv+Lzrc37PGytcTFbxvIOnq8UsUMkNM4BWwbQZsMgnQlnd5wF1lZ7PHywgbtrFLusSFy9WmHyDPpHIiJOG8f3adtG+OeYWJ6L7XuYnovjeyiyjB8ExBSFdUMjoWokFI18PEkxnqIQTxJTjvb7FkKwrHdY2I5iOORjyaFEMY6K8AW+LtBKErFxGUk5+PUlVSIxI6OkpZ1UShvU4uEjGwlFRZFleo7Nkt7m4pCiGkII1tf65PJxmvE+C6JBvbGG5UcC46icjSNWxIEsLrTZ2NDRdZepC/l3vTk4jk/9wTprq3ujGIVighu3qqRSUZok4vUIEVYnvC8mYNNz2TB7tG2DvmtjeR6272J6LoLwQJjWYpQSKRRJJhABlu9heR49s48EbFp9EopGXFHJxuIU4imSisZBHRvE4NZ1o0fD0mnZxiCKkX3rUYwt/J5ATkqoBRm1cMiohCQRq4apFHMO3I2AwAIlebjX3KpAaVkGa0aXiSFFNVotk0AI1pQujUyHR811JjMF1ozuiZ/780YkNM44tu3x5NHmmTCACiHYWNd5eH8dZ3cUQ5a4cq1yJqtgIt4NQSDwPB/PDXDdAM/z9yyDQJBMahSKCZLJV/ul2L5H2zbo2GEzp4SqkVR2IgCarLzzeRdeELDQb7Git9FdZztqoSkKCUWjnEijKcorUQVZkkmpMVJqDEFY3WF5Lj3Xomn5NCyVpNrbVfb5erkhCGeEGO8wirFFYAsCF2IFidiEfOR9gZKRiNVkAkvgdwRynEOnUOJDjmpYpkuzadDLmDTzPZ4bm1zOj1BKpCOhcQwioXHGefxok2bTACCbe3cGUF13ePRgg0bD2LM+X0hw81Y1Mnt+zvG8gG7XwjRcPC/A9wIUVUZTFVRNRtPCJkeaJqNqCrIs0e/ZbK7ryIpMLh8niAW0HTMM/7s2tu+FYWrBzkCtrSFbsrJHeCRVjbQWI6me/vdQCMG62eNFr0XHMenaJpqskNoVtTgsEhIxWSEWU8iRwBdB+L49l2Cra+4Bx1qJULi8yygGhJ+J3xOoWQltREZJHk/saBUJryHhG4LAACVzuMftjmqs6p0TRTWCIGBhuU1T7dOM91mT23xQHCNzgAE24mAioXGGabdMFl60aTYMau/IAOp5Ac/mmryYb7G7W7gsS1y+Wmb6QiGKYnyOsW2PTttC1x3S6RjFYhJNU1BVGS2mkkxqJJMqyZQ2uKyRTIURjAdP13jwdJX1Zp9nLzZx/QAv7mFpDk7gb0cGJFnCC3ws18MLfHwRoEih2NAGokORZGKKQiGeYiydpxQ/nWF7PcfiWbdBa+DDCISgmEjvKQM9CcquaMd5IjAA+c0G0DchyRKxMRlfF7hNgZzkjT6PLbaiGn3XOVFU49lSk1W3Szuu0yn2uVWeCCttIo5N9OmdUXYbQFOZGInE263e2Gq89bi+iW17e24rlZPMfjBKOopifC4RQmAYLp22hWN75PIJpqYLVCppJqfypDNxkkkNTXs1fC6EoN5e4y9XnrLh9mmXTfqeje0EKJZM0o6RMhMUMjJqXN43dB4g8IIgbJk96OtgBA6u5dOxLRqWTlaLU0vlwqqLIczscHyP570ma0aXrmNhei65WIK0FntnqYqzwh4D6NibDaBvQslLqHkZ3/Tx+2GPjcPwclRjPF0gdpSohoCn65sstFp00gZuzeHmyPhQvj+fdyKhcUZZWuywMWjfPTX9dg2g/Z7NwwcbtFvmnvXxhMq12Qqj1UwUxTjHeEHAutGj65jk40lqqdyh/p9BIOh1bTodC0mCfD5BbjxHbSzL9MUihcLB7r2+a/NvFh5yr7HEs26DrmOS0eIUaikqk2liXRV3MzxoBbrA3QzPaJXU3rNaeSvdICvAjgD3RUDftdk0+3Rsg7ZtstBvMZLMMpbOHSutEgjBst5msd+m54QTRpOqRjWVPVKK5H3G7xEaQPMyavHk+wVJCj0eXi/A3Qx9H/Ihm3ntRDXCvhqHjWp4gc/T5ibLK106CQO1CjPjo9F+bkhEQuMM4jh+aADd1MOpperb2aG5rs/ckyaLC+09aRJJkrg4U+TipeKZ60YacXhMz2FF77Le76L3XRzLI65oPI+1GE1lyScSyLKMLEvhnxIuJUlC79v0ujbxhEqlkiaXjzM5VWBqukAyeXC0TQjB/eYKf7JYZ77XYLHfopbKc7UwuvdsMQFaReB1BO66wO8HgxB6eFYrxw7e6SuSTD6WJBdLYLguXcccGEotVvQOpUSasXSOQiy11/cgQpGy9ecFAY7n0+mYbJh9dGw6gYksS1SSmYHAiYAtA6gglpeJTR7dAPo6lJSEVpYJrAC/J5AOWe561KiGFwSs6B2W+216Gw592SZV1qhdOpszpM4rkdA4gzwZGEBFIMjlT9+AJIRgZbnHk0ebe6pJACojaa7NViKz53lFQMs2WO63aXYMTN3DsT1ETBBLKnQ8A9N3sE2XtptgJJElLqsEgdj+E4EgkdQYn8xTKCSZvlBgfCKPeggB3HUsvrXwgAfNFZ52NgiE4EZpjPRrjHWSLKEVJdSCwO/JOCsBXivAa4tQbMQPd7BJazFSmobt++iuRdcw6Tomm2aPTCyBIsnbosIXPkKE0Qs/CPBNELpAaAIrcAkcyEpJYjEFyZUIYgJJO7x34H1lywCqZCW0UenYBtDXERuT8dqCwBAIG6TE4R63O6qxpLeZ2Seq4QcBq0aXpX6bnmvT71konkK+Fqd0dTgN1CJ2iITGGaPTNnnxokWjYVCrnX6KwnV97t9bY2Nd37M+mdS4dr3CyOghbd8RZ4owPdJlud2h33WwTA9H8lCSEulCjFRBRSvK+CTZ0HssGg3yahI35jCZLHIlN0oMFc8L8LyATCbO1IUCI4ecFiyE4G5jie8sPWK+22BZbzOeLjCePlwJtCRJqDlQ0jLWc0AO8NsCkeXQBzQJiYSiklAyeIFP33VYN3s0bQMJBlNMBQECIQSyKxEzNZAkgrSPyAjiKZWSl0S4hH8O+KZAdEGSBFJMQtJAjoXNpz4vCCHw+4AM6qAsddjIMYlYdVDu2hNI8aNENZK0LJ21QQXKVlQjEIJVvcuSvpUKMxECsm6SREEhOaYeSsxGHI1IaJwhhNhlAE1pJN4Qkj4p3Y7Fp5+sYJo7Zk9Zlpi5VGL6YiFKk5xDLM9lodVivd3D0j3swMPRPBJFlVIuSbKsohal7Z2pBkxVCoz6GRb7LT6zlmildFqJPh+NTPOV2syRvQ1t2+BbLx7wsLXKk84GsiRxqzx+LI+EpEgkLspIKjhygNcSEICcOtpMDFVWKMTDtIrth993WZKQJQl8EL1wqZQklIxEvCajlqXt1wicHe+Ir0NghimDUIAIPB2U3OEiLucZEQgCEwJDgAJq7nAdQI+LNiLhNqTwszdASR/ucXFF2RPVuJAtsW70WNJbdB2brm0SIMjFEsR9lUAORa1Web//f++KSGicIVaWu2ys9+n3HCZP0QAqhGDhRYfH9Y09XoxSOcmNm9VTFzgRw0MIgecGbHT7rHW6dHUbx/MwVZcgGZDOxKhUssTKyoEH57iicjk/Qi2VC6sr1rusmz0+ayzzldolrpdqSIRni+FT7NRaSNLO5U8by3x3+THz3QarRofJTPHQZtPXIckS8SkZSZWQJB+vJRD+YCbGEZ9XliSSavj9FkF4Vi4sgZIOO1NqIzKxqvRKdEKOSaFHpBheF77ANyDQBV5X4LUC/K5AKh++ydR5Qvjhgd43BXIMlEL4ecVGh2MAfR2SEkZLfEPgtQblrof4fF+OarQsne4gguEFAblBczMEeF2BnJbQKvLnKir1NomExhkhCARPnzRoNAwKxcSh8t/HwXN97n+2/soQtEtXysxcKka5yTOOEALX9bFMD8N0aXR1uo6JLXlYsosRs9GyCrlynNxIHDUnHenAl9bi3CiN0bYNnveaoXnU7PHtxYfAXqGyLTSQtq/0XZunnQ1USeZ2eYKEOhzRKkkS8fEwTSHJAW4zwO9IKPmjiw0hBgdNPew+qVYktKJMbExGThwyLaNIqFkgK6GNCsxHENg+fkegFI4WbTkJwhcgTi9tI7yBoLLCz0orSSgZGW1UQi0c7bt1XNSShLopExiDctfc4R63FdVo2SZu4OMFPtmXSpIDVyD8MB2njUT7vtMiEhpnhOWlLq2WiW37VGunM3o4TJWsYpo7Q4FiMYVbH9YolVKn8poRJycIBP2ejWG4WFbYMdKUXHrCxIy59DULXbPJFGKMl7KkctqJQ9mFeIp8LMmG2edpZwM78A7qhL2NIstMZ0tUk6fTYC42IiOrgARuK8BrgVp481muEGLbYxFYIvQWFCXUnEx8XEbJnjDickEmsAXuZnCkEP9xEL4gsML3IQbebTXHoUXSYQhcQaCDcARSUkIrh5+VVpVQstJbPSEJRaaMrwd4mwKROpywkpAoxlN0bJOEqpHW0sgv9TwJ9DCapVWkQ5fQRhydSGicAYJAMD/XoNU0KBQSQx82JYRgcaHDo4ebiF25klI5yc3bNeLx6GtwFvG8gG7HotuxiCdCk5qtubR8A12zaMg6TtyhUsowm6mgDrnsUpIkRlNZRlM7wnf392f3JTFYIUunfxBSizJJVYJnhBUpLRGKjV3iSggBPgQOiMEMDkkGKRZ2r9yaq6GWhrO9SlIiPiEj3LCjpRQ7fO+HwyA8QWDviAs5Ho5Zl+KhSdVrCzT15JENEYRzRgI3LDFVcuGAtNiojJJ5dwdiJRtGnQIjLHc9bLpGkxUqyf0N7YE7mM1SDFNmEadHdIQ5A6wsd2meUjTj9amSEjOXSlGq5B0ihMAJ/EGXS3+73NKyPPpdG8vwkBMSalpCT4OetmjIfdZEh5iqMpbKU0qMhIbGt8R+qZPtS2/xq6RkJZJXFaw5cJsCrylQ8iD8MGohnFD8yDGQEhLawKi5JTLUgjR0A6NaltB6MoEb4HcEUulkfo19xUUmNPJuvQclJ2G/CBDeoAT4BK8pRCgykNn2Xmijx59bMmxiYzJeR+BsCAJbnNh4uxXN2G2OjjgdIqHxjgkCwbOnpxPN6HVt7n688mqq5E6NUjlKlbwVBLiBjzUYG769HFz2goBABPjBVrhagAtBIiBIBHhpH7fg4qQ8+r5NIZbkWqpKNnbIpgLvMUpSInlFQZoLwjRKO+xvIccl5HQYClcyO+JCTp6ud0KSQtOqbwpcW+D3Dt8+ezfCCw2mwntJXGQl1LyEkt8b5t9O2zgCv8uxfSt+F4QArSCTvKKgpM/WwVdOhJEH3xT4/TBqdNz/p/AEwgElH4qqiNMlEhrvmNOKZjSbBp/8eAXfD7bXlUpJbt6JUiWnie17tCyDnmtheS6m7+INohbu9myOAE+E5rQgEKiuimYryEIiSArICKS8QCoLtLRMUkqgyjJpLR4Nd3oJOS6RvCIjzYOfEsipwQE5IyGn334FiKRKJKYVhA3OZkBghu25D0tghSJDSUthqW02jFyoOQnpNakYWZNIXFQQLgOPiHRkj0igh2W6WlkmcVE+cyJji1hVwm1KBEZYZqsc83zJ1wm9JwX5SP+fiOMR7bXeIacVzVhf6/PpJ6t78umXLpeYuRylSo6KEALX8dF1F8NwQuE2+Fi3Pl3H9zBcB9N3sTwPP/DxRIAvBIEICITY7tmgyDIxSSUhaSiSjCQkJBWUooScCk13WkWOQrlHQNIkEldkCM5Gt04lEw4XC1wReie0N3snwi6bYUtvtSChlWTiF+RD+zyU9MAj4oVppLCJ2OEeG5gC3wyHosWnZNT82T3Dl9TQWxOY4WcrJ44uJoUfpl60ioRWPbvv9X0iEhrvkJXl4VeaLC10eHB/ffu6LEvc/rAWdfg8AkIIbMtD1x103SUIBOm0RrGYRFUVAhHQcy3atknbMcI0iORh+R6O6qLJKnFFJS7LqJKGIkvISDvmyT1zZMIzXq0io5Vf7d8QcTgkSYIzNIJEq0r4PRnhBHidgXfiNSJf+OFBExm0skRsTCFWO7pJVa1IaIaM8HZ5RN4gvAInTEOohfB1tcrZP/BqZQlvUyaww54qavFoYsPXQU6AmpdRUtHv7W0QCY13xFY0ozmkaIYQgvlnLZ4+bmyvU1WZL3xxnELx4KmaEeH/wzJddN3B0F0kCdKZGKOjGVJpjWIpiZG0WfE6LPZbdFyLjm3ScQxs3yMbS5CPJRmLF1B3D3HaXRIq9lnHoMvle9jk6fOMJIUlr74lCDYEQR+Ufc4lAnuQKkmG3ovEBRk1d7yDvSRJxCflsHOnOxA4BwwjE54YzJCRiI3IxMbOx3dQkiUSMzKBL/AaAxPsIUqcYas0WISCLvJmvDUiofGOWF0ZXjRDCMGjh5ssvGhvr4vFFb74UxNksqc/lO28EQQCz/Vx3QDH9XFsD8Nw0TSFdDrG2HiSdDpGZTRNsZxkWWrxo+Y8y/02G2aPlm0gIVGIp5jMF8jFEsjRyPCIl5BjEokpGeEM0hmxnRblQoTiwzfDaIJaCL0Rh013vI6tlu2BI3A3w86n6j67F+GHnTaVTDglNT49vMmrxyUQAbrrHMroLCckkpcVTAFecyA2DjHhNTAGBtucjBwFed8akdB4BwSBYO5pcyjRjCAQ3L+3xupKb3tdKqXx0Zcm3ji++zwhhMAwXLodi8AXyIqEosgoioSsyChyeD1cH3ohBOHQONfxt5eOG+C5PooqE9MUNE0hmdQol9PbEYzRaoZETuXjxiJ/tlFnRe+wpLexfZfRZI7rxRopNfbOd8wRZ5+wB4UI0xmDFuUI8DphWEsrh4PDYuPy0KJackIiMR36NdyGIND2NvMSQRjJkBKhFyRxcXivfRwCIXjQXOEvV+fouzYzuTK/On3zjV1lleReseG3D+7KKoIdL0ps9O02Hfu8EwmNd8DqSpdW08C2vRNFM3wv4O4nKzQ2je112Vycj744Tuw9qSwRQtDvObTbJgjIF5JomozvB/i+IAgCfC/A8QMCX+D74ajvwB/syDUZLRYKikw2jqYpaDGFWEwlndZIp2Ok0zFK5RS5fIKea/Oj9efcXVwMx0jrbQIhGE/nGUlmoshFxJGJTcjhIDbbD70YftjbQ82HEQ+1OPzvlFqQidVAeP6eZl5bvTIkNeyMmph5t/M9nveafHfpMRvWTp+fZ90Gv/voB/z7M3de22xrCyUlkbwUio2wLX3YT2U/EREYYV8VJSuj5CKR8TZ5P45G54i90YzksaMZruPz8Y+X6XSs7XXFUpIPPxpDVc+QK+6YBIGg17Voty1UVaZUSpHPJ5icLlAoJHdFKPYuty+7fjgmPKlui4lUOkY6EyOVihGPK3t2Rk1L549f3Oez5jJrRpelfhtVlpnMFCjFDzcaPSJiP/a0KG8Eg5LVQapkiG3DXyY2JhEMzKFbzbz83q5eGZeUd1bdtGn2+e7yE+Z7jX1vbzsm//zxD/nV6ZtcKYwc+FxKRiJxSQl71jSDsJdIbm8vEREIfCPsKBpFM94+kdB4ywwjmmFZLj/54TK67myvG61muHWniiyf7zNu3wvo7Gq7PVrNUCgkmb5QZHIqj6a9WUSZnstcZ511o48ve3Tx6Ag99GAaIPS9bsyuY/Gks86K3mFF75DUYlzKV8jHktEOKWIoKMnQqIkEaiG8fNrpii1D6lYzL6+5la4Z9Mp4BxUXumvzl6tzfNZYfmV0zvVilVwsyffX5oGw0d3vz9/lK9UZvlKbOfC3qGbD6AxsiQ1pj9gITJA0UDMSSiH6Tb9tIqHxFtmKZrSa5rGjGa7r86PvL2Ka3va6iak81z8YOdcHRdf16bQtej2bdCrG+ESOQjHFxZkiY+M5FOVgAWV6Dk/aGzzqrPO8u0nLNum7FmJXTenLO7at23wRsGn1yccSzBajrpsRp4NWDtt6v00/hKxJJC4Mmnk1A9T8Tq8Mx/do2gYty6BlG7RsnZZt4Pg+U9kit0rj1FK5oexXXN/nRxvP+eH6C9zA33PbRLrAz09cpZYKx7LWUjn+6PlnOIP7/fXaMzasPr86fYPYAQ3r1LxM4iI7kY2ehJINf+SBIVDyYUv187yfPK9EQuMtshXNsGyX0drRLc9CCB7eX98jMmYul7h0ThtxBUGA3nfp920syyObjTM5ladcTjNzqcTIaOZAMaa7No/b6zzprPOi16RpGTQtnaatE1PUQUQCtoZw7H4mCbZvU2SFW+VxUmrs9N5sRATvpoxZyUi0R/u8kFr0EhbdtkFr1UD3nNc+ptMwuddYppxIc7M0zgel2pF/H0IIuo7FfK/B99bm0V17z+3FeIqfG7/CpVxlz/7rcn6Ev3Pty/zes7u07NB/9rSzwe8+/iG/MXOHQvz17UDVgkz8QvjaXlMQ9Af9VZTwczjsMLaI4RIJjbfEMKIZqys91lZ3TFOXLpe4dKU8zM08dYJAYBqhuDB0l3hCJZOJU61mGRnNMHOpRLH0+pRF37V51F7jcXudhV6Tlm3QsMIzsYSiUkqkuZUZJxmJhogITM/hTxYfUW+vDVYc7fENS+fPlh/z5ytPuJSrcKs8zoVsed9BfkIIWrbBkt5msd9mqd+i95K4AEgqGl+pzXC7MoHyGnN1KZHmP7z6Jf7oxWc864Y+jqal888e/YB/98ItLuZev9/TSmGXWAsfrxkOpFML4ZyUqF/NuyESGm+J1ZXeiaIZlulSf7Cxfb1QTDBzuTTMTTw1hBCYpku/56DrDrFBBUi5kiafT1Aby1Eby5JOv14ctGyD768+415zmYap07B12pZBUtMoxdNMZYpvLIeLiHhXNC2dx+11PBEwmS4wkSmgyqdr2n7cXufbiw8xPPe191FlmWI8tesvTSACPmuusKTv9OUJhOBJZ4MnnQ0yWpwbpTFulMbwAp+lfptFvc1Sv41xQJREkWQ+Gpnip6sXDzWzJ6Fq/PrMh/zV6ty2b8P2Pb4x9zFfG7vCl0anX3tColXkMDUqfPxeODtGK0Ui410RCY23QBjNaBw7miGE4LNP1/C8cECaosrcvF078+kSx/Hodmz6fQdFkchk4kxO5snmEtTGstRqWbK5+IHvo2npfG/tGfebKyz3OyzrbRKqRimRZjoSFxFnGN21qbfWeNBaZd3c6XPzfcKD7kSmwIVsiQvZEpVEZmi/Z8Nz+JPFOo/a63vWjyQzTKQLlBLpbWGR0fb//d0sj9OyDT5rLHO/ubInzdJ3bb6/Nr998H8TxXiK6WyJL41Ok4sdrUuxLEl8bewyI8kMf/ziPl4QIIA/X3lC09L5lekPXvu5xUbCyIazGhCrymdiDs7nlUhovAVOGs14Md+m1dqJeV7/YORMN+MSQtDtWLSaFtlcnPHxHJlMjGotS20sS6H45mqOhtXnr1dDgbFVDZLW4pFZM+JM4/o+TzobPGyt8rzX3MeCHOKLgBe9Ji96Tb4LpNQY0wPRcSFbIq0dr6Pvo/Ya316oY/o7UQxVkvna2GW+MDK1b8rjdRTjKX52/ApfHbvEfLfJZ81l5jqbBK95T1uUE2kmM0UmBpGbzDHfy26uFaoU4yl+79lduk5Y0n+/tcKVwgiX868vf41VZbSRt2vAjXiVSGicMuEMkiat1vGiGb2uzZNd80tGqxlqY8MbJz9sPC9gY72P7wWMT+QYG88xfbFAuZw+1HvfMHt8b/UZD1qrLOttVvQu2Vic66XaUHZYEWefLRPhkt6m61gU4ymqqeyZLTcOhGCh1+RBa5UnnY1Xqiq2GE1mSWtxFvutV+5jeA4PW6s8bK0CUElkmMjkqaXyjKfzb3zvumvz7cU6Tzobe9ZPpAv8yvQHBxoo34QsyVzKV7iUr6C7Ng9aq3zWWKZpG0jASDLLZKbAZKbIeLpA8pSijCPJLH/32k/zzbmPWTG6ANzdXDpQaEA0R+gsEAmNU6bdMmm3TCzTZbSaPtJjfT/g3qc7497jcYUPboyeyZ0tgK47bK7rZDIxKhN5Zq+PMDVdONT2rhld/nr1GQ9bq2EEw+iQjyW5Uaod++wu4nwghKBh6SwN8vxLepv+PibCuKIymsxSTeWoprJUkzlyscQ7+z3ors0nm0vcayy9toIjqyW4XqxyvVjb7nLpi4AVvcOLXpPnvSarg4PmbjatPptWn09YAkIDZS0dio5aKkctlSOmqAghqLfX+JPFR1i7oxiyzM+OXeELlcmhfj5pLc6XRi/wUyPT6K6NpqiH8lsMi6Sq8bWxy/y/T38CwHyvQcc2ycejwZFnmRN/Q2ZnZw+Oo4X8k3q9/p8c4rm+APw28HNAFpgH/i/gf6rX66/uec4Bi4sdul2LdCZ25GZaTx830Ps7O7Abt6posbPX9TMIBM2Ggd53GBnNUK1luH1n7FAD3TbNPn+x8pSHrRWW9Q5rRpd8PMmt0jgpLaoceR8JRMC62Q9FRb/Fkt7G8r03Ps72PRb6LRb6re11CUVlNJWjmswylSkymS2+tpJhWKwaXX6yscCj9hqBeHX3F5dVrhZG+aBUYyL9qtBWJJnJTJHJTJGvjl3G8lxe9EPR8bzbpOdarzyn6bs8627yrLsJhOXZ5USGuKLuMW0CTKYL/PIJoxhvQpIkMu8ohTmZKVKMp7ZLXz9tLPGz41feybZEHI5hSNHfec16CfgvCAXDt9+SRmjgAAAgAElEQVT0JLOzs18B/gSIAV8HFoBfIRQePz87O/sr9Xp9/5jkGcVxfFZXevS6NtUjpjuaDYMXz3d2IFPTBcqVo0VE3ga27bG+1kdTFSan8ly6XObKtcobG2y1bIO/Wpnjs+YyS/02q0aHQjzFzaifxXtJ2zZ53mvwvNdkodfcbsZ0EMV4ilI8FVYY2fvXZVq+t+11+MH6cxKKypX8KNcKo0MVHYEIeNLZ4CcbCyzrnVdulyWJmWyZ66Ual3KVI1WUJFSNa4Uq1wpVhBC0bZNFvbXtTWraxiuPEYRRj91ossLPjV/hTnnizEY9h4EkSdwpT/Cd5ccA3Gsu82/VLqGc867I7zMnFhr1ev2391s/Ozv79wlFxv9er9f/6SGe6n8GEsBv1ev1rw+eQwX+EPhl4O8A/+dJt/dtsrLcpd+zUVSJePzwOx7X9fns07Xt6+l0jCvXzla/jG3DZ8uiWEwyWs1w81aNysjBYqjrWHxvdY67jSWW+m2W9Tb5eDISGO8ZziD68LzX4Hm3Sdt5cwOHraqIiUyBiXRhT8rM8lw2zB5rZo81o8ua0aOzz3Navse95jL3msvbouNqYZSpY4oOy3P5tLHEJ5uL+/aEyGhxPqxMcrs8nN4tkiRRTKQoJlLcLk9sb8Oq0WVZ77BqhOLjZaE2lSnyy1MffG5SCDdKY/z5ylN8EWB6Lk86G8wWq6f+uov9Fp82ltDd15fxRrzKqSTXZmdnbwL/IzAH/JeHfNhPA60tkQFQr9e92dnZ/4NQaHyVcyQ0hBAsDdImudzh88hb3T9tOwwlSxLculN7Y4TgbfKy4XNiIs/NW9UDJ8YarsP31p7x8eCMcLHfIq3F+aA0Fpk83xLBwGTZtsOW0xIwNqSptL4I2DD7oe+g22BZ7xxYnSBLErVUbltYjKcLB+b6E6rGVLbEVHand4zluaybPdaMHkt6mxe9Bv6uVMbrRMdEuoAvArzAxx0svWBwPQjwRHh9We/woLmCJ4JXtmcsleejkSmuFEZOPVWTUDUu5srbTaq2PC2rRpcNs0c1leOD4tkvdx8mYRRolAcD8+zdxuKpC437zRW+9eIBAYJNS2eus7nn+xjxek7LxfO/EqZA/rN6vf5q3G9/GkBldna2WK/XW7vWjw+WG/s85szSblsDE6hH9QglrS93/7x8pUw2dzYOxL4/GHjWtslmQ8Pn9Q9GmZzKv3YnZ3kuP1p/zo82XoSNffot4orKtWKVXFSmOnSEEFi+S9MyaNsGTXtn2bGNPQfiLTRZoZbKMZ4uMJHJM5bKHzhTIhCCpqWzZvZYN7qDA14ff58D8m5KiTQXsiUuZstMZApoJ2xYlVA1prMlprMlvswFbN9jrrPJ4/Ya873mnu3ZLTqOi4zEteIoH1WmqKXzJ9r2kyBJEpVk5o0j1N93PqxMbguNxX6bpqVTSgw/vSyE4Ptr8/zl6tz2urisUj6F13pfGbrQmJ2d/TXCCMS36vX6vz7CQ/8R8N8D//fs7Ox/TujR+JvAPwCawD8e9raeJosLbbpdi0z28CbQV7t/JrkwUzytTTw0njcYeNa1SaY0xieylCsZbn9YI5N5VQR5gc+S3uZZt8G9zaVBS+LWdpncWS1TPK+YnsOzboNn3U0Weq09PRQOgxv4OybLNbZLFsfTecbTBYrxFA1LZ83ssmZ0WTd7eMHBogLCKpHpgbC4kC2dev+TuKLyQanGB6XagaLjqCQVjTuVCe5UJqPo2xmilsoxksiwMfCq3G0s8YsT14b6GoEI+DeLde41dgSqJiv82oWbn5s01TA4jYjGfzNY/sOjPKher//D2dnZFqFX48Gum+4Dv1Gv118MaftOHfcYJtD9u39W3+kB2XF82m0To++QzsSZmMxTrqS5OFNitLp34FnHNpnv7Rzs2oMz6U2rjwCmsyWK8VQkMIaAEIINsz+oQmiwYrxqTjyIrJagGE/hBh5rZu+VygkBrJs91s0eH28uHvp5ZUmimspxMVviQrZMNZU7UoOoYXJY0SEBqqygyjKaFC63rscVjSv5Ea4Xq6feLjzi6EiSxO3KBN9erANhauNrY5dPHCnbwvE9/vD5ve1ZKwCFeJLrhSojybPby+gsMlShMTs7+xHwC8B36/X6d4/42L8B/LeAB/wLYJ3Ql/EzwD+enZ392/V6vXmI5/nsNTddPsr2nITlY5hAFxc6Z6b7p215tNsmpuGRzcWZnC4wOprh4kyJciUUC17gs9ALoxbz3QbrRpeOY9KyDdq2iUBQiKWYyBQpRQLjxLi+z4t+c1tc7NdnYjdxRd07wyIRLgvx1J4dsRf420bDZb3Ncr+DHby51FRCopxIh/0sUjmqqRyVRAb1DDr/d4sOL/CxfA9NVlAlGVmSou/mOeaDYo3vLj/BDXxs3+NRa42b5fE3P/AN6K7NN+c+YW1X6/ixVJ7fuHSHemvtgEdG7MewIxr/6WD5j47yoNnZ2UngDwAD+EK9Xn+867bfJkyf/FPgbw1nM0+P3SbQ7CFNoJ7nM/d0R0O9i+6fQggsMxQYtu2TzycYGclQHcsyc6lEoRCGCfuuzXeWHjHX2dw2FbZtg75rk9biFOJJZotV0mos2oG/Adf30T0b03MHfw6mH162XrredawDw/9pLc5MtsxMrsJ4Ok9S1Q71+auyst3TAfY2z9oSHz3HophIU03uiIqRZGZoZ45vE1VWyJzD7Y7Yn5iicr1Y49NG2NjsbmPpxEKjaen8y7mPt1udA1zJj/BrF25Gka1jMmyh8RuADvz+ER/3HwNJ4Hd2i4wBvwP8R8C/Nzs7O1av11cOeqJ6vX5zv/WDSMeNI27XkdltAh2tHs6sNf+sheuE5WqKIjH7wchbPUgHgWBzQ8c0XQqFJGNjCcYnclycKe1puvW0s8EfP/+Mue4my3oHgRi0h84xG09GP8KXCI2ZHh3boO2YtG2Ttm3QGVw+aNLlYailclzKVZjJVRhJDmco126j4YeVyRM/X0TEaXOnPLEtNFaNLutGj9HU8U7UlvU235z7ZE8DuS9UJvmFiWvvLA34PjA0oTE7O/shMA388yNUmmxxYbC8//IN9XpdDETClcH9DhQa75qlgQk0nY0dqiTVslxezO805pq+WCR+QJnosHEdn7XVHqqmMH2hwPSFIhdnSnvSNm7g852lR/xg7TlPOuu4gc+1wuhrJz9+XvECn7nuJk87GzQtg45tHioNcVjissqFXImZXIWL2XLUOTUiAhhNZRlL5XbmnzSW+Jup60d+nsftdf7188/2RA5/fvwqXxyZivZzJ2SYR7SvDpZ/dozHrg6Ws+wfDbk6WJ5pkeE6PitHNIE+fdIkCEIzXiymcOHi26sy0XWHjXWdQj7BaDXDnY/GKZX2ti1eM7r84fw9nnTWedrZZDSZYSpbPHHfhfcFIQSrRpf7zRXq7TXsQ7TS3o1EWKaZVDSSaoykqr1yPalqpNQYlWTm1Hs2REScR25XJll5EZ6nPmyt8vPjVw4s0X6Zn2ws8KdLj7avK5LEvzN98600Afs8MEyh8aXB8kfHeOz/A/x3wH81Ozv79Xq9/mzrhkGp6w3gz+v1+vOTb+bpsbJyNBNov2ezsrQzUOnSlTKqevoHEiEEraZJt2NRrWUZG89x5wtjJBLanvv8aP0F31l+xFxng5ZtcLUwSiEq6QKg51g8aK1yv7myPXPhdcRkhUI8RT6epBBLDpYpCvFkFBWKiBgCs4VRvrP0CNv3cAOfB63VQ6f+frA2z5+vPN2+HldUfn3mzrZvKeLkDFNobE21WTroTrOzs78I/CLwcb1e/wZAvV6/Pzs7+18TlrbenZ2d/f8Iq06+TFjFsgr8vSFu69ARQrC4cDQT6ONHm9uXU2mN8YncaW4iEDbdWl/rE/iCyakCM5dLzF4f3VOq2ndt/uj5Pe43V3jcXiepatypTJ5L898wcX2fx5117jdX9gz22o0qy1zNj3IhW9oWF0nlcMbMiIiI46HKCjdKY/xkYwEIx8cfZubL99fm+YtdIiOrJfjblz+knPh8N0MbNsMUGiODZfvAe4Ui4x8A/wT4xtbKer3+v8zOzn4K/H3g14E0oWj534D/oV6vr776VGeHo5pAGw2DxubOmfDVa5U9B/vTwLY91lZ6JFMxqhMZbtyqvSJunrTX+eMX95nrbLKkt5jOlhhNZj+XB0ohBG3HZKHX5EW/xXy3gfuaYWCTmQI3imNcLYweKWQbERExHO6UJ7aFxqbVZ8XoMn5AB9fvrT7b0+2zEEvyW1e+eOqN5T6PDG2PWK/XD1XRMRjC9tuvue1bwLeGtU1vk6OYQIUQPK7vRDMKxeQbh5GdlF7XprFpUCqnqNUyfPjRONnczg/KDXz+dLHOD9df8KSzjhf43BrSoKjzRN+xeDHokrnQa+47SGuLfCzJjdIYHxRrUZfAiIh3TCmRZjJTYLEfnuve3Vx8rdD4q9U5/np1O0NPMZ7ity5/RCYSGadCdOo1BLZNoD37UHNNVld69Hs7B7Cr1yqnFjEIAkFjU8c0XMbGs0xOFbh1u4YW20mDdB2L35v7hIetVZ52NxhJZpjKlD4X5Vym57LYb7HQb/Ki1zqU3+JascqN4hjj6dfPeImIiHj73ClPbguNR+11fnHiGgl1r/fsr1af8b21l0TGlS9G7eVPkUhoDIGVlS79vo0iS28sTfX9gCePd1raVmsZ8oXTUdGu47O+1keWJSanClydHeHS5dKeg+Nyv803n33Co/Yaq3qXK++54bPrmCz1O4OGVG0alv7Gx5QSaaYzRaYyJS7mSlG/kIiIM8qV/AgpVcPwXHwRcL+5whdHp4EtkTHH99bmt+9fiqf4zUhknDqR0DghWybQXscmm3+zCXThRRvb2hkBf/lq5VS2q9ezaWwYFAoJRkYz3PqwxsjI3mjLvcYSf/ziPo9aa5i+y63y+B71f97Z2+WyzVK/fWAqZItcLMF0psRUtshUpkg62glFRJwLFFnmZmmcH6yHBYp3G0t8NDIFwF+sPN1eD+EJxG9d/ij6fb8FIqFxQjoDE6hpuYxUD/ZZOI7P/NxOtcLUdIFUargH9q0un5bpUhsLS1dv3antacAViIDvLD3mr1bnqLdWiSsat0rjKGdwTsVR8YOAJ50NHrZWWdLbh+prkVI1praFRem9juhERLzv3C5PbAuKlm2w0G/xvNfkh7tERjmR5rcufzFqeveWiITGCVkczDVJZ95sAn0219yezqqqMhcvlYa6LbbtsbbaJx5XmJwucPVahZlL5T3VLKbn8gfzd7nXWKbeWqOayjGZKZx7r0HXsfi0scS9xvIbW3vnY0kmMgUm0uFfIR6NrY+IeF/Ix5NczJaZ74Up6j98fg/Tc7dvryQy/OaVj0h9zozu75JIaJwA1/FZWe4eygRqGA6LL3Yqfy9eKhGLDSfXL4Sg27FoNU1K5RSj1Sy379QovtTls2H1+cbcJzxqrfG81+BSfoRy4nSrXU4TIQTPe00+2VzkWXcTsc99JGAkmWU8nWciU2A8XYjysRER7zl3KhPbQmO3yBgZiIzPWzXduyYSGifgKCbQp48biMGRMJFQmZp+fX33UfC9gI31Pp4XMD6ZZ3Iyz41btVdEzFxng381/ymPWmu0bIMbpbFzm5s0PYd7jRU+bSzRccxXblckmWuFUa4Xa4yl88SjvhYREZ8rZnIVslp8jydrJJnhNy9/keR75EM7L0R74GOyxwT6hk6gnbbF2mp/+/rlq+VDDVx7E6bhsr7eJ52KMTaR5/oHo0xO7S25FELwg/Xn/OlinXprDYHgdnkCTTlflRNCCJb1DncbSzxur+GLV+MX+ViSO5UJbpbGojOWiIhzhh8ErBpdkqpG6YSRVlmSuFOZ3O76OZrM8puXP3qvzO7niUhoHJN+36HdfrMJVAjB40cb29ezuTi1Qw5cO+g5W02TbtdmZCRNtZbl9odjZLN7IxR+EPCthQf8YG2eh61VCvEUF3Plc9Ufw/QcHjRX+bSxRHOfHhcScClX4U5lkgvZUuS1iIg4h/RdOxx3oGgs620SinZio+aXRqcRQuCJgJ8amY5ExjskEhrHpNkwsEyXREI9MDqxuaHTblnb14fRnKvTttB1h8nJPBdnSly7PvLKMDYv8PlX85/yk/UX1NtrTGVL1FKnP0tlGAghWOi3uNdY5klnfd/oRUqNcbs8zu3yRNQyOCLinCKEYElvs6J3uJAtU03lWOq3metucrM0dqJ9pSzJ/ExtZohbG3FcIqFxTFotE9P09pSNvowQgiePdppzlSspSuXUa+9/GAzdod22mJgIy1anL7w6YdD2Pb459zF3N5d40lnnSn6UYuJkr/s20F2bz5or3Gss7+u9AJjKFLlTmeByfiQamR4RcUi8wKdtm6iyTExRiSvqO//9WJ7Lk84GQoTp3DuVSb5Sm+F3H/2AzfUea2bv3JwcRRxMJDSOgRCCdjOMaGSzr0+brCz30PWdUsur107WnMtxfNbXdarVDDOXykxNF165j+k5fP3pT7jXWGa+u8m1QvVMz+EIhOBFr8mnjSXmOpsE+9SOpNQYN0tj3CqPU4iffcEUEbEfvgjoOTaJwYH+baT5vMBnRe+wavRIazECIbB9D8f30BSFuKISk9XtbYorGjFFIaXGTm37hBBsWn3muw1qqTyX8hV+afI6NwYRjJ8dv0LLMnjQWqUUT0VDCt8Dov/gMdD7Dqbp4nkB8cT+H2EQCJ493Ylm1MayZLLHr/IIgoC11R6FQoKx8RyzH4y8siPoORZff/oTPmsss9hv8UFp7MyWcvZdm88ay9xrLNN1rX3vM5Mrc6s0wUy+/M7PviLeHl7g03Ntuo5F37WJywq1VO7cDrwKRMCa0WNZb6PJKrbvIkkSWS1BNhYnqyVIa/GheqfcgcBYM7rkY0lulsaYyBRQZYWuY2J5Lrbv7fnruzYNS8f2PWRJ4nqxNnRfgxf4zHU36Ts214s1Zos1fvXCTYq7TiC+UJnkfnOFDbPHfK/BtUJ1qNsQ8faJhMYxaDYNTNMlnnj9WcnyUhfT3Gk1funK8ZtzCSFYX9OJx1SqtSx3vjD+ii+kZRt8/cmP+ay5zJrR40Z57Mw1pBGD6MXdA6IXWS3OzdI4N8vj5M7pgSXiaDi+R9ex6LkWXcfC9FzSaoxcLMFYKofuOjxsrZFQNWqpHOVE+lyYfgMRsG70WNLbJNUY1wpVRlM5bN9Fd216Tiim1oweju+R0eJkYglyAwFynJk67nYEo0sxnuJWeZzpbJmv1Ga4mh/d/twsz6XrWHQdk87WZ2+bdB2Llm0w393kXmOZa8Xq0H6HHdvkaWeDXCzJRyNTfG38Cj9TvYj80kmELMn88tQHrOgdfrKxQNs2okjmOScSGseg/QZ/hu8HPHva3L4+PpEjlTr+Qb/VMvG8gMmpPB9+NE7ipSjKhtnj609+wmfNZVq2wc3S2JlyWL/JeyEhcSlX5nZlggvZ81UVE3F0/CCgYenbwsLxvcHZfYKL2TIZLU45mWEiXWAsnWdZb/Ogucq60WVZb/Oi16SWzjGazJ7JAXeBCFg3+yz12yQVjauFKpOZAj9dneFWaRyBYG0gQJb1Nst6h65t0nMteo7Fkt6m37a3UxhJVSOpDJZqDHWfUQGu77NstFk3ehTiKW6XJ7iQLfGV2iWu5F+NfiZUjYSqMZp6tQJOd22+MfcJieYy9dYqF3NlRpLHr5QLRMBCv8W60edSrsLlwgi/duHWa0e4A1RTOb5cvUjLNpjrbPLhyGQU1TzHRELjiAghaDZNLMtlZGR/f8biQgfbDqMZsiwxc/n40Qy979Dt2ExO5rl5q0ahsNdvsdxv8/WnP+FBc4W+Z3OzNHYmcppe4LOkt/m0sczTzgbBPpUjWS3OrfIEt0pj5zYsHnF4vCBg1eiwondJazEKsRSj+RxZLc5oKst4usBkpshEZm/31g8rk/zc+FU+2Vzkk81F1vQOK0aXxX6bkWSGWip/Jpow7RYYCUXlan6EiUyRn65e5FZ5fI8omsgUmMiEHishBC3bYKk/GP43mCpseg6G52J5Di3bYFl3sHwXTVZIqjvCw/Zc1swepW2BEUYwLu8jMA5DWovzH1z9Kf7oeYKYolJvrWJ53pFHFWy9r+e9JnFF5cPKBD81eoFfmLh2qCZ6X61d4nF7jQ2zx2K/zYXscEc2RLw93v0R6Zxh6C6m4eC6AbF9uoF6XsD8s53BaROTeRKJ4+0EHcdjY71PdSzLpStlJib3ngHMdxt8Y+5jHjRXcAKfm6Wxd3KGZ3kuG2afDbPH+uCvaRmIfVIjEmHXvtvliXPX0+N9wA8CmrbOutmn51hktTjVVI5SIn1q/wsv8Fk1uqzoXXKxBDdKNSYyRa4VRplIFxlP598Ygctocb42dpmfqV7kYWuVH28ssNBrsmp0+bSxRC6WoJbKkY+9/bk1gRCsmz2W+23iisqV/AgTgwjG7ZcExn5IkkQpkaaUSHO7MgGEpu5Ns0/D0mlYOi07XPYcC8t3MTwX03PoOVbYnKo8wYVcma/WLjGTO3kJvSYr/K2LtynEk2iywsPWKpbvcjlfeSXVsR+G5zDfbWB5LhdzZaYyJX5p6jpXC6OH3oaYovJvT15nw+xzd3ORSiJ9brsZf96JhMYRaTYNLMsjkVD3DCvbYuF5G9fxAZAViYuXXi0/PQy+H7C60qdYSjExkefa7Mie2x+11/j9Z3e531xBAj4o1t7K9FU38Fnqt0NBYYSi4nWlqLvJaHFulca5VR6P+l68ZYQQdByLTbNH0zbIqHFGkxmu5Udp2QYreof5XoPRZJbRZHZoabfdFQ/5WIIbpTGmMkV+pjbD9WL1UAesl1FlhVvlCW6Wxlnot/jxxgset9dZM7o86zYQQlBOZhhJZk7do2S4Dutmj02rT0LRuDwQGF+uXuROeeJEoj+pxpjKlph66Sze8lyatkHTCkXIlqD/QmWKmVx5qCJLkiR+bvwqhViKmKzwsLXG/eYqs4XqazsLe4HP4mD/MJ7Oc7M0xperF/np6syxRgFczo9wqzRO09KZ625yqzR+Lvw5EXuJhMYRaQ2MoInkqx+d6/o8n9+JZkxPF944A2U/QvNnn2RiYP78cGyPqFnoNfnm3Cfcb64QUxSu5EdPPTIghOBRe50/XXr0xumoWyiSzHS2yO3yBDO58rEOLBHHx/QcNsw+m2YfSZIYSWb4MDtJLZXjRmmMC9kyc91NPt1cYs3ssmZ0uTuIDlSTuWNPtd1T8RBPcbM0xlS2xFdqM1wrjA7leyBJEtPZEtPZEi1L58cbCzxorbJp9tk0e3zWWCauaIwkM1QSmaG13PcCn01LZ8PsYXkeI8kMN4pjjKayQxEYbyKhaoyr+QP9DcPmdmWCXDzB783dpd5a5dPmEh8Ua3va/ItBVGeh3yIXS/JhZZIbpTF+YeLanoqS4/A3JmeZ7zXYMPtRb41zSiQ0joAQglbLxDJdyvv4M57Pt/aMgb8wc7xoRrNpEgSC6kSWL3w0vidFo7s2fzB/j8ft9e0w7Wkr/LZt8u3FhzzvNV97n7isMpLKMJrMMZrMMJLMUkqkInExBFzfp+uaeEGAhIQksXc5uBxeA9N3BwdCl0oiw9VClUoyw/VilRvFMcbSO/NwxtJ5vlKd4Wl3g7ubizztbLJh9njea/KsGzCaCqMcu30/QggEgkAIfCEIRLC9bNnGtiHxVnmC6YHA2F3xMGyKiTS/NHWdX5i4ylx3k/vNFeY6GzQsnQ2zz4tek3w8SSWRoZhIHdlUGEaETDbMPi1bJ6clmUgXKCfSXMmPcrM8zsVs+a1EFN8VF7Jl/u7sl/mXTz/mYWuVe40VrhZGKcSTdB2L+e4mANcKVS5my/zi5DVmcifrG7RFNpYIe2vYBg+aK1FvjXNI9N86AobhYhgurhu8EqlwbI+F5ztj4KcvFtG0o5/Z9Ps2/a7NxFSem7dr5PI7aYZABPzh/D2edNYxPYfb5YlTFRm+CPjR+gv+evUZvgi2129FKkYGofbRZJZc7ODBchGHxw18uv9/e3ceHOl933f+jW40utH3hfsazGDwzD0citRJSqQoWpYoUUpiO5s4duxkK3HVWkpZdsnOuhxdFcVbu17LjpS1N5stW7vZsl3OWrZWRyRTliVKckxLoiiRnIdzn7jR9308+8fTOAfAoIHuGWDweVVNNfrpfh78gGca/e3f8/19v2V7qWGqVKDUWJXR6XSCZWe+WEu3WOu+Brezk0FfmLjHx3iwhxPRAY6E4pt+0nY6HEyG+5gM97FYzPHSwi1eXrjNbCHDTD7Ni/M3cTmc1Kw69UZAYVl24yr7nwNn49bX2dWShMSd6HQ4l3+OfKXM+eQ0ry5OczObYL6QZSqf4nJ6npjHZxfMomPVz9Cx4f1kKc9cIYujo4Oe7gBjgRhD/jAnowMcjwzsuh/HfhLz+PnHk6/nz6/8AI/TxYXkDH6Xm2ylzGggwog/ypsHDvNQfKTlQddD8WFeXZxmrpBVbY19SIFGExKL9myG2+O8Iz/jypUEtZqd/OhyORkdu7Nq592USlXmZ3P0DwSZOBpnYHDtFOHfTF/h5cUpbmYTnIwNtvUT1O1ckr+8cZ6FYm7N9rFAlLcPG1rX3kLVeq1R06BIqlFMye9yE+zq5nAwjr/LQ583SMDlWZ5JsCyLeuPr9ffdzk4mw30cj/Q3/UYY9fh4YmiStwwc4bXEDD9YuMn19CLlem05mHAuvRF3dODscOByOJf/BbrcPNwz2pKExN3wurp4uGeUh3tGWSzmeGVxilcTU8zmMywUc1TqNft3tsXv0bIs/F1ujoZ7iXcHOB7p52RskL7uwIENqr2uLn5y4mECXfaKlPlClslwHw/1jPDYwETbAq+V2hpJvjd3g0Qpv+tLMnLvKNBoQiKx1EhtbbJcsVjh1o3U8v1DhyN3NDm7G8uymJttJH8OhyqhIzUAACAASURBVJg4unba8Wp6gedvX+RCcoZDwVjbEt2K1QrPT13ihwu31mz3dnbxxNBRJsN9B/aPbKtU63Uyy8WSCnaBKpebUKOORKDLQ293gGF/hJFAhBF/5J63vXc5nJyM2YXTFos5CtVKI5hw4HJ20tnhoMvp3BeXxqIeH48NTvCWgSPczCa4kl6gXK9SrdepWnVqy7c1qlbd3l6vUbPqRD1+TkYHmAj17MmaHfdDp8PJM2On6OsOMJ1P82jfoXuSN7GUB5Mo5bmSmicYH36gL1c9SBRobNNSa/ZCoUo0vjaSvnJpkXrdns1wu50MjzSfqJVIFHA4HMR7fJw+079mxiRbKfGlaz/iQmqWkLt7V8VzNmNZFmZyhr++deGOZM/TsSEeGziyp4qA7SdLPS6WAot8pYy3s4uQu5vRQIxgl4e4x98IKqKM+CN7ako+6tm8n89+0tHRseFKDmleR0cHj/Yduuff9039h3ktOcNcIcvNXIKxQOyej0Gap0BjmwqFCvlcmUqltqYyZz5f5vat9PL98SPRLdvGb6RUqpJKFhkeCXH8RO+a5M+6VecLV3/IxeQspVq1qXXo25Us5fnaTfOOZM+Yx8c7Ro4x6Gv+MtBBVrcsso2ql6lSgWylRHeni2BXN8O+CMEuD1GPj9FA1A4sApE925NGZC/pcnby1KraGn3dQX0A2gcUaGxTYrFAoVihy702P+PyxUWWil52d3cyONTcbMbSJZNo1MvQcJi+/rWzFd+eusyri1PcyiU5FRtqaRneWr3O381e47/NXF2T7NnZ4eCN/eM83Duqsr/bZFkW6XKR+WKWxWIOl8NJqKubfl+IUJeHiNvHSCDCqD/KsD+ypzvqiuxlh0M9TIZ7uZlJMF/MMuzf2eo+uXcUaGyTvax1bX+TbLbE9FRm+f74kdiGRby2kkwUcXQ4iMd9HD+xdgng5dQ835q6yGvJWcaD8ZaWWb6ZTfDcjfMslvJrttvJnscI643wrizLIlcpMV/MsVDM2ufR4+dUbJCox9+YsYgw6o8QdnuV2yLSIka4nxfnbnIjm1CgsQ8o0NimpUJd0ejKG/ClCytt4L0+FwODzeVO2JdMCgwNhzh2onfNktl0uciXr/2IC8k5Im4v8W7/7n8I7CJO37h1kVcSU2u228mek0yG21fv4EGRr5SZb1RmrFsWcY8PI9JPzONnMtyLEeljxB/ZF4mSIvvRkVAPYXc3F1KzFKsVXT7Z4xRobEOhUCGXK1Mu15YrgqZTReZmV5Z+HplorvyvfckkRyTqZXA4RP/ASpBSqzfyMlJzVOpVjMju8zIsy+LlxSm+efsCxVp1zWMPxYd588CRHZUIPgiq9TrZSolMuchiKUe5ViPu8XEk1EPU7WMi3MOxSD9jgahWJojcA16XXaL9QnKWRCnPQOe9q5QqzdM7yzYs18/ocuJoLKe6dHFlNsMfcNPb19yMQzJZxNEBsbiX4yfWLhl9fuoi5xenuJ1Lcjo2tOtPxvOFLF+7aXIrl1yzvbc7wFMjx1TSdxXLsijUKmTLJTKVItlKiUK1grezi4DLzVggStTjYzwY51ikn8PBuKoUitwHE6FeXpy7wUw+zcA9LMkuzdNfyG2w62dUl2czcrkyC/MruQ0TR5ubzSiXqqQSjUsmx/vWrGK5lJrjO1OXuZCa5XCoZ1dTgtV6jb+ZvsJ3Z69TX9VJ1eVwNir4DT+w0/uWZVGt15cLXMFK5UyL1dU17TLaucaMRbZSooMOAl0e/C43Pd0B/C43EbeXAV+IUX+UiXDvnmhLLnKQTYR6iLi9XErNUanVWtbPRlpPgcY2LK04iUTs/IzEwkqQ4fN3EYtvv0Ld0iWTcKSbwaHQmryOVKnAl67a9TJiHj+xXdQvyJaL/PmVl5gtZNZsnwj18MTQ5APbQbVu1ZkrZLmdS1GuVenoWOoGQuPr9bd2lUtfZxc93QHGg3ECjUqcA167edWAL6T21CJ7TMjdzaA/TCg5y2IpR989mJmdL2Sp1Gt0Ohy6TNoEBRp3USxWyWZLlEor+RmJxEpb9Gi0udUEqWQROiDe4+P4yZVLJnWrzpevv8yl9Bw1q87oLooKzeTT/PmVl8hVSsvbgi4PTw4bHA61ptHRXlOt15jJZ5jKp+h2ujgUiBHxeO2+Fdils1f3sVjd26LT4STm8THoCzPgC9Hj8avioMg+MBHq4Yfzt1gotjfQsCyLm9kEs4UMxyMDnI4N6ZJzExRo3EViMU+pWKWrkZ+xVCF0SSS6/WWg5XKVZKLI0HCQY8d711wy+d7sDc4nppnKpRp5GTtb+XEhOcuXr71MdVVdjLPxYR4fmHggpxZLtSrTuRSzhQzBrm6McD9D/hAP94xxOjao/AmRB9jRcC9Rj5crmXmq9TqdbfiAULPqXErNUaxWOB0b4i0DEzw+OKHVeU3QX+G7sMuOV+huzGbkcxXK5dry40uXU+5m5ZKJh4Gh4JqGafOFLN+4/RoXk3OMBqI7ysuwLIsXZq/xralLy9s66ODJ4UnOxoebPt5el6+WmcqlWCjmiHl8nIoNMeKP8GjfGEa4XzMSIgdAzOOntzuIv9NNspRvWRmAJeVaFTM5Q5ejkzPxYd45eoJTsaGWfo+DQIHGXSw1Ugst5WckVvIz/P4uXF3bmyVIJYsAxOI+Tqy6ZFKr1/nStR9xJb2Ap7OT3h30ManW6zx34/ya2hhuRyfPjJ9m7AHr65ApF7mVS5IuF+n3BnkoPsLhUJxHe8fue8dQEbn3joZ7eXnxNoulXEsDjVylxPnEDHGPHyPSx7PjZ9QnZ4cUaGyhVKqSzTTyMxqXOdZeNtleEmi5XCOZKDK4fMlkZcbiO9OXuZCcZb6Q5Ux8qOk3ykK1zOev/HDN0tVQVzfvP3z2gWmGBfYMxvXMItlyiUFfiMlwH5PhPh7tO8SglraJHFhHQj1EPT5uZBPUrXpLVtItFnNcSs0zFohyLNLP+488pLb0u6BAYwuJxQLFYhVXlwOnc2f5GUu9TMJhD4ODQQaHVi6Z3M4m+fbUJS6l5hgPxZrOJ1gs5vjc5R+QKq+MacgX5r3jp+95W/F2Kdeq3MgmWCjmGPCGMMJ9nI4N8WjfoQcqkBKRnen3Bol7/HicLpKlwq7+LliWxVQ+xe1cCiPcy+n4EM8cOqPl7LukQGMLS2XHl2Yg8vm1+RnhbeRnZNIlrLp9yWT1KpNyrcqXrr/MlfQ8gS4PMU9zU37XMot84coPKdVXqnyeiAzw1MixtiRE3WvVep3buSTT+TQ9Hj/n4iMcjw7w+OCEAgwRWdbR0cFEuJfziWkSpfyO/z7ULYsr6Xky5SKnooO8oX+cJ4cM5Xu1gAKNLSQS9oxGKGTXnFg9m+H3d9F1l/yMarXO4kKBgcEAE5PxNQ3Zvnn7IpdTc6TKRc7Gm0su+uHCLZ67YTbKTtkeGzjCI71j+z5HoW5ZzOTT3MolCbo8nIkNcTjUw1sHjzLkV7t6EbnT0cblkx8t3OZw0Gr672DdqvNqYoYO4HRsiHeMHudcfGTf/z3dKxRobKJcrpFJFykVq3j6l/IzVhJBt3PZZGE+hz/QRU+vn5HRlTfJK+l5Xpi5yqXUPEfDvU0VfrmYnOUvb5xfvt/Z4eDHx05yNLz7fij3k2VZLBRz3MgmcDmcGOE+RgNRHh88ykSoRy94EdnUkD9M1OPD5XCSLhcJNdl9+nYuBZbF2Z4R3nPozANbb+h+UaCxiUQiT7FUpdO1Kj8jsf1E0HyuTLFYZXQ0zImTfcvt4wvVCl+5/gqX0nPEu31NtWOfL2T58vVXlu/7XG7eN37mnlTEa5e6ZZEo5bidS1GrWxwKxBj2R3jTwGFORQc1bSkid+XocHAkGMdMTLNYyjUVaBSrFaZyKU7FhnjHyHEFGW2gQGMTdiO16vLljny+Qrm0vfyMet1ifi5HPO7j0OEowdBKue/nbp7ncmqeYrXS1CxEsVrh81deolK3x9DlcPITR87t23yFYrXCTCHDXCGD29FJvzfIoD/MI71jPNI7pkJbItKUo+FeojM+zMQMhwLbv3xyLbNAnzfIZLiX45H+No/yYNJf800sJYIGQ+7G/ZXZDN9d8jMSi3m63J3E4j6OTKxEx+cT0/xg7gbXMgscj/Tj3OYyrLpl8aVrL5NctbrkXWOn9l2QsTR7MZPPkK2UiHv8HI/009sd5HRskId6RtRTRER2ZDQQJer20YFdA8O/jX5OiVKeXKXMZLiPtw8f0yXaNlGgsYFKuUYmXbLzMxrt35OJ7S1rLZWqZNIlhkfCHD/RS2enHUxkykWeu3GeS6k5+r2hbb0Ilnxr6hJXMytt6d/cf/i+Tu9lykUq9RouhxOXw0mnw4Gzw7Hpi7RYrTBbyDBbyNDl6KTPG7BbrId67GTPYFyXSERkVzodTsZDcV5LzrBQyt/1b2zNqnMlPc9YMMajfYdaXlVUVijQ2MDSapPOTgednUv1M1Ylgm5y2cSy7EsmkaiXoeEQPb3+5e1fufEql1Nz1CyrqdUTZmKGv5u9tnx/ItTD6/sO7ewH26VitcLVzAL5ShmP00WlXqNSr1G1akAHrkZHw06HE5fDgcvhpFitkKmUiHt8HIv009cd5FRskFOxQcIqgCMiLTQR6uEFt5dL6XlG/ZEtZyhuZ1N0O7s4FIjxxv7D93CUB48CjQ0slR1f6tZayFcole7e3ySdLmFZEI15MY73LG9/aeEWryzc5lYuycnY4LYbps0VMnxlVfJnzOPjnaMn7vn0Xt2qcztnF7Hp9waXA4ZirUKhWqFcq1K16lSXAo96fTkI8Xq6mAz32bMX8SGOBHs0eyEibTEejBP2eKkl6xRqFbybFC4sVitM5+0Glm8bmsStnLC20m93A0uN1ALBRn5GYl1+hvvOX1u1WifRqJlxdDK+XOSrXKvy/O2LXEzNMeyPbPoff71CtcxfXHlpuQur29nJs+Nn7nmSZLKU50p6Abezk9OxIYxwH28fMdYUGKvUaxSqFQrVMoVqhXzjtlgt43A4OBbpV/leEWk7t7OTQ4E4F5KzLBZzeP13/r21LIsr6QX6vUGMSB+T+7w0wH6gQGOdSqVGOlWkWKzS08jPWFN2fJPZjIX5HIFAF739AYZHVi6N/HDhNlO5FDWrTv82l6HWrTpfuPoj0mW7EVsH8O6xU/f0UkOpVuVqeoFspcShQIyxYJS3Dk5yLNJ3x4yKy+HE1eUk2ETeiYhIOxwN9/DdWR83sosM+yN3PJ4o5SlUyxyP9isB9B5RoLFOMlGgWKriXJOfsXUiaG6pZsZYhBMnepdrZtTqdb43d43buSQDvtC2/0N/4/ZFbmQTy/cfG5zgUDC2y59se+qWxVQuxe1ckt7uAJPhXh7pO8Sb+g9relFE9rzDwR7C7m4upKoUqxU8q/qU1Kw6V9MLjAfjvKFvfN+t3Nuv9M6xTibTWG3S6NZaKFQolVb6iayf0ViumdHjY/xwlEBw5VO9mZzmdjZFoVahd5sZza8sTvH9uRvL941wH6/rGd3Nj7RtqVKBK+l5XA4np2KDHA338fZhg54dtK4XEbkfvK4uRgNRLqTmSJTyDHSudHe+lU3i7exiLBi9b0n1B5ECjXUsy8KyrOVZiTX1M3x35mckFvO43Z3E4z4OH4mtOc4LM9e4lUvS7w1uq3XxdD69prx4T7efp0ePt3Vqz7IsEqU8U7kUhWqFsWCMsUCUtw0d5XhkQNOKIrLvTIR7eXHuJtP5FAM+O9AoVCtM59OciQ3xxJChooD30K5/04ZhWHd/Fn9omubPbeNYEeDXgb8PDAK3ga8CHzVNc2o349yprS6b2DUzygyPhji2qmYG2P1MbmYTpMoFjmyj5kWuUuLzV16i1kj+7Ha6eHb8DK4m+qA0o1qvM1fIMJVP4cTBgC9ErzfAQ/ER3jJwZM10o4jIfjIR6iXs7uZiapZyrYrL4eRKep5BX4jj0QEmQj13P4i0TCtCuo9tsr0D+CUgAHztbgcxDKMP+AYwCXwF+FPgYeBfAD9mGMYjpmkubHGIlruzv0n3msfmZnNEot0MD4fo6Vl7aeSFWXs2o687cNemaZZl8eVrr5CtlADooINnDp0i2NVcY6DtKDai+rlChoDLw5FgD33eIGfiQ5yNjyihU0T2vWCXh0F/mFBqlkQpT6fDQalWZdQf5clhQzO199iuAw3TND+60XbDMH4ZO8j4fdM0P7uNQ/0udpDxAdM0P73qOB8BPgp8GPjV3Y63GYVClVJxJT9jdX+TUrFKvW4Ri3mZPLZ2edTtbJLLqXkWijnOxofv+n3+duYq17OLy/ffOjTBSCDagp/AZlkWmUqRqVyKVLlIj8fP6dgQg74wD/eOcjzSr2lEEXmgHA318sP5W8wVMhRrVQ4H47y+f1xL7e+Dtry7GIZxEvgkcBn40DaePwz8JPBXq4OMhk8BR4B7fulkdTVQr8+Fe1V+RqFQwdvtIt7jW04cXfLC7DWm8yliHt9dV2rczCb4zvTl5fsToR7OxUda9BPYS7luZBap1uv0e0McCfUyEe7l4Z4RDgViiuxF5IF0NNxL1OPlcnqOiNvHoWBMCaD3Sbs+xv420AX8omma+bs9GXg39qWWP17/gGmaKeBnWzu87dmqLXyhUCUY9NyxfbGY47XkDNP5NKdig1seP18t88VrL7OU5BLs8vD0SGuSPy3L4kY2wWw+w3gwTp83wMnYIOd6RtYU2xIReRBFPT76vCHCXV4OBWO8fdhoW86bbK3lgYZhGO8Cnga+aprml7a529nG7Y8Mw/hp4F8Bp4A08GfAb5imOd/qsW7FsiySmxTqqtctSsUq3f0uousCjRdmrjKdSxHq8mxZBdSyLP7rtVfINfIyHB0dPDN2qiVJmNV6jQvJOar1GmfiQ7y+b5w3Dxyme5tVSUVEHgST4V5m8mmMiN0GQe6PdsxoLOVRfKKJfZY++v8K8CzwF8DzwGPALwBPGYbxRtM0FzfZf5lhGC9v8tCRJsZDuVyjuCo/Y3UiaKlYxeVy4PW68PpWAoNMucjLi7eZyqeYDPdtefzvzl1f05H18YEJ+n2hLfbYnnyljJmcIejycDI6wDvHTnAiuvXMiojIg+j1fYeIenwcDt6/btfS4kDDMIxzwNuAb5qm+c0mdl2ay38f8B7TNL/YOF4H8L8B/xL4TewVKPdENlte/nqj/AxPt4tozLvmMsf3524wk8/gdroIbLF643YuxfO3Ly3fPxyMc65n93kZC8Usl1MLjPgjTEZ6eXb8LH3bLHsuIvKg6XQ4ORbpv9/DOPBaPaPx843bzzS531Jr1D9dCjIATNO0DMP4MPBPgZ8yDOMXTNOsb3Ug0zRPbrS9MdNxYrsDymZKy1+vrwZaKFQIh7uJRFYumxSrFX4wf5PbuSRjgc3LhRerFb549UdYjcyMgMu9646sq/MxjkX6OBkd5JlDp/G6dKlERETur1b3634fkAM+3+R+qcbtC+sfME0zDVwEQsA9u8i2ekZjdcKnnZ9Ro7vbRTS2EoC8tHCL6XyKjo4Owu6N619YlsV/vf4KmcpSs7QO3n1od3kZ1XqN84lpUqUCZ+JDPDFs8A8mzinIEBGRPaFlMxqGYZwFRoE/2uZKk9XMxu1m745L25s97o6USlUq5dry/dX5GcVChS63E5+/C6/XHla1XuN7s9e5lUsyuEXztO/P3eByeiWn9S0Dhxn0hTd87naszsc4Fevlx0ZPciI6sOPjiYiItForZzTe3Lj9xg72/Xrj9un1DxiGEQfGgSumaWZ2NrTmZNIrl0283nX5GcWqPZuxapbjlcUppnJJKrXapktHp/Npvjl1cfn+oUCMR3rHdjzGhWKWlxenGPCGeLh3lH80+XoFGSIisue0MtB4pHH73R3s+3XgFeBthmH8zNJGwzAcwG8BLuA/7naA25VZnZ+xrr9JMV+hu7tz+XJK3arzd7PXuJWzm/c4NpjNKFYrfOHqD6lbdl6Gz+XmnWM7z8tIFPNcTi1wLNLHG/oP8dPG65X0KSIie1Irk0EnGre3tnqSYRhPAE8AL5qm+TkA0zTrhmH8E+A54A8Nw/iHwPnG814HfBv4X1o41i2tntFYnQhaq9UplWuNFSf29oupOW5lk2QrRSbDvXccy7Is/vLGedLlpbwMePfYyS1rbGylWK1wMTXHZLiXN/Uf5unR49vqDCsiInI/tPIdailRM3mX5z0BfAR4/+qNpml+HzgH/AF2M7VfxE4A/RjwlGmalRaOdVOZdInyqvyM8KpLJMViFbfbScDvxuNxrWkF3+cN4nTc+et8aeEWF1Kzy/ff2H+YYX9kR2Or1euYyZnlDoTvGFGQISIie1vLZjRM09zW0tFGE7aPbvLYNeCftWpMOzF1O738tdfrWtPHpFio0N3tIhKzg48b2QTX0gskSjnOxUfvOFaxWuFbq+pljPgjO661b1kWl9PzeJwujoZ7ec+h0xsGNiIiInuJ3qnWuX1rJdBYn59RaAQa0cb2F2avcTufIu4J4HLeWUP/b2euUqrb1UXdjk7eNXZywxyO7ZjOp8lVSkw2goytCoKJiIjsFQo01rm9akYjvC4/o1Ku4/HYiaBzhQwXk7PMFTIMblA6PF0u8uL8zeX7j/SN4XO5dzSmdLnIzWwCI9LHk8NGS1vIi4iItJMCjVUSicLaRNBVMxqFQgW3p5NA0IPb3dkoN54m7O7esODWd6YvU7PsIqY+l3vHJcbLtSqvJWc4HOzhoZ5RHu658xKNiIjIXqVAY5XLF1eanHW5nXg8KwFEsVBtLGvtJl8p88ribabzaQa8d85mzBeyvLI4tXz/Tf3jO2pPXLcsXkvO0uPxY0T6+LEWtZAXERG5VxRorFLIr5QdDwTWXuZYzs+IeXlp4SYz+QxdTif+DS6HPD+1kgAadXs5ucNCWtczi3QAE+Fenh0/Q5ezHc12RURE2keBxioPPzrM6FiYQNBNX39geXu1WqdaqePxuAiFPbw4d5OpXIoB753lxm9mE1xZU2b8yI6WoM4XsiwUc0yG+3jm0GkiHt/OfzAREZH7RIHGKl5vF+96zzGMYz10da1c6igWKng8nQRDHi7n5pnOpyjXq0TXvflblrWm/fuAN8iRUPN94HKVElfS80yG+3h8cGJHxxAREdkLFGhsw9Jlk3Ckm+/NXmcql6LPG7xjqeql1DxT+dTy/ccGJ5rOqajWa7yWnGXEH+VUbJA3DRxuyc8gIiJyPyjQ2IZCoYrH66LaXeN6dpFkOX9Hb5G6Vedbq5qmjQfjTVcAtSyLi6k5Ai4PRqSPZw6dUuVPERHZ1/QudhfVSo1azc7PuFSZZTqXJubx37GK5JXFaRZLK13sHxs40tT3sSyL69lFyrUak+Fe3jt+hu4d9kMRERHZKxRo3EWhUMXj6aTL5+BCZobZwp1LWiv1Gt+Zvrx8/0RkgHj3xu3iN3Mrl2SxmOd4pJ93jp1QN1YREXkgKNC4i6X8jAVnhpl8Bp/Ljde1dqbhxbkbZCt2oS9nh6PpvIqpXIrZfIYT0QGeHj3Oiehgy8YvIiJyPynQ2IJlWRQKFbo8Tq7XFpnOpxhYV268WK3wwsy15fsPxYcJNtGHZCaf5lY2yYnoAE8OG7yud6xl4xcREbnfFGhsoVqpY9Ut0laReUcWCwh3rW209rezaxunPdpEd9b5QpbrmQQnogM8NjjBG/vGWzh6ERGR+0+BxhYKhQqebhfzHRmmi/ZsxurlqplykRfn1jZO696g78lGFos5rqTnOR7p500Dh3nr4FGVFxcRkQeOAo0tFAoVqs4aaVeebKVEj2dtgueaxmmdXdtunJYsFbiUmseI9PNo3yGeGj6mIENERB5ICjS2UCxUSVo55h1Z+rwBnI6VX9cdjdMGDm+rcVqmXORCcpaj4R4e7hnlx8dOKMgQEZEHlgKNTZTLNcq1Kql6kTky9K9b0vqtqUtYja8j22yclq2UOJ+Y4Ugoztn4iApyiYjIA0/vcpsoFqsUHGWyriLh7m7cqzqnzuYzXF7VOO2xbTROy1fLnF+c5lAwyunYEM+On6FzB63jRURE9hMFGpuo1WpkKLLgzN5RoOvF+RvLX/d1B+7a9KxYrfDq4jTD/ginYkO8//BDavkuIiIHggKNTWSrJQodFRx+8Lvcy9sL1QrnEzPL98/1jGyZY2FZFmZyhn5vkJOxQf7BkXN4trkyRUREZL9ToLEBy7LI1cpkO4r0RgNrAomXF28vrzTxdro4Gu7b8lhzhSwddHA4GOcnJh5W/xIRETlQFGhsIFUuUnbWKLsrxLp9y9vrlsUP5lfqZpyODdHp2PxXWLPq3MguMhaI8sb+w2tmRkRERA4CBRrrWBYsFLMUHCWCEQ+OVbMZV9LzpMtFADro4HRsaMtjTeVSeDvdjAaiPNQz3NZxi4iI7EUKNNZZKGbJVUoUO8rEo741j724ajZjItxDYIueJpVajalcirFAlLcMTGiFiYiIHEgKNNaZKWQoUcXd3UmXfyU4WCzmuJ5ZXL7/UHzrGYqbuQRRj4/xYJxjka3zOERERB5UCjTWsyysTgu8rEkCXZ2bEff4GfKFNz1EoVphrpBlxB/lrUPqYSIiIgeXAo11/DE3BCzq0drytlKtysuryo2fjQ9vGTxczywy4A1iRPoYDUTbOl4REZG9TIHGOh5fJ9ZYDctrLW97dXGKSt0OPNzOTo5H+jfdP1MukikXGfJHeOvg0baPV0REZC9ToHEX1rolrSejg7icGyd2WpbFtcwiw/4IZ+PDxLv9Gz5PRETkoFCgcRfXswkWS/nl+2fjmy9pXSzlqdRrDPvDvKn/8L0YnoiIyJ6mQOMufjC30tdkPBgj7PZu+Ly6ZXE9YxfneqR3bMulryIiIgeFAo0tpEqFNV1aH4qPbPrc2Xwal8PJsD/CI32H7sHoRERE9j4FGlt4aeEWSymh4a5uxjZZQVKt17mZSzIWiPKmD6wpUwAADn5JREFU/sNrWsqLiIgcZAo0NlGr1/nRwq3l+1stab2dSxJ0eRgNRO9allxEROQgUaCxiZu5JMVaFYBOh4MT0YENn1eqVZnJpxkNRHl88CjOLZqsiYiIHDR6V9yAZVlcWZWbcSIygKfTteFzb2YTxD1+joR6mAj13KshioiI7AsKNDawUMyRKheW75/dpK9JrlJisZhjuFGcS6XGRURE1lKgsYELqdnlr4f94U0Lb13PJBjwhTgZG2TQv3nvExERkYNKgcY6iWKeG9nE8v3NlrRmykVylRLD/giPDRy5V8MTERHZVxRorPPczfPLS1r9LjdHQvENnzeVT9HvC3IyOkjE47t3AxQREdlHFGisUq5V+eqNV5fvn40P4+i481dUqlVJFvP0dQc517N5ES8REZGDToHGKn954zyJRl8TBx2cig5u+LyZfJqYx894KE6fN3gvhygiIrKvKNBYZSafXv56yB/G6+q64zk1q85MPkO/L6TZDBERkbtQoLHKTx59HY8PTjDij2w6mzFfyOLtdDHgC6puhoiIyF0o0FjF73LzgTNP8ub+w3Rt0K/Esiym82kGfCHOxUc3zN8QERGRFXqnbEK6XKRWr9PbHeRkbOMZDxEREVmhQKMJU/kU/d4Qp2KDdG9SklxERERWKNDYpmK1QrpcpNcbUBKoiIjINinQ2KbpfJoej5+JcC9RFegSERHZFgUa21Ct15krZBpJoJrNEBER2S4FGtswV8jgd3kY8IUYD8bu93BERET2jTvXcDbJMAzr7s/iD03T/Lkmj9sBPAc8CYybpnm1+dHt3tKS1vFgjHM9o2oFLyIi0oRdBxrAxzbZ3gH8EhAAvraD434QO8i4r5KlAh1AX3eQk9GB+z0cERGRfWXXgYZpmh/daLthGL+MHWT8vmman23mmIZhGMC/2+3YWmF5SWt8aMMiXiIiIrK5tuRoGIZxEvgkcBn4UJP7OoHPArPAS60f3fblq2WylRK93gAPxYfv51BERET2pXYlg/420AX8omma+Sb3/dfAo8A/BzKtHlgzpnNp+roDTIb7CLu993MoIiIi+1LLAw3DMN4FPA181TTNLzW57zng3wC/Z5rmc60eWzOqVo35YpZ+b4iHVaBLRERkR9qRdPCrjdtPNLOTYRhu7EsmN4EP7/SbG4bx8iYPHWnmOIlinrDby3AgwrA/stPhiIiIHGgtDTQaMxJvA75pmuY3m9z9E8BJ4EnTNLOtHNdO1C2LAZ89m6ElrSIiIjvT6hmNn2/cfqaZnQzDeAz4ZeDTpmn+9W4GYJrmyU2+x8vAie0ex+fqot8b5FikfzfDEREROdBanaPxPiAHfH67OxiG4QP+AHuFyq+1eDw7NuANcSY2RKfDeb+HIiIism+1bEbDMIyzwCjwR02uNHmUlfyJnF1C4w5XGtvvSYVQl9NJT3eAs0oCFRER2ZVWXjp5c+P2G03ud5XNq4v+M2AE+B0g2fjXVt2dXcQ8fo5HBvC73O3+diIiIg+0VgYajzRuv9vMTo0Zio9u9JhhGO/ADjQ+da96nZyMDuB2djIR6rkX305EROSB1spAY6Jxe2urJxmG8QTwBPCiaZqfa+H3b4kuZycn1NNERESkJVqZDLo0BXC3yxtPAB8B3t/C7y0iIiJ7UIdlbafL+/5nGMbLExMTJ77whS/c76GIiIjsRzsqKtWuXiciIiIiCjRERESkfRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jQINERERaRsFGiIiItI2CjRERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jQINERERaRsFGiIiItI2CjRERESkbRRoiIiISNso0BAREZG2UaAhIiIibaNAQ0RERNpGgYaIiIi0jQINERERaZsOy7Lu9xjuCcMw0l1dXYHR0dH7PRQREZF95+LFi583TfPZZvfrbMdg9qjucrlcv3jx4vn7PRC5w5HG7aX7OgrZiM7N3qbzs3fp3DQcpEDjNQDTNE/e74HIWoZhvAw6N3uRzs3epvOzd+ncrFCOhoiIiLSNAg0RERFpGwUaIiIi0jYKNERERKRtFGiIiIhI2xyYOhoiIiJy72lGQ0RERNpGgYaIiIi0jQINERERaRsFGiIiItI2CjRERESkbRRoiIiISNso0BAREZG22ffdWw3D+FngXwEGkAe+Avy6aZrXtrn/KPBx4Ckght3l9TOmaf7H9oz44GjBuXkS+DDwBsAP3AY+D3zcNM25tgz6ANnt+Vl3rA7gOeBJYNw0zastHOqB04LXTgT4deDvA4PYr52vAh81TXOqLYM+IFpwbh4CPgo8DgSAq8B/Bn7TNM1SG4Z83+3rGQ3DMP4t8IeAB/gM9h+6/w74O8Mwxrex/xjwHeAfA38FfBrwAf+7YRi/1a5xHwQtODc/19jnrcAXgN8FbgK/CLxgGEZ/e0Z+MOz2/Gzgg9hBhuxSC147fcDfAL8MXMB+7VwG/gXwbcMwYm0a+gOvBefmjdjvOe9t7PvvgRJ24PFFwzCc7Rn5/bVvZzQMwzgL/I/A88BTpmmWG9v/BPh/gd8Bnr3LYX4bO9p/xjTNLzb2/wjwNeCXDMP4f0zT/G6bfoQH1m7PTePT2O8CWeBR0zTNVY99HPgN4H8C/mm7foYHWYteO6uPZwD/rg1DPXBadG5+F5gEPmCa5qdXHfsj2G9oHwZ+teWDf8C16Nz8FnaQ8hOmaf6Xxv6dwBeBp4F/BPzfbfkB7qP9PKPxwcbtx5dOOIBpmn8GfAN4j2EYQ5vt3JjNeD/w7aUgo7F/Afs/UwfwL9sx8ANgV+cGeDf2lOL/sTrIaPgE9ieA97ZwvAfNbs/PssYnsM8Cs8BLrR7oAbTbv2vDwE8Cf7U6yGj4FPB/Abp0sjOteN28HkgsBRmN/avA0qX6N7dwvHvGfg403g5UsU/wes9hBwpbTeU+0XjOcxs89jxQbnwPad5uz82r2NeX/3SDx2pABTtnQ3Zmt+dntX8NPAr8cyDTktEdbLs9N+9uPOeP1z9gmmbKNM2fNU3zU60Y6AHUitfNAhBszNquNti4fSBzz/blpRPDMLqAMeDqJskzlxu3x7Y4zGTj9uL6B0zTrBiGcQMYNwyja3X0KltrxbkxTfN7wPc2efjHsYOMzR6XLbTotbN0rHPAvwF+zzTN5wzD+FjrRnrwtOjcnG3c/sgwjJ/GTlo8BaSBPwN+wzTN+RYN+cBo4evmM9iLD/7YMIwPAjeAdwAfARaB/9SaEe8t+3VGI4odPS5u8niqcRve4hhLCVFbHcMBBJse3cHWinOzIcMwQtjTvwD/ofmhCS06P4ZhuLEvmdzEvuYvu9eKc7P0yfhXsM/PLeD3gOvAL2Ang0Z3P9QDpyWvG9M0PwF8AHgb9sxtFvgc9uWsN5imeb0lo91j9mug0dW43Wwp0NJ2T5uPIXdqy+/VMIwA9uqTo8CXgP9zR6OTVp2fTwAngZ83TTPbioFJS87N0iXF9wHvNU3z75mm+SHsJeK/j/36+c3dDvQAasnrprFk/9ewL8H8Z+wFCf8NOAH8pwc1CNyvgUahcdu1yePuxu1WfwBbcQy5U8t/r42lrF8H3oL9ovyHpmlaOx3gAbfr82MYxmPYSyc/bZrmX7dwbAddK147tcbtn65LcrewZ56KwE8ZhrFf//bfL6143Qxjf1jyAA+ZpvlPTNP8kGmabwQ+hr2U/7MtGu+esl//s6WAOptPU4VWPW8zS1NgWx3Dwr62KdvXinOzzDCM08DfAg9jLzt+2jRNJR3u3K7Oj2EYPuAPsK9J/1qrB3fAteK1s/TYC+sfME0zjZ2TFgJ6djjGg6oV5+ZngG7gfzZN88K6xz6GfW6eMQxjYDcD3Yv2ZaDRSM68DIwahuHa4ClHGrevbHGY8+ueu6xxzBH7W5n13Yz1oGnRuQHAMIy3Y68AGsFeW/4uBRm704Lz82jjORNAzjAMa+kf9owTwJXGtkMtHPoDr0WvnaXl4Jt98l7anm9+hAdXi87N2GbPacw4vbzueQ+MfRloNHwd+0Xzlg0eewp7NuJbW+z/143nbLSE9fHGsZ/f3RAPrK+zu3ODYRiPA/8fdjLuJ03T/Bmt/mmZr7Pz83MV+9PXRv9uNJ7zO437yVYN+AD5Ort77Xy9cfv0+gcMw4gD48AVBew78nV2d26mG7fGJo8fbdw+cHVO9nOgsZQM+EnDMLqXNhqG8fewA4W/ME3z5mY7Nx77CvA2wzDev2r/buDfNu5+puWjPhh2dW4aJZL/BHua8TdM0/z1dg72ANrx+TFN86ppmh/d6B/2ygaATzW2KdBo3q5eO9hvhq9g/137mVX7O7CrUrpYKQ4lzdntufkT7Msvv7K+XHljqesJ4Pmd9Bra6zosa//m1BmG8Wngf8Cu5/85YBj4KWAeeLNpmpcbz3sCu0DXi6Zpfm7V/pPYdedD2P8JbmJXCz2KfR1Ny/Z2aDfnxjCMT2IXgkpifzrezMd1aWtndvva2eSYz2N/2lNTtV1owd+1c9gFpMLYpa3PN573OuDbwBOmaVbuzU/zYGnBufkQdsCXxS5bPot9OfJt2DMeb90gf2Pf288zGmCvR/4A9tKiD2KfrD9i1QlveAK7IMr7V+9smuZrwBuB/wK8E/s/UA7471EvgN3azbl5V+M23Hhss3/7/f/v/bSr14601W7/rn0fOIedtPswdiPCEPblrKcUZOzKbs/N/wr8GPYllmexC6qNYTf0PPcgBhmwz2c0REREZG/TJ0IRERFpGwUaIiIi0jYKNERERKRtFGiIiIhI2yjQEBERkbZRoCEiIiJto0BDRERE2kaBhoiIiLSNAg0RERFpGwUaIiIi0jYKNERERKRtFGiIiIhI2yjQEBERkbZRoCEiIiJto0BDRERE2kaBhoiIiLSNAg0RERFpGwUaIiIi0jb/P2oxi521mxTqAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(\n", + " results, 'mean_freq', \n", + " colors=[colors[0], colors[2]], labels=[labels[0], labels[2]], filename='lfp_speed_freq_baseline', ylim=(7.3, 8.3))" + ] + }, + { + "cell_type": "code", + "execution_count": 95, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhoAAAGTCAYAAABu7rurAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOy9d5hdV33v/Vlr733OnOldXbJs2cdVNjbGCN5QbIoJ5ILfQACbkrwJNySUmOcFHu7jEEjghhZCAGNuHhIuL+ViYyAQMAZjYQJGyHJV11GZ0TRNb6fvttb7xz7TpJnRVGmkWZ/nOc85Z5e1156y93f/qtBaYzAYDAaDwbAcyPM9AYPBYDAYDBcvRmgYDAaDwWBYNozQMBgMBoPBsGwYoWEwGAwGg2HZMELDYDAYDAbDsmGEhsFgMBgMhmXDCA2DwWAwGAzLhhEaBoPBYDAYlg0jNAwGg8FgMCwbRmgYDAaDwWBYNozQMBgMBoPBsGwYoWEwGAwGg2HZMELDYDAYDAbDsrFqhEYymfzPZDL5n+d7HgaDwWAwrCbs8z2Bc8hl27ZtuxrQ53siBoPBcCHj7mmn+NNDhH058AKsS+pxrl1L4nVXIWLT31Zy33kGd9dJrHXVyNoEbud+/J6jIG1kee2Sz1HlhiDtYNdtpurtr6LspZct+TFWIWIhO60moWEwGAyGGdBaEwx14nbsxa5dT9klN864bdg6hBouINdWIeI24bEB0BqUJvFHVyPiU28t2g1QQ3l0zkNUxECFqNwwyitgVa9ZlvMRTgLl59FuNprbNCivSJjpIxztJcwO4DRvI7b28mWZz2rGCA2DwWBYxejAw+3cT7HlSfzBdoKRbpz6Tdj1G7Grm8/YXmVcwp4MOuthXdqAcCxINhEe7QOlIVQk/ts1iIQzvk/Yl0XnfYRjIRyLMDuA8ooIBMJyzjjGUiCcOFpnUL6Hyo8SjPYSpnsJ0iVhkeknzA2jvDzazaEDj/jGa4mtvXtZ5rOaMULDYDAYViFhdpBiy5O47XvxR7oJR7oIc8MIKwZakz/wS6pfdNeZ+50cQo0WodyJRAYgK2KIZDNBqn/cslH2365BVsQAUL0ZdM5FVMbGj629PCKWALEga/zZETISMYFHdu/PENk8ys2h3CzazaHcHNorIOwYwo6jA5fYuuTyzGWVY4SGwWAwrBK0Uvg9Rym27sHtPkY42kMwcgq0xqpbT9naJDr0cU8+g9t1EL+/Fadp65QxgtYh1EgBWZuYslyUx7CvbCZI9aGVRitN4vXXICvjhL1ZVNZDVMQBTZiJhIasqF/W85V2GaqYITjVjZYDyHgFIl6BTNRg1W6Ivls2ys3hde5f1rmsZozQMBgMhoscrUIKx3bhnnwaf7iLYLiLMN2PLK/Fad6GrKhDlCwLwnKwatbg97eSO/AINS/77+PrtBcQdI6iRgs466rPOI5IOCWx0Y+vSjEbr7+mZNHwkE2VqEIa7eXRKkQ4Zct74rEEUjpYayqRlyfHz8NwbjFCw2AwGC5y8od2ktv7MH5/K8rLY9esI771+cgZbvROwxbc1j14vcfxOvcT37QdgLB9BD1aQFjWlBiMyYiyktg40oevesAPURkX3ABR7hAMdaG9AnI53SbjkxFgOQhLIIRa3mMZZmTV1NEwGAyG1Yhy8xRPPInXk0JWNVJ22Q6c5ktnFBkAwo5h1W/C72shf+hX6DAAIDgZuU3EaW6TM/aP29hXNaOGC/ipPlTOgzIHYUnCzCBqLD7DsCowQsNgMBguYootTxCMdIG0ses2IuTcLvt23cYodqH/JMWWJ9BKE5wcRg0XkXVnd3mImI19ZTNqtEh4cghRFUd7BVQxiw5chGOExmrBuE4MBoPhIkX5LoUTT+APtuM0XDKvGAUhLZymrfj9J8infottX4YaKaBDhaiMz20Mx4rExlABWZcgzJxC+3mEHQdpLfS0DBcYxqJhMBgMFylu65MEQ12QjcHhtejB+cVEWNVrQEMw0Eb+8d9GRbpqyuYnWGwLq7myVD9jsBSfUT7fUzFcwBihYTAYDBchOvApHN+NP9CGPbgNeiQ6ZaHnERMphMBpvhS//yTu/qOEA+kz0lrnPJ/QJ8yPorwCmPiMVYURGgaDwXARUmx/Fn+oEwZikK9B90n0iIC+eVo1KuoRqhrVlybs70PULCwlVeWGogJZ0lq2aqCGlYkRGgaDwXCRoVVI8dgugv427PRWGJbggB4R6JPWTK0/ZsQmis9QpNFedkFzCjMDpWqgxm2y2jBCw2AwGFYQWilyBx6h2PLkgsdwO/bhD3ageywo1IIrYJ1CFEAPC+ifn1VDpMsRYSVaZvD7TzDvJthaEeaGI4uGERqrDpN1YjAYDCsIrydF7sCjCMtGOGXEN103r/21UhSO/g6/rx0rvRVGJNRqhA26BhgR6FYLmoI51cvSXmQJEWEloewgzCQIM4NYVY1znlOYH0F5BTQaYcfmdT6GCx9j0TAYDIYVhNv2LMFwF27nAbLP/JhgpGde+3vdh/EH29AdIIo1EAioKlkgqjUiD3pIwMAcrRoDAgoC4hJZUYnKDeP3tzCfqNKxJmrSOQfVQA0rDiM0DAaDYYUQFtJ43UcJ030gBG7XQTJPPIBy83PaX2tNIfVbgt4OrPQWGLGhViFKV3phga4ei9WQc4rV0AMSnRdQrpGJGpRfJMyNEIx0z/GsNGqsW2vcuE1WI0ZoGAwGwwrBbX+OMNOHjFcS33gdKj8aiY0nH0Srs1sQ/N7jUT+TVo3waqNQisrTNqopWTUGJQzNbl3QIVHtjZLQQEqs8lpUbgh/oA2tgtn2RoceYWYgaske+svfRM2wIjFCw7Ag7r77bl7ykpfMadtsNsutt97KRz7ykTmP39bWRjKZ5JWvfOWs2z344IMkk0nuueeeOY9tMKxEtNa4bc8RjHRj1a5FWA6xjdfiD5zEbd9L/tCjZ92/kPoNfncnVmZjZM2oU2d4KoQFuqpk1Wg9i1VjuOQ2ASiFVoiyKlAhKj9KMNiB9ouo/DDBSDd+fwte10GKJ5+icPR3FI7uotj2HKqQiUqOC3PLWY2YYFDDvLn33nt5+OGHWbNmzVm3dV2Xv/mbv6Grq+sczMxguHAJBk4SDJ9Cu1msqiYAZLyC2JorcLsOIpyyqOvqDMGhwUAbXu9x1AmF7daBpWEmT0WNRnQK9KBEjCiom15t6P4Jt8m4YBECWVGHyg/jD7Th959EKx/CAB2W3lUAoY9WIZTqZsiKukX+hAwXKkZoGOaM67p84hOf4MEHH5zT9l1dXdx9993s27dvmWdmMFz4FNueJRjtRlY1ISb1AbGqm7DdDF7XQbLP/Birqgm7du0Z+xeO/paguwuZWQdpG5rOtGaMIWzQlZQyUCSiLjxjG62BQQE5AfVT3TYiVg7FDMFQB2iFkHapHbuNsGMIWQ6WHRXmMsGfqx5jxzLMiV/96le85jWv4cEHH+SlL33pWbe/7777eN3rXsf+/fvn7GIxGFYryivgdR0iGO3Frll3xnq7cStIB/fUoWmDQ/3hLtzuI4SpEOnVgaMRZ6vyXasR2ZLVYmQaMZAW6JyAADg9tEIIrOo1WLXrsRu2YNVvxKpZg6xsQCSqEfHyKI3ViAwDxqJhmCPf//73yeVyfOxjH+Otb30rV1555azbf+1rX2Pjxo189KMfJQgCfvOb35yTeQZBwDXXXDPrNps3b+aXv/zlOZmPwTAX3M79BOk+hOVEMRCnIYQgtv5K3JPP4HYdJPvU96na8bbxlu/Fo48TdHYjs2sg48DasweOCht0BTAaZaCIG6ZaNfRAyZpRrqcPrRACYZlbiOHsmL+SBaDcPDrwzvc0zoqwY8glSid75zvfyWc/+1kqK08PYZ+ef/7nf+alL30pUkp27dq1JHOYC1JK3vve90677sc//jEdHR3cdNNN52w+BsNccNueJRztxq5ZO2Nn1LHgULf9OYpllVg1a6m49lUE6T6KHQdQR3wsrw7KNGJuXdwjq0aXiPqgpBWielKsxoBE55mowWEwLBAjNOZJ33c+wMij986rWM15Q0hqX/Femu/6wqKHuuWWW+a1/ctf/vJFHxNgdHSUL3/5yzOuP3jw4JTvUkre9773nbHdj370Izo6Oti+fTt///d/vyRzMxiWgmCkG3+gnTA3jLMmOeu20wWHer3HCDp6EdlGRNZGr5+7MBDOaVaN7ZFVQxdApwWiCLp5MWdnMCyh0EgmkzbwQeCdwKVAHtgF/EMqlXpijmO8HPgwcAtR9vcp4CelMfqXaq6LYWTnVy4MkQGgFSM7v7IkQuN8MTo6yr333ruoMZ566in+9m//lrVr13LfffcRj8/1cc9gWH6Kbc8SpnuwKhoQ9tm7mp4eHKpVQHjYxfY2oitAzLfCd41GdAt0j0RfGiIqgQEJedBlUTqswbAYljIY9EHgU0Ti5T7gp8Argd8mk8lXnW3nZDL5p8BO4CXAQ8CXgE7gvcCTyWTyzDDr80Dtbe+5cHLBpRXN9wJm8+bNpFKpGV+f/OQnZ92/ra2N97znPdi2zX333UdTU9M5mrnBcHZ04ON17CcY6cGaJpNkJqLgUBv31CGClj5ktg6Rd2ZMU50NEQOdiCwYujVSFXpAlNJa5z2cwXAGS2LRSCaTrwTeADwF/EEqlSqWln8deJRIeGybZf86ImGRBW5OpVKpSev+Afgo8Bkia8l5pfmuL9D4xv+56mI0LkRGR0f5y7/8S0ZHR/mXf/mXswaJGgznGq/7MEG6F7RCls+9zkQUHHoVbuszqCMxbHctuioK8FwQtRq6JbpHoDeLqBdKQUDdBWK9Naxolsp1MubA/9aYyABIpVKPJZPJI8DVyWSyOZVK9c2w/x8CVcAXJouMEp8gcqf80RLNddHIeDms4hv4hYDv+7z//e+ntbWV97///dx+++3ne0oGwxkU256NKoHOEgQ6E8JyiFXcjEIiPAfdvPCgTREDXaYhLdH7iUSGFcVwGAyLZal8AAOl90smL0wmkzGgEfCB0Vn2PwzcA3x/mnVhaf+5pTsYDMDHP/5xdu/ezWtf+1re854L231kuDgJs0N4vccJMwNYNfPzDOssqIMW+mAMRmPo6iWIpajV6FGBLojxaqAGw1KwVBaNB4G/B/46mUzuBf4DqCVydzQD/5RKpdyZdk6lUs8Az8yw+nYikTHTeoNhCl/72tf4/ve/zw033MA//uM/nu/pGAzT4rY/R5juQyaqkXNoNqY1USXPdonulVFBrbSAuIaaxYsCEQcd15AuNVFrMm4Tw9KwJEIjlUoNJpPJFwHfmPQa4x6iINF5k0wma4B/KX29b+EzNKwW9uzZw+c//3ksy+LFL34x3/zmN/E8D31a56g//uM/Zv369edploYLgbFuqWNFsWYi6BpF9WVxtq9DWHMzEmulKLY9Rzjag1W3cfZtNTBQaus+JNGjApGJAjhZq+ZeM2Mu1GroFSAAk5xlWCKWKhg0ThSw+SIiy8NvgHrgDuB/AF3A/zfPMauIsk8uBx4Gvj7H/Q7OsOqy+RzfcGHS1taG1powDPnKV74y43Y7duwwQsMwLUG6j2LLHtz2fdh166h+8Tum9B6Zsm3HCIUfHUDnfbQXEr9l85yO4fcdJxjtQXkFYpWN026jQ6BHoNutqNPqiEDkgUrQG/SyxE+IMtBrNFjaVA83LBni9Ce9hZBMJr9MlIb6ReADqVRKl5ZvBh4HNgK3pFKpJ+c43loikXEj8ATwylQqlZnjvjMKjW3btsUfeuihuQxjMBhWEVop/J6jFFqewOs5RjjaTTDcTWxdksobX0/5VS87Y59wIEfhB/vxD3SjiwHO9nWUv+UGrKazh5NlnniA7LM/RQOxNVMT8rQGOiW6LepBokdLhbOqgWq98MySVYgeFqBAbg+QV87sClJuDq9zP+VX30r9H37oHM7wgmNB8nPRf7LJZFICf0EU7PnhMZEBkEql2pPJ5D3AN0vbnFVoJJPJ64hExibgV8Ab5ioySsecNoexJECunus4BoPh4kd5Bdy2Zyi2PIU/3Ekw3BXFTVTUY9WswetOkT/ya2Lrkti1E83OVNal+NND+Ef70UojymME7cO4O4+ReNP1s7pQVDGL232EIN1LfPMNZ27QKVEHrKjXSCCgRqObZ+g3chGhfSATna8pEnZxsRTauJmot9+hVCo1XXGJ/aX3LWcbKJlM3koUSFoNfBv48xnGNBgMhgUTjPaOu0eC0W6C4S6Um8OuWUd8681IpwytdfSk23OM7NM/ouZl70JYNtoLJkRG1sW+qhk0BAd68FuGsJ7qnNWF4nbsI0z3IWIJZLxiyjo9IlApie6TUKGhduZW7xcTOgT22OAKaFDo7eGqOO/VwlIIjWHABbYmk8nYNMLgitJ792yDJJPJPyCqJpoA/jGVSt2zBHMzGAyGccLsINnnfhq5R0a6CUZOgbSx6zYQq26eEoshhCC25nKKrU/hdh8hf+TXlF95K8Wfp/CP9KN6s9hXr0HY0T7WljrC1iG8Pe3Yl9ZP60LRWpdqZ/Rgn5bSqj3QByx0v4SYjhqerZab7bCIRAbAoIRhBfXTu/U9fy9F92dY1iWUl70ZcbGbei4CFv0bKqWt/hCoIyquNU4ymWyatOzbM42RTCYbgO8RiYyPGpFhMBiWmjA/Svrxb5I/9BjFE08QFjM4664kfslN2LXrpg34FHaM2NrL8XuOkj/8G/I/3YN3oIewfRjriiZEfOJZTdaXIypiBG2RC0WHZ8YEBEMdBEOdqMIoVtVEtzKtQB+0IkuGJ6BxFYkMgJHTTvbk9LemMOyh4P4HmjxBeIggPL2+o2ElslRhRR8Ang98uOT++DVR1snrgQbg86lUaidAMpl8GfAy4LlUKvWj0v7/L7AWGAHsZDL58RmO8w+pVMokdxsMhnmh3BzpXd+m2LGPMNNPfOvz51S7AsCqaiLMDOA/201u9PfYuXVYlzUiK87sXmZtqZtwoTzZQfyFUz3GbtuzBKM9WFVNCGvi8qtbJfqUjK6A69RFH49xBqOnCY0RiR5WiEm9W7QOybs/JKrhGBGErTj2VedokoaFslR1NHqTyeTNRKms/zfwfiJ3yrPAl1Op1OSKny8DPkaU7jomNF5Teq8trZuJTwJGaBgMhjmjfJf0778TFcga7SG2+YY5i4wxbHUF/vFBVDaD2lqFU7tp2u2EY024UJ7swL6sYdyFonwXt+sg4WgPzrqJm6MeEOgTJWtGg5p/99ULHK2IgkBPp1VC3YSocP3foNRUD3wQtizz7AxLwZIlSqVSqVHgI6XXbNt9HPj4acuet1TzMBgMhjF0GJB54n7ctucIBtuJbZq/yNCDAn0kjpVfQyhHEFqi8uuQ5bXTbi/ry1FD+XEXSuJN14MOyR/4BcFoLwiJTFRHYxeIMkz6opLfYjU2WsgIUGNCQzOeQTki0SMKUasJwx5c77/O2FWpXpTOI4XpPbWSWW0GOoPBsErQSpF58vsUW5/G6z1GbMN18+5mrLOg9llRye+Eg6wDlR3E606BCmfcz9pShx4u4LcMUXhsL6P/9W/kDjyK130Eu2EzQgh0CHq/HQV/aqBhlfYWmRyfUauhZpLRulWe4TIRogYhJrJ1wrD1HE3UsFCM0DAYDBcdWmtyz/2EYssevO4jxNZfg0xUzW+MIujn7EhkaKBRIyvr0b5LmB3E6zsx476RC6UW72ALmf/4GflnduP1pIitTY5nm+ijFro3KidO8yoL/pzM5PiMGg1bJwmNYYk3uHeKyyQRfwO2den49yA8eQ4maVgMRmgsEB0GeKeORKZQg8GwosgffJR86nG8zgPE1iaxKurmtb8OQe+10T0ySrscK5glJbKygTA7RDDUSZgbnn5/v4ifPUZY7CZsG4bjlcQ3Px+rsiFaf0qg2yT0C3TT6q32qTVnCo26qVYNeXLid+fYz8ext2FbW8eXmTiNlc8q/fNeOGFumOLJpyOf72g3VqKWqhfdSazZtFIxGFYChaOPkz+4E7dzH07TpVhV0/cSmQ3dJtF9Ap0RURbIpMzXqNBWOSo7iN+TQm59PkJOXErDdB9ez1HC7CDKymCFa8Gvh44QLlPoDKjDpbiMaljV4QV5wJ8qNIQAfYmCvdFzsJ2+Aiu7CVWVJhF/NQDWJKGhVB9K55BiavEzw8rBCI05oJXC7ztOsfUpvO4UwWgPwfAptFdAlkdBXVU73npGzwKDwXBuKZ58muzen+F27MOu3zSlbPhc0flSuulgKQtkmuZlsqKOcPgUYXYQv+8EsbVJdBjg9x4lGO4mzPQDYDWshQoHBiS6VaPrNPqIhR6QYBHFJKxmJlszKiY1iqvXqKoRZCYKuI113Ya4XiNEFMgrRQNCVKF11J0iDFuR9rXncuaGeWCExiwoN4fb9izF1qfxh7sIRk4RjvYiE9U4jZcgK+rwTh2m2P4soKnacacRGwbDecLtOkT26R/hduzDqm7CqZ8+BXU2tC7FTgxLsDXMZG0QElnViEr3ETidCKeMcKSbMDOIyg0hEtXIRA0IARWgcxo9KNHPEllJ8gI2rI7y4rMyOsl7P8ldolQ3hXU7qcj8GQDO6JWQD6A6EmZCCGxrK36wDxirp2GExkrFxGhMgz/YQebJHzD08OdJ//675I88htv+HAhB/JIbiW/ajlXViJAWsQ1Xg7Aotj1Letd38HqOne/pLwsjIyN85jOf4dWvfjXbt2/n5S9/OZ/85CcZGhqadvvh4WE++clPctttt7F9+3Zuv/12vva1rxEEwZyO98Mf/pBkMslHPjJrtjQf+chHSCaT/PCHP5z3ORkuHry+FjJ7HsTt2IdMVGM3bj37TtPRL9A9EjHKWatzCqcMUVYZWTV6TxAMdqDyI8jqNVHq6+SdGzTkBHpUwqCANWpFNg5TOocfHEdr/9wccPS0jBNA64C8+0PCmhRhRcfE+tapt6upcRom82QlYywap+F2HiD9+/9DMHyKYLQbYZdh160nVtU0fYliIYltuBrv1GHc9udIA9U73kps7RVnDn6BkslkuPPOOzlx4gQ7duzgtttuo6WlhW9961v84he/4Hvf+x7r1k2YqNPpNG9/+9s5fvw4r3rVq9i8eTO/+93v+Kd/+if279/Pl770pfN4NoaLDa/nKJndD+B27AM7jrPmCsQCTAU6AH3MQg+WYiemcZmcjiyvjXqmDHchY+VYdeuZrqynsEA3qchl0qAQ8XlPb9nxg+Pki/cDLraVpCLxtmU9nvaILDtj1ERCw/V+g1I9IMDd8CjlRyOrBoMSnVaIklXDmpR5olQ/SmWRcjUWIln5GKFxGmFmgDDdS5gbJr7hujmlxAkhia2/aqrYeOFbiK1LLv+EzwH33nsvJ06c4H3vex/vfe97x5d/+9vf5hOf+ARf+tKX+NSnPjW+/Ctf+QrHjh3jYx/7GHfeeScAH/jAB7j77rv5xS9+wSOPPMKrXvWqc34ehosPt2MfmSd/EIkMaRNbd9WCRAaAPikjkeELaJ5jAWIhsWrWoVWIsGdXJqIc2LwyCxt7/pMU3J8yVng5CFMEYQe2NX/305yZbM2IaSiDMOzG9ScKc8mGaqhSkCmJt5MStkf1NKSoQ4hqtE6X5txKTF63fPM1LBjjOpkBWVY5r7z7MbEhrBhu+7Okd9+Pd+rIMs7w3NHZ2UljYyN//ud/PmX561//egCeffbZ8WXFYnHcwvGWt7xlfLllWXz4wx8G4P777z8HszZc7BRa9pB+4nsU255F2GXENlyDkAu7pOlcKdNkUEL9PHuNSHlWkbFS0VpRcH9Owf1PTu/u4Pm7lvfgpxfqIiDv/mB8HkLUUlb26ql1NQYkpfjP8TiNMUzhrpWLsWgsIUJInPVX4XcfjsQGmqpb3kx8/YXd9OcrX/nKtMtPnIgKFjU1NY0v27dvH/l8nle+8pXI0y76mzZtYuPGjTz55JOEYYhlLb2T+oknnuAd73jHrNvccccdfPrTn17yYxvODVprCkd/S27fz3Hb9yIr6nCaty3ckjEWADpUas++StJNtfbIF79PEB6etDQGeAD4wSGUGkHK6UutL5rT6me43n+h1ERdovL4GxAijm7QUKkhW9q+1Rq3atjWpfjBXsDEaaxkjNBYYoQQOOuuwu8+gtv2XHQVu+XNxDdcfb6ntmSMjo6ye/duPv3pT2PbNn/91389vu7kyZMAbN68edp9N23aRGdnJ52dnWzZsmXabRbDhg0bprh3xgiCgG984xsUi0VuuummJT+u4dygtSZ/4BHyh34VZZfUrMVu2LJgkQFAn0D3SkQa9IbVUaFTqTT54ncI1anxZVKuoaLsLrKF/43Ww4DC9XeTiN++5MfXIVMaqemqNK7/m/HvMftmbDuqTSQE6K0h7C/drgYkOhMiqqYGhCo9gFIZpJxfBVjD8mOExgLQHpM7FU+DwK69kqD3GO6x/egCVN70BmLrrlzcBXGeCMdCJJbWpPvd736Xj3/840DkDvnc5z7Hjh07xtePjIwAUFs7/VNQVVV0EUin03M63uHDh/nyl7886/rJbNy4kfe9731nbPd3f/d3FItF7rzzTt70pjfN6diG84/KuAhHIsoctFLknvsJ+dTjuB37cBo2Y9dvXNT44wGgAwJq5hYAeqETht3kit8ej20AsK0rKC/7E4SIE3d2UPR+BoDnP0VZ7OWIpY5eTQvQpWuhpfHKnoBgzGVSQ1mpMNc4jadZNU5acF2IlHUIUYvW0XUnitPYvrRzNSwaIzTmSfiQg/69PfFPMguSG6J9gFEeBR5d3smdMQFB+V03Uv0/bl2yIevr63nXu95Ff38/jzzyCB/84Afp7u7mL/7iLwDwvMjsGotN3+t6bLnrunM63pEjRzhyZHGxLl//+td54IEH2LFjB/fcc8+ixjKcO8LBHPkH9iJry0j8yXXknv4hhRNP4HUewGm+bLxnyGLQrRI9JCAQU5t5XaT4QYp88XuMuUcAYs4LKYvdjijl28acGyl6vwKKgIvnP0M8tmPa8RbMZLdJlcILnxr/Gnd2nCFsomqhIRwo3bL6JTobIiop1dOI4sSCsJWYY4TGSsMEg84TvXtuImNFoDT5//PMkg756le/mg9+8IN85uNgaWcAACAASURBVDOf4Sc/+Qn19fV87nOfY//+/QCUlUWV+3x/+jz8MSFSUTG3csF33HEHqVRqxtcdd9wx6/6PPvoon/vc57jkkkv44he/iG0bbX2h4O3pIOwYIewaIf3Qt8kf/R1ux36cSY3JFoPOTgoAbZhnAOgFiOvtJl/8DhMiQ1AWey2J+GvHRQaAEHFizvMn9vN3ofUSi7BJQkNV96F1tvTNxnFumH6fJg0VkyqpnozmbAJCVz4X+b/W0iNeGIC4QMoGW4LyO29ctuE3btw4bsnYuXMnADU1NcDMrpFMJgoZr6xc/nz3Q4cO8aEPfYjKykq++tWvjs/NsPIJezMEqT7C7hGKh/dRfOpg1IV1wzUL6l1yOlqDTpUqgMb1ius3spQ39iiz5CGK3kNEbWgBYpSXvY147IXT7hN3XsjY7UHrkdMCRhc7H6YIDa9i4mHIsa+ZsWeJEMDWST7rPoEeFqfFaQyi1NzcsoZzh3m8myfWa330K/2zxGjMDa0U2suji1mUm0UVMxB4OOuTxDdeR+VNdyBjiQWPvxQxGp7njWeJvOQlLzlj/aZNUZ79WIXQSy+Niui0t7dPO157ezvl5eWsX79+UfM6G729vbz73e/GdV3uvffe8XlNRiuF33MUrydF/JKbcBbp7zcsHd4T7QQdQwTZbnQ+Q+ilib36OqyK6qU5QK9A900EgK4UtFbkiw8QhEcoi91GPHbm/9x88fxdeP7u8e9C1FBR9jYsa2arkJQ1OPY1+EFkqXS9XTj2NYueCwA5IlcVoNF45XvGV8Wcm2ffd8yqkROAgIMW4uZahKgrBbCOxWlcvzRzNSwJRmgsADF9+MH8x0FCRSUw8XQfZgfxuw+iRQ4tslS98K3Y1U0zD7LMeJ7Hu971LsrLy9m1a9cZsRcHDx4EYOvW6Kni2muvpaKigj179qCUmpLi2tHRQVdXFy960YsWnNo61pZ7trbf+Xyev/qrv6K3t5ePfvSjvPjFL56yXgc+bvtzFE48gT/YTpgdwG3fS+VNdxDfZAr+nG+CzhG8w114x0+ga/tRI2A5G5A5EQUELhLtT6oAWruyAkCD8BhBeAiAovdLLOtSbGvhAlipLEXv1+PfLbme8rK3zSkzI+a8aFxohKp96Qp4TepvoivSYEXxWlI2Y8nps9XGEAL0VSE8bUUubE/AAQv7qkvx9dPAWJyGERorCeM6WWFYlQ3ENt9AMNRJoWUPo//1b+e1f0plZSW33XYbmUyGe++9d8q6AwcO8I1vfIPy8nJe97rXARCPx3nd615HZ2cn3/zmN8e3DcOQz372swDcdddd856HcvNkn/kxQw9/nqGH/5mRnV8lf/gxlFeYup1SfPCDH+TgwYPcddddvO1tb5s0Ro784ccYfuRfGN31HfKHox42KjtEofUp0rvvJ3/4MbReOU+4qw2tNcVfH6K4by9KDqH8NLKxAgoxdM/SXK50SykANBTjZa9XCmM1IcYoug8tyo1S9HYC0Y1ckKA88c45p3/a1kYsOZGCvmQFvCa5TYKK1PjnmP2COWXliWoNV0z6mYxKYu1/MP41DFuWZp6GJcNYNFYgMl5BfMuNeF0HKbY+ifYKVFz/Gsoue+E5TY8d45577uHAgQP867/+K0899RTXX389p06dYufOnQgh+MIXvjClaNfdd9/N448/zqc+9Sl2797Ntm3b2LVrFwcPHuQ1r3kNt91225yPrbWm2PYsuQO/xO9rwe9vAa3wEtUU25/DOxUFf7mdB/AHbuLfv/8wO3fupL6+no0bN/LVr34VL5cmGOogGO1BFbOowijvvLEOu24DsQ3XgJAE/S24bc+gA48wO0jl815/3qs96sDH6zuO13UIv/c4wokTW5cktu4q7IbNC66CuZJx9x0lv+t3qP4Mun4Uq2YtOrSgW6AHBNpbnEVRZ0C3y6g4V9PK6p6qtYsfTM2wClUnfrCXmPO8eY8Xht34wdPj3+OxW5HzDEaJx15EvtgGLGEBr0kVQYOqE6VPzvysEOtVJFhK4tM6tRY7sZ2gYR9KDy9voTHDvDFCY4UibIfY5u34PcconnwaHbiEmX4qrn/ttM3dlpO1a9fygx/8gPvuu4+dO3eyd+9eqqurecUrXsG73/1urrzyyinb19fXc//99/PFL36RX//61+zatYuNGzfyoQ99iHe84x3zEkt+33HSv/8ufs9RtAqJbbwWGSsnzA5GfWky/QAUW/YwsjNP6vEDQBQz8pnPfGbGcf/7G189ZR5O82WIWDlux3PooIjKj1B1y1uQZee2SZPy3ShupPswXs8xwuwQYaafMDsA0qbYsQ+7qgmrqpHY2iuIrb8Kp+lShHXh/yt7gx2kH/gRYccouszDql8D0ooaktklv3yvhE0Lf8LXrRZ6REKZRiw8/GlZ8INDwJnZWkXvERz7KoQom/NYWmsK3sOMBX9K0Xj2+IdpsK0rkaIOtUQFvLQLFCf+78LKkwA49vZ5nZ8QoJNhVFejVFsj0fpGcokeVHlfKU5j/uLMsDyI1WImTiaTB7dt23b1Qw89NOt2+cO/Jr3rWyivuCI6sGqtCYe7CAbbcNZfRdmWG6h6wZ8g43NLD70Q0YFP4ehvyKd+i9/fSjByCrthC3bdBsRpOYhahajcUCQ6soMIJ45V1YhV2YiwHILhTsLRHkSiFrt+EzJRPavQCfMj+F0HsRs2E994bRQjU7NmWc9XeQW87hTeqUN4fSdQY+IiMwBCIKsasSqbIPQJs6XztGLReVY1Ru62tZcTW3clzprLkc4KbA16Fvz+Vkb/47v4jw2gBxLISxMIZ5Ivf1RAEeTlIfLmhUVi6yyoXQ50CvQ6vWSxVktFrvANgjB6wretKwjCFiAAIOb8XyROL2I1C35wiHzxu+Pfy8vejmMv7HrmertLGSsAcaorPjgvUTAZ3SfGa2Go2AjZG6JWAJWJd2NZG+Y/XgF40h4PLg3L+sldcy9O/BrKy+5ADwtQILcHyCtnFqjKzeF17qf86lup/8MPzf/EVg8LsgFe+I9BFzlCCOz6jYhYAv/UYbRXQOXTVO14K3Z18zmfj1YKr+sgqjAaPVYIWXqJSASUlo19FlYMWVGHVVE/J1eE13OM3L6H8XqP4/ceQ8QriV/yfKQz/YVNSAurqgmrqgmtFSo/QpgZwO08AGGAVbOG2JYbkbG5mYyt8lrElufhdR5AeXmUm6PqBW9aUtGptSZM9+H3t+D3Hsfrb5mwXGQGEZYdWSw2XIsoq5wijKyqRrTW0Xlmo/MUQuB1HkKW7cJy6omtv4zKHa+bV1PA84nXnSL9+wfwnuxFpKuQzeUI57TrWaVGDAn0sETnQmbIgJwV3WZBRqDLli6ge6lQKlMSFhHx2B9ghRtwvccA8PzfE3NuwpJnT+3VOqDo/mL8u21dvmCRARBznleK9ZhcwOtFCxts9ExrhiU3LEhkAIgE6KtD2BfdyqxiE4mWN1G8/KcLm59hWTBC4wLBqmxAbL4hugG6OZSbo/yql2JVNSHLa5GJmmV/kvUH28nt/Rle7zFUYbyFIiAiUTH2fWwZAqSFjCUQThxZVo1VWR+9KuqRFdG7VVmP9l1y+39Ose1Z/N7jqGIGp3nbvGomCCGj8SrqxwM6FxLTImPlxLc8D6/rEMXWp9B+kYrrX0vZZbcsOEYmzI9GwqKvBb+/lTA3hMoNE+aGCXNDCDuyxMQ3X4+IlU85jvaJ3AYu4JXiFNxGbK8xCtjPuahsgbBYIAi7CcqzeHu7qL7zjcTWXLKg+Z4r3M4DZPY8iPvMCUSmGSFrpg3QFBboBIicQPdIxGXzc5/oAuhuEVlG1q68CqBRdsfY32wNltyMJdfj+c+g9SgQUnQfpiLx9rOO5fm7UXqo9E1StsheJWMFvDz/cQBc//fEnBeeYV2cE1PiM04Cc0hpPdv8GnVUNbRUwMsZvpawuw112TCC+kWNbVgajNC4gBgPEj0VBYn6Qx1IpwzhlCHsOLKsAlleg1VeG4mP8lqs8lqsykasyoX/w6liltzBX1JsfRq/vwWVGUBWNJTWakBHN/YxN5yOlqE1WgVorwBaRfOMJUrCIzHx2S4DKQkGOwgG25A1a4ivu3JRsSiLDZoVlkNs03WlGJln0EHktqjY/po5zUt5Bfz+1vFXkO5F5UZQ+WHC3AjaL0a/o4pa4o1bEE559MCYFZATqJyAPJAXaFdErvuAqH5LKNDjn4GwAhFWIJQGEaKG8viFHkZ6v03Fm19G+Q0vPi9BxGejePIZsk//B8WTe5G9lyC9pijddKb7V6VGpwWiR6IvnV8gp26XkI66sy51246lYHK2Scy+vnQTj5GI306++AAAQXgUP0jh2MkZxzk9nTXm3IwlF2/5jDsvLGWdqPECXvOtq6FDJnqVAGFlGxDHsZcgpXyrivqnDEV/PPGO2wlrU9i2ERorASM0LjCE7RDbtJ1gqJMwO0jgF9F+EVSAsOPRzXzSSzpliHgFTuMWyrY8j9iGa5GxuflXtVIUW/aQP/xYdMMcOIlV2Uh8680Ie362Zx34aL+A8grReyGNSvdGIkSFIG1ErIzYpuvPeQDmTAghcdZeQTDcidv2DKroUjyyrxSJVtpIj207aRmgXBeVy6Cy6ei9WEDalUinGju2AWlVQFbCCJGYyIP2S4LCL332AF9EAsMCbB39x1pE73EdfbbG3qM5y1wFqksS5EfIfu1R/Fs7qH79HyOdleMvKBz/Pdlnf4rbsRc5ug4Zro387FWzWBvKgQGBzgjEiIC6ucWXaRd0l4ysGU0rz5oRqv4pXVQde6JXh21dg2VtHS+tXXR/hm1dhhDTX7pd71eMpbNCGfHY0vQ5WpICXpMaqWlZRJX3EHNegFgCP5YQoK8J0U8UEF4FAgvryKVwBeYutwIwv4LTUMM+7K+JKtAtvp3CsiCExGmYWthGhwG6JDq0X0QFRdSYEPHy+D1HcTv2Y1c3E1t/FfEtN+A0bp0xRdIfaCO372d4Pcfxeo8CgvjG65CJhVVmFLaDsJ1p99ehjw6DSBytsCdvIQR21SZEZx3BL9IEYWe0Yso9bpo5K40QNsKuxbLWYllxBAJUJEiUKo2hKImLKGgNB3B09F6pxz/Px0otKgRyawLdLQmP5ykWDhGeHKTmz96C3bD48t3zRauQYLQnslgNdxIMdRKM9kZt3ssakZlLoqC9utn7jQgJukKjsyX3Sd3cgkJ1p4xucraGhcUwLiu+v2/8s5RrsayJ4GMhBInYH5It3AdolB7C83dNWzE0DHvwgonmZGULSGedjZjz4sUV8BqZbM1oB6GJ2Ytzm0xGOBBc3Y6193KEthF+GfqkQly68sTlasMIjdNQXQXoj8NwHXqNQDRcGFk5wrIRViVMYw3QgUeQ7sXvb8HrOYrXe4xiyx7s2nXEN20nvvmGcdeKKmQiN8nJp/H7WlDZQezGrVi165ZNBAjLQVgrqDxjCR0CnRLVKhGjdVjZ+qiV9XQ/htOXCQGWhEBHZfEE6NI7gmiZJPoPLNcQi6wVS/UjFo6ATWWIQYlqL+Lluhjq+zpVd91O4vrl7W6pChn84c6odslQJ8FIN6qQQRVGCQtpVCGN9vPYDVuwRi9Bj5QE2FyqflZqGJBRn4srotiN2dA+6A6JHpWRkFlZOhat9Rluk9OxrLXEnBfg+U8AUPT+C8e+ASmrp4xzZjrrC5Z0rra1AUtuIVRRXQ3P34VtvXnuA0wu1FXVhiW3TBFVS4FVu4bilh+TOPnHAIichG5ghj5thnODERrT4UnESBlqn4W8MUSssOqB80XYMZz6Tdh1G9HFLMFoN8WTzyDj5binDmMdfoxY86XY9ZsotjwZxRQMnERWNRLf+oLzXrjqXKMVUYGoVgs9LKLiTgCNChJiHjer8/skJQTQGEOWS1RngfDgEOn/9Z8Et3VQ8Ybbkfbsd2mtFCo3RJDui3ryhD469CH0I1fY5O+ll8qnCbODqGKGsDAaucgKGUAjE9XIsmqc5suQZVUQ2qj9pcZmcxUBZUThP1mBGBCw5iz/m10lawZErpcVRqg6SjUqAMQUt8lk4rFb8f39aPKAR9F7hPKyN46vD8IjUypilsUn2r4vJVMLeB1EqWGknLkdwBinN1ILq04uOgh0OqSsImxuxcs+RWyg1IF2QKJPSZglvdWwvBihMROehe6RqL0gbwoWlE630hBCIBJVxBJV6OZtUU2G0R78vhP4PcewKurwhzpBSGKLcJNcqGhNFANwIuqDoYdF5NKoU1C5dNaGc40ot5GXVaK7soTHs+QKT+G39lD9/7wRu6EGrXUkQNO9hOk+wnRf9DkzgHKjFF9CD61CUAqto3d0iC69oxRahejAQ3t5RKwcmajCqmrCaboMEUucYRFTrTK6+Qhgjv9fQoCunOQ+WTOz+0SHJWvGiICalWfNAPCDCbeJZV0yxUoxGSnKicdfQdH9z9J+ewnCF2Bbm0vprD8f39a2tmFby1MDaGoBL10q4PWas++YJSr5DmhCVMUAjn318szRvpTiJT/Cyq/Dykdps7r34quieyFhhMZMJIIoKK9bop+z4aaABdaoWZEIKbGrm7Grm9G+S5DuIcgMYNetx6pZPjfJSkUPC/QJiR4o9cEoCqjVUDV73MCFgrAEYlMleqiA6ijg5doZ7vs61mUV6KpRVCyD9qO0ae1mSynUeVAhIl4eBRpLKwqUkDJ6WpY2wraiDInSOmE5yLKqs1Yq1W6pFPiwhIZ5ioBKDd3y7CXJu0sBoHN1y5xjtA7x/f3j36dzm0wmZt+E5+9BqR4g6oNSkfhLPP+JSemsgrLY7cvn5hSSmPOi8QJenv8UtrUZ27p69mNOsmao8m6csmsRy9TNzra34gV7yF/+TRItb8UKNyO3LUG7bcOCMUJjJiSwVsMpGTVzGhMbF6EXQThxnIYtZ9/wIkMrYFigO6PfsR4RiCxQDTSqs/r/LziEQDSUI8uLqM4C+kCAf7wbYnm0U4AGH5o1stGJqrDGK5ctQFe3yqiLp6VhnqXARezsJcm1At02Zs3QK9KaEYTHS64QAPusWRxCSBLx15Ir/DsAoTqF6z+O6/12fJuYc/OSxz2cztQCXh754v1Y1qUkYq+ZsfW8GikgiQrIBcvkNhnDkpcAoOOj5K/6X1S6H0BU1Szb8QxnxwiNWRAW6LUK3S1BCthrwfPCi+8GtMrQuchSRY9EZ0Tk708DlaA3ambIHLxoEIky5KUOjBQRxQRkqiFmgQaR14h+DQ0a0aygXi/5VULno0wQPSIW3tiskpL7RCCmS3zoKxXn8gSsWZm++clBoLZ1xZzKetvWJTj2dZPSTH85ae3SpbPOhhBxEvE/ouD+gLE4pDBsIVu4j5hzM/HYbWdmu4xMMgvWFLFkA8uFlJVI2YxSfQAEsgUb0/fkfHKRX1IXj3AisUG3QFsSbYcETYdxTz5FmB0gsW0HZZe98HxPc0nQAVHNBjX2LiYVhSLysYZMpGFWl2IXLgDXgvaAXonuicpYkxPoDFHthgqN3qAvSmvVTAjLgoYoMEJroKCjeh69Mip10KsRbRISGtGgERsUonHx7gc9JFAHSgGgziIam81Sklxr0CetCWvGCvz7PL1T63w6l5bFXl3a1z9t+cuR5yiYzMlfj91yDUH8BMU1P0XHo5gNz9+D7+8nHruVmHMzQlioQh7pTVgUrLrlrxtgW1vxxoVGKxihcV4xQmMOiBiETVn8zNN4bXvQbaPj6/IHHkFrTWLbjnMyFx0w0bFQ6iiSvmL+N8nxKn2jAp0WkBbofKmWQ6mwJ2q691JhKktD3ELENbpSQ5VGVGuojua0Ei7uWgGDIoqz6Y8qbuqsQOSjctbU6uhGugLmej4RgujvqLxU4dUl+ln1S1Cg+zWiR0Zi44pwQX1CtAZOStRxie6TkcBbhKVh1pLkA1EgryiAXgJxtBz4wWEmhELZvII3pawhHnsJrrdzYploWPJ01pnQCjhoIYo2Dtdg915N0HAAd90vUIkBNAWK3kN4wZMkYn+IHgqxiYSGig9jl29b9jna1tbxdOBQtrJamoeuVIzQOAtB2IXn78ZX+6Fi+oCiwsFfIiyHsq3PX9Jja5dIDGSiaohkBTpHlAnhEUXrO9FLxHVUj6FCI0rig/JJBYoKRGJitCQqMgLcqH+Gdif6aAATdR7G3/WZy/IiuolDVAMiXppDHERMo6t09DRZo6Hx3N7MtQLaZJRxkC2da05Ef+2VGt2ojftrBoQg+psp0+h6Hd0LMwK6BDpvwbCAZIhonvuFW3ugD1qR4OuNrCQ0L0GQ7TQlySNrRikItPrsdTbG56g9QtWPUn2Eqg+l+tC6SDz2kllLfi+UqbUzrp2x0udMxJ0X4/vPjKfGRumsM4+h09FDhKhdghvugJjS6l1ogTNwHfbAtQT1+3HX70SV96JUH7niNygbfv3EPKrzCLH8lX8t65KJY4oMyh/EMn1PzhtGaEyDJsB3juDnnyNUndNsIHGsqwntLpQX/aPn9/0MYceIb5rIg9eayAUxqUcFionXmBtizEWhShaLXElcFEuCwhOR6Ch9xiK6uWsi0RGCtomqSMZAjFWWdEqfLaKxJosKt3ShKIkD6nT0Wc49jVNrHZ1babwxn7iWjPeU0ImS2NigYINa9q6ZOi3Qh6woI2EweiKnUsO65T/2xYYQQAxo0OhKoF+icxKRE5F1I3l264YeEegDVmTFGCbKMFmqprLTlSQfieqeiFwUb3PGfHQwRUyEpZfWI5xW7hWAfPG7VCT+AtvauESTHuvUemL8uzMPt8kYQjhUJP4M1/sNlrUZx75yxm11u4TjkeLSyQCxYZFio2OSQhR6vKy4QOAMbccZ2o5fdwB3/WOoii6s7ESguaw7NynzUlQg5RqU6gUgyJ/EMULjvGGExiS0UmSP/4Bc+Q/RIn9GvSUhKonZN+Pkb0aO1KDXDpK1/w0dpAHIPfNjdEsZMefq8SZYWk8SF6e7JKa8xPg67QOuQAQa7YhIVMSIrBTx05/GdfQEX+qRgVdygZT6ZuixCpQBE6KiMgr2W2wlSjHJojKWPqh16Sl4TNT0SfSgRgwKaJWItRqxKVy6m00JHUaZDLpVogclIg80KKi4cOtfrCREHPR6FZWR7hLoQlTMTCZDaD4zq0NroF2ijsnIBeMJWL+0Ym+sJDmTSpLrk6Ug00rOCOr1gwMUij+ZlOkxF0Lyxe9SmfgrpFyaJ3E/OMCYqBnr1LoQpKwjUfb6WbfRPWJcZADQaqHXBgu26Om0iLKFxrgxjJr/tVmRlbOEM3wtzvC1BDUpZH4iJkPUnrsaAVGcRiQ0/MwhEtx4zo5tmIoRGpNI7/oW2dS3zygnbcnNxJxbcOyrEcJGx4h6WfTVU17+Z+Ttf0OLHKDJDz8Iubdhe1dMCIzJJafHSlCPuSNOf0ki03W1QsdAyLM/fQhJJCDiMPFUpicsKorI0nEObrjjT8ExoKrk888RWTuGJAxpdKdENCrEJhVlNyzShK5HBPpwyYoxICOz/0bjHllqhATqNboC6JeQk6i8QKxXkTul1BVV+0S/j66SqySuI5GxHO6zSo0ekIg+gV4XxZWILOhJT+1a+xTdn+MFe84ymI2UTViyGSlqcP3HibqVpskXH6Ai8adLUm1zqttk+8Larc8BPSTg8Gnz9QScmj4leE5MtmbUqMhaWQN6bQB9ImrVnpu40NijE24nbatzWvjQsa/B83cDEORbCPMjWOW1524ChnGM0JiEsCf1j9Y2jrOduHMLlrV+6naCyH+dActvojz4M3L2v4MogAjJV36Hcvsd2PbWyBVxnoINxy0O5xEhiFIRKzS4JZ96h0ANWYheGV2oNqrItbGAgFbdIqOn2EEJBRGZ5i+CKq4rGREHvWGSdSM/ybpRTslVEsXwUF8KFF4ukTupJDkHrEjQljP+txSqQfLF+8eLXEVYE4JCNo+/S1E35aYvRNV4YapQnaTo/ZxE/LWLmm6oBghV1/h35yxFuhaKzgL7rXG3xhTaJHr9/OvE6CKRmBhjklgRAlij0c1BFMNxUkJm6oVP1Jxb66IltyB1I0oMAOC2P0f5lS87dxMwjGOExiSqbnkzhSeexd19ELt4OdaGphm3FYKosBMamzVUhO8gV/jfRIEUAfng21Q4f4ot59Hd8CJmSpBhQBSQ2l1yqwwIOCGjQLVKjaiK3mfLXtHDk6wYg6UAww0XYZGtFYoQQJ1GlxM1OctJVEGAHVkYKIpIPMbPNtLi5zFWkpwYUV+T9dEN0PP3U3B/zETbdJByPeVlfzKnOg4x5xZC1TlugfD83VhyAzFn4R26fH/CmiHlmmUprqWLRAUGSyW/kRquDuGQFcWDeQK6ZSTw50OXnBAuZVGQ9+kIATRpdGMIQyoSHGOulrXntp6JEAJH3YRr/QIAr+05EsmXLJsFyTAzRmhMQghBYv2L0YE973Qo29pIReLt5ArfpBQsQa7wTSr/f/bePEayLDvv+91733uxZUTue+1b1NLr9OziiJzhkEOK5IiUJVILaNmGLQMyYICwIC+CIFm2YRiWIQiGbEi2tdiCLIiCLI5NUdw0I85whstM93RPV3dnb7VXVlXukZmxvHj3Hv9xX2ZGZmVlRmblWhUfEBXbixc3oyLu/e453/lO7j/AmNF9Ge9xhQrwIfgegSW8p8IMSEa86+NKFUuUhunXkQ/xOozbvh8JdeVdPI9gw6znAY9pN4z2mqJd7Jh3jdSSHINfAMMmtfqvESd/uO6wKPxMas/d3rSnlCKX+eOpcHQSgFrjVzB66LEoZzt4vFPr3rcUlSbwZrBWQYbACxY1IMicg3vpf8pKVKPNNVcsnmis4MTWr1UKLyLus7Dkq/X2WpfVDkL3Cg39m6Acrl6h+egjouGLBz+Q5xwdareHCMwZ8tk/g5/xAOos1/8R1k0d5rCOLJQGVcJXpAw7TyKc13PIXY27YXDva9zbeHtbdQAAIABJREFUBvc9g/u9APfNEJkwyF3tv73jHZJx2FAKVK83PaPfeXHoAUaWVIQnNwtge6ZYqv29DSQjQz77C+QyP73jMlKlQgrZP4Nabf2asFz/v3GyvONxWnd3Q6fWF3d8jq0gFp8uadFIUG4xWjvtvDYMfNXZ5A7yGJOp9wl4D52x9qITSnmCcRgkA0BTJHBrFTmNW28czkCec3SIxh4jDC6Sz/48Kx+tyDLLtX+Ic3Nbv/A5hlJ+Z6yKeBfKMfGT4pjzBmAaJDVmkptpI64hP4F2UiVHByoElT+kKp9hIR59k+Xkf12nxzB6jK78XyQMXtj1qbXuTX/T/g8Tmada/2e+i+0O0BrN8J1a967/hghe+Nlq9X3GosZbdBRZYLSFINwyvmKtnXPfbTnvqDtWNv2he231dvPB+74bcQcHig7R2AeEwVVymZ9jbWKqsFj92yxV/y61xv9H3Hwjrd0/mj0YjgKUSheugt8tqxFBnXKegJxwu7eu7uCZg0iTevw1as1fxmukPKLwsxRy/xFGP71/QhCcJxv9+Op9az+mHv/WDsa4s06tO4EI8IGGRy3T+YiDs5vML61RjbqCh22wwhnVUroqO9d2HDICdxEVpCEVcTTuvLn1CzrYcxwjXnq84AVjTWqNr6WPWKy7u8EALMLoMYwZx+hxAnMCpXqeuxbtO0FHx9VBK5LkY2qNr+FkpuXRLPnsz27bDXWniMI/gnX3Uh8MiJvfwjRPE05dhZLvCbMRzi2R2HeJk7db/DsMYXB17wZ2R8PdltBen4PLdtPIksqBjMha2uSmQYaTrX9XrSWtA3LsUpUKTdT9Ko2Z3wF8+iR7/nOdefYA0SEa+4iVVsi1xq/TqnxfQ4x1N7Hu5uojSpWIwk8RhZ86sAZJHXRw3OCkSr3x6zST19c9bvQ4+ewvoHXvnr+nF4f+3KqrqK4OYyZOQzN13XwpQQ0Izs3TTN6hmbyDdbfZ6DgamDJqj0Jy8nCDIVfRefHnVsThtE2JhvIl4Y8UjGwufpclYK7lZLv13zhkRKU1ouGWZkhm7xD2784orYOdo0M09hlR+CnC4FWse4h197D2nheFuSk2szwWqdCIf5tG/G8Jg5fJhJ/FmP3vdthBB8cBvnLjLerxryHrBJmKKPw82ejLOxZ87gRKReSzf5baw18l//6fRdk1wiDvOKov/mOS8P0tXt9NNvrinoxFppQvWV1BVuBlu61+QuVBhmUtbbIS1dhsg3+n5fxd4hsRHkOYqJdg8CzJ1A3ARzU6ROPg0CEaBwClAgIzTmDGVw20RBpYN5kSj3tY26pIB0hoJt+jmXwPY86RCT9PYC52asA7eG7h3By1xtdI7IfrHtd6jHzmqxgzfiDj0LMD5Cf+fZTbYEiVREQffJHkyoegWs2sSoTBVcLgKkafemp3UakDHxjvzrqCUOCVpH2L9zM2JRqp/uKRguH1JEJi1ms4Tm6ejjkuyJz+xCrRiO9fx734FXR4cJbozzM6ROOQoFSGwJwhaOky6NwicfJd4uYfILK0+ri1H1O1H6NVH1H4OaLwVdR+OyF10MERgYglbn6HevxvWGutDhCSjX6UKPzsnliDtzWWB97WW6XGVaKaNAdeJ5r6DADB0lkyd79M89T3CIOrBMFVjB7fEz2AOHz1xw29ZsYF3pDrJbsj7YQqgAzJmtPnTYMMbYhq3NPe4At8+fDw8YxmrCAaKVMNc0izBjYhvvv2nnfc7mBzdIjGEYLWRbLRF8mEX6CZvE2j+e1VoyAAJ7PU41+lHv82UfgJwuBKOokdss/4AcC5ComdwLkKxpwiMOc70Z3nAIm9R63xLzdYiENgLpLL/My+aDGeBLmjfSRhBUaIL3+DRv63wYVEM75pVzT5RTJDX0Btbz7a/nsvKJgwsLSBsHSnfWZ20+/tjF2rVFlW3jp8MG2O6Fhv0DW+T71qDhDKBEQnX6Lx8e8DqSi0QzQOBB2icQShVEAUvkIYvIx1t2jE3yGx77Km6agTN79N3Pw2EKQVK6cx5gyBOYlSxz8cKOKw7h5JMkHTTqxfaJq+D0UYvEwUvLIrG2eRBom9QWI/RhEQhq9g9NAe/gUdPA1EhEb8WzSa36RVy6RUgWz0xwiDFw+sakAE+Fj7DqUrSFMVma4fJnDn0VeK8LpAVaFQ8E6AfDp5agt2aQIfad8IrbXbYyBwwcLo7vvIqC6QQbeWgrlhkIE0qvFQrbmLam/v/ywgc/rVVaJhFyZJFh4QdHc0cPuNPSMa5XI5AP4S8OeBc/jmwd8G/sbExMTvt3mOU8DfAH4U6AfeB/7OxMTE/7ZX4zxOUEr59EruDM7N0Wj+HnHze6yvYEmw7hbW3YLm7wAKrUcIzGlPPvSZPWtvvd8QqdNMPiCx75Mk72/Zzltkkbj5LeLmt9B6jCh4hTB86YmVOiKCcw9J7Ac07QdYextYM1xqNL9JYC6Tib5AYI6OSEzEktiPcTKL0aMYfeKZj+SICPX4X6123lxBGLxGNvPj6AOsrxQBJjTc3yC6fCVJUxWKwJwEA/JCAt8NfLqhqeC6QV7dna5BBL/Yf2D8uVox6uC8bV+PsRXO2DWiseQb4Um/rBeBDsvevNcRQFAawvSOY+d8Y7vGrTcIXvrJQx7Vs4+9jGj8MvCzwIfA/wIMAL8A/Fi5XP7piYmJ39jqxeVy+TSemAwC/xR4APwc8PfK5fLliYmJ/2wPx3rsoHUvucxPko2+RNx8g6Z9B2vvsj5nDSA4N0nsJlcnar8Qv5ouxEenCH5t8f+Qpn0fa2/he9pvDq160bqfxH687jjn7lOP71OP/zWBuUQUvkJgyggxSfIRif2QxH6AyOKW40nseyS19zD6dEo4Dkd8K5KQ2I9pJtdJkncRaqvPKVUgMJcIg3KaPjr+0atW+EjGbxI3fw/V6MUsncD1TJMr/KTvhnyQY3HA9Q2iy0JKMjaJVKgukIsWJtJpdV7DTdncOGur913Gp0nmN3z3CuLTJHtY+aGKIAPON8YDr/8wbn2K5uTOHFCPOjKnX6WaEo347g/IX/vyIY/o2ceeEI1yufxjeJLxXeALExMT9fTxvw/8Fp54XNjmNH8LGAN+amJi4l+lr/9rwL8BfqlcLv+TiYmJ7+3FeI8zlMqQiT5Lhs8ikqSVK7dI7E2svb1uUVrB+oX4MlH4KoG5sCMBnZMq1t4gST7GyRxa92P0OMaModVA2wuykypJ8mG6+H+4zeKvMeY0oSkTBJfS91E4WabZ/AHN5A2su996dk8W7HtABu8SudWknCUw53EyhXOPVh+17hbV+i20HiIT/hBh8NK+iw3XyMXbNJN3gfrak0kOleSQzDzCMs3kDZrJG4BJBcVlwqCM3gMHzMNGo/kNGs1vouIihev/CTrpgt4E9erBChElwfcNafWQ6HZedLmVJGpMYM6taR9uaKRHUL3bj19ifzz3W7qkgk9dnHVwcp90EmdaiMaihndb3rvX7U7/cYSRGbtG9Qe/DraJNOvE998jHDp32MN6prFXEY3PpNf/1wrJAJiYmPh6uVx+D7haLpeHJiYmHm324jSa8bPAt1dIRvr6Wrlc/q/wZOM/Bv7CHo33mYAvmz1JYE6S4YcQcTg3ReJuYe1NEnsLkUrLKyyJvU5ir69pHMJPYPTgY+cWqZPYWyT2Yx+63yDGw37QcifyYX0z1kI++lFKI+IdUZPkAxL7YUoMnjzpKvIEwaV0135hU2MjrQqebEWfxdqHxMn3aSZvbiAtmxmkqVTPcoEguJgKaQ0iQmLfpxF/06egUjj3iFrjX1CPf5tM+Hmi8DUgRGQJJxVEKjiXXksFJ4uIq+BkCaVClCqgVRdKFVCqa8PtAkoVsO4BzeT6enIhoOtDBPOXCeauYJZOo9DYzDTx+G/R7H8ztZG2JPYjEvsR9fhfofUggSkTha8eS71JI/4WjfjfAJC5/yVPMgDmAqTWPDDbeakDPwhgsWXB7U+NsLbhm0qBXLb+tbW0fPS68XqNJ6QfxOLdN29tqCYBGHBw0e7r365KgvQ7mEnJRr01mvFsaDNaocIMmfEXaNz2DdYat1/vEI19xl4Rjen0+kzrg+VyOcKnUJrAwhav/xG80um3N3nuW/it6ZeedpDPOpTSGDPsxZHhp31qQqZ8qiX5/rqS2VaNg9EnCcNXMapvVSBp3T22SmOsR7ymE1lFBqMH0861my36q6PG6LF08S+ni3/72zZjhsmZr5CNfiyNCLyRLtrN9DPp8uc2FwmC85tqOJRShIGPCiT2No34m2lUxENkgXr8a9Tj38R/Jtt/LiJ1RBbb/gRxBrN4gWD+CuH8ZXTj8ZIF0xgg9/GfJjP5kzTGfoNm3+trfSsA56aI3RRx8zvkMj9HFO5dP439RiP+PerxrwOg6v2EU59ef8CUhlP7v+jJvPKRjFZdxLCDK9u4bbZABS16DUlFle8Y5OX1eg0R4IGCj43vptqKrHiCMXhAkZwzLURjBXmBTWzVnwVkTr+6SjSS6VvY5U7Ty/3EXhGNXwb+a+AvlsvlN4H/B+gB/gdgCPibExMTW602l9LrDzc+MTEx0SyXy3eAs+VyOZqYmIg3HtPB5lBKYdQQucxXyEZfJrEfEjdfJ7ETtAohrbuDbdxp43xdBOYcRg9j3TTW3Xuiwyk0NvR12Xieiym52Hzx3ymU0oTBBcLgAiJ1rL2HUjm0HtkRcQnMKYLcn8O6RzTi3007bq58VslTj3PdmJtdBPOXCOavECxcRLn29Ba61k3uoz9F9sFXaZ58i7j0OzimWo6w1Br/HCfzZMI/euR7OsTN71GPf3X1fvbeT6NkQ+hgSsE+a3TlnoL3zfq0xUkLF9yOBZ2qCHLBrZXDzmq4JX5BB2Q2tQ7fWK4apGmSAy4nVd2C9LrH7MaP+Fdn1zC945jiIHbR/27iu29jCj2HPKpnF3tCNCYmJmbK5fLngX/YclnBXwH++21OsbJ9m33C8wv4TrMl1qInHewASpnVXbvXOLxFnLz+eEqk9TXk0pLZ8wTBWbQafGzREomx7sGaw6m7j3PTrCcfJtVaeHKh9fC+Ln5KZQmC8091DqOHyGd/Due+RKP5HeLmH9LaGRQyaFVC6xJKldCqhNIltCqiVBFIfIrFLSOyhLhlZDlAL3ajFwfQi6OYTaIW61AUH7IfEDACN82amyOgljNE732KqPga7swCSekHNJrfWK3WacS/hXNz5DI/c2CGVjtF3HyTWuNXVu+b6iXCmSuPH7igkJh9qX4Qh+9+eq/lM1Kp8HLsKXb0JxzMq5byUY1E4u9vjB4o8WmK025rDch+4mwL0QjEd4B9RqGU8qLQt32NQnz/OtkLnzvkUT272CsxaAb4q8DngdeB3wH68FUj/yVwD/hHW5xiZfp4UtRj5fFtt3zlcvn6E556upXnGYLXOHyOTPQ5rJ0kTl6nmbyNSNPv6M05AnOurWiAUlH6mrXtprdXf4Bzj1Cqm8CcQR3T+jitu8llfoJs9CNYN4VSWU8qtjFIkASoKFhouWzMvz/2ZgJ9a+Tisbe4ZpHTwI0NlRCLGv2DXqLSDxGceYFq9v/A4buZNpPvIbJAPvunj5ybbDO5Tq3xL1ghpUoVyd/7c2sHFMQHkRopuZpSML63oXyJgbc3VHhEAi9aVPfTvdc6vUZd+UjJe5tMucMOzu2vDqMdqB5ByoknQafdtnqU447oxEtUr/8WiEMay9jFzh52v7BXqZO/iffP+NvAL01MTAhAuVz+q3iNxT8ol8vvTExM/OETXr9SKvGk1Whlhlx6wvMd7BLGjJIzP0Uu81N7dk5vr34azOk9O+eho5bFVE5BosCmAj6Ll2skKr1O7zeVd5GhjahNpiVq0Svbiw27gBctsmg94ZhuWSArGv1WH4XSLxEPfoNG7zdAJyT2Q5Zq/zuF7C+idWk3f/2eo5lMUK3/Mit6F6UKFOp/ATXXQobOW5hVay3QpzSM712ppSziRZ+t4sei8yRjj6qGVQhyzcLrG1Iy4KtYLjpU6ejoINSYQ4YbKG2AZ5tp6EyeaPQy8f13AEjmNk/1dvD0eGqiUS6XNfAf4tMbf3mFZABMTEzcLpfLfwX4P9NjnkQ0VlImT0qSdeO3PZUnPL+KiYmJa08Y53Xg6nav76CDFUgNeKh9qeLGXPpuoAS68AtMSaBbIMuu8uCqCLxkkYrzrpWza4RDVQIylS8TmS8QD/wBzaE/wOUesFT7uxSyv3jo3YCT5COq9X/KivZFkaOQ+fPod1tSSd3OCxENsDL/zymkyZ6kFuRR2vnUtXz4ww4ub19ZslOoblmv18iLJ1EDu3f13HOIQ+rLuPoiIhaFwvSO7+7LeYyQOf3qKtFwi9PY6lY1Cx3sFnsR0RjCpzTeeYJQ8wfp9Vbb2xWJ/2PpjXK5HAIngYmJiYlnN2nYwZGA1PHE4pGCylOq8YKUTKxcirJtC++dQpUEXrHIvPMeDC1iPmUzZB5+gczDL5AUPyIe+n2Wev8BhfzPt61hERG8NiXala7GSRVnH3i/l/SyXkCcIZ/7d9GzY+s/7/NeiCg94u2+m2nqYUbByO4jAJvaiSNwwe2r+FGddEiXeG7VJ9sLPSX9G/d5oZekidQrSGMZggid70FFOezCA6SxjMo+YyYaGxAMnkPnunE1TzAaN18/5BE9m9iLaW8Or6F4UlXISkXJJE/Gv8XPPF/CW5C34gv4lMq39mCsW8JV6jT+2X24XYD+J9tfd/BsQRr4sPxDBQtbrAAF8amOlaiyab294bG8QP7gNoSqR+DVNMJxL/1bWnbrweJ5gsXzuGCJ5uD3cON1otJa8E/E4WQe57x5mXVTODfVUp5sWrxAulq8QNLbugtFDidzWLtGKkS22iGGFHK/iFEn4KOWhX/ArbpfKgUyIDCZ/i1TGkZ2lz4Ri3f6bE03BQLXLOoAyjjbMe0CwFmSuXsoE2K6R/b+SySCxDVcvYIkMTrThekZReeKBD1jSBIjcRVXXcBkCs90VGNFFFp77xsANO6+dbgDekbx1ERjYmKiUS6X/wXwZ4D/BvjPV54rl8uD6WMA/3iLc9wtl8u/AXylXC7/7MTExL9MX58D/rv0sL/ztGPdDrVfuY69vgiEUC0iw5Y9qLzs4IhBGnhxZqtY80l6irz4kPqQOxbfBVUSKFnkIvBAe9KxvPa36aSLzOQPwyQkPZM0z3yXJPtRWim0VfmuRWQBuyVx2ME4VYl85t8hMKeR+wqqK2MUOLeBSAw6mEzJwYxCLLtLb9zS60lGXuClZEft1Q8CEldRYQacRepLqFxxb07srE+N1JdAKXSuhCoNY4r9BL3jmEIvoBDbJJm7j1ueQ5p1VHTIKtV9RubUK9Q++F2wTVT4bFn6HxXsVSD3l4BPAn+5XC5/CfgGvurkj+NLV/+niYmJ3wYol8s/gjfo+v4KoUjxnwLfAf55uVz+Z/jM7M8CF4H/cWJi4vt7NNYnIry21gVUWQ1vKOTVZN0CIzaBpIE0G0jSQIUZdL73mWb9xxli8YSi9bLRHGkjcgJDzhOMY7qhUwFwwiHjzv/N9zTyCJRbW2jN/Cj6zZ+AE79BPPKwLe3qrsZCDm1G06ZwIxg9itYD3pXV4kWtKxiRxy2v+9LyXptGaWbX2pm3C7HA3RaS0e98JOMI9q92cQ0d5cGE2MoUQaYA+unSeNKoYpem0VEOXRxAZ4sEPSMEPWOPLa4+kjKMq87j6hXMM040dK5E16d/gcaNP6DrU3/ysIfzTGKvfDQelsvlT+FLWf8EnjQ0gDeA/3liYuKftxz+I8Bfw5e7/suWc7xfLpc/C/y3wFfwuo/38SLSv78X49wO0SdOEH11mPhrD4DU0e91g7u6gIRVJGmACCqIUoLRjVuexzGPLvQexBCPBSTB59LnlRc/jh6s+ZAs4XfyCxqWeVztvxkyK5GLVEtxDMnFZlCKVCNi4SLI5DJyN0bXvfBSSUj2zk8RzF2jfu6XkZzF6CG0HsToQbQeQqtuRGqILONkyfuCyNLqbSepV4hUUaortaNfIRVjKFV6sr7jnl4jfkrg7ONpEaXxHUUftaRPBneYPpnUvjoIPGm5ejRJBuKQZg3V1YcKc0itgqstPN384ix2aQZTHMSUBgl7xzGlIbb6UYZ9J0nm7iHVeSSJUcHxLE9vF0H3MG7gDCZ3NKqynjXs2U9tYmJiAfgv0stWx/114K8/4bkP8B1fDw3Baz3E372B3M+hUNDUcL2EvqahuwcVROhsAZ3rRmlDc+oGdv4Bog3qOf6SSg0flp5OCUbr4n5LI2et363u4wIuMV7od1+z7fY8kwo0S2vXzwq5eBJUCOpUFnfCET/4DuFHL6OaPm8QLJ2h6+2/BOcdnNhMFLn3321JgJsti924e7KXxFBLo7Jphbgt18n17yPA7ZaDRw/RFGsbSLOOMiE6UyAcukAjrpLMT6KyRZTZ3XTtlufQUQ7T1U/29KttfXAqymGKg7jqPFKvoLoGdvXeHXQAe9sm/pmACkIYVCgacD8DKFRi4N1eMl85TTA+BLrVQVAjzuEWHqB1gMocsYRvG5AmvoyzgZfdZsQ7l2QEos3nJRG8EdG08gRjq/LPuoJ3A7gtyLm9L+vbsikV+B1ssYVYlDYxw3qOoHWezNgnkUHgfef/78GnJT4wMKWQKwdgIHV7Q5ThzBZFZX3iDc2c8q+ZV/6xdjCl1rwyVhw4jygkrqGiPLrQhyn2Y4oDXldRnUMVH29+uO35mnVcXCPoHSMavdQ+OwPC/pPYykOSufvovF0/73XQwQ7QIRobEA5dJBx4BL0aVc4Qf+OWr4eJHY3fuIP6mSJmaC2JHA6cRpIGTXHYyiOMHvZCrmMAifEL9N0nLND+KCRijXhk0sl+Jk0tPQlhurjPtUQ3lpU3SCo55LxrX4X/pJEJPpz+kVlvugReZ3HKeT+GY6qz2G+oEO82OuhgoqWR2LyGP1DI+bTnxj58dhKzPspwym1pL64CkD7xxBY8eWiDaDwWzRiUQ3fgfCJEcHEVUxrCdPUDinDoPHZ5jmT2LqrZ2NncIoJbmsF09RL0nUDnunc0HJ0rofM96OU5XH0RnT86vUCkWYckRmWLnR/3MUCHaGyACiNMaQhpJARn+lBhhsZvvu/JRiOh/rXrZH/mKmZ4RQmuiIYvIc2GV3UvPkJ3j6CMj81KE7/zV6xGCg7b2lfq+Mn3vl5vWLQplLdRiFnfNnsz5MW3tR7w0QOlQKp4sd/Dlsm+ouENjfSl1su7iMrLgvL9KTZ6XRxSU6rjDDUkSE/iycaKtblVvsHYSnRjr8X4N1q+e2GbUYZBt1Y1MqWRS22QoIUNfiin9s5ZdK8hNkYBOsqnFSCkos1RpL6EW57dUbmrq86DDtCFPsLB3bRBV4R9J7FLM9iFh+hcaUcRkf2CJDG28gilNNqEz3xVzLOADtHYBsGFAVDKkw0nEFvq/+87ZH/6KmYkJRtKkRm/htgmNC3uTgUdD8C8SU3T108MEq5PTZAR3xY6g/dgcJtcrFp/H/zCXkz9Gtr4/UsVb1T0YIOGAvwC3S++u3pD+TRKst2EJtAjnlgMuE3LBFUev2s+ZX077NZmUrPe0VKGnI8+hKkHhfafw2bzqdTwEYxHG/5gJb6J1Zmjm38/ylAR3tr8YRrdWPm/n9Pw+wopW9RTGGW1QmqkOpoUZ1x7wswB8f/PK63XK8qnw7ZCazSjx+2K1B4UVtMm+Z51P+hw8Cy28sinUOIqKrN9nbUkMa6+SNAzSjR8Ydf6DlMcxORKvtS1sewjCIcJZ3GVR5hCL2ITL5ztEI0jjw7RaAPB+X7QZRq/PrGBbFxBDxRwDxax9xaQuwFM9aO3m4+byi/oe2FrDaAEKQBdKfHo8peVBVeW8J0/H23iFxGlu8nxxyd7sXjC0UijGisExOIn+AFpe1FXReDl1MHyI73eGOuRfpw4AKJaiEdKPqjyOEkadHDeHjk/hOMINdwS3ZhuiW68EyA160nB035tP27p+5EVGG9PM6HC1Cl0riV9sgXRkGXW+2acPrraDPBEQ+e707TJGlSQIeg/iasv+6hGtI0T3ErKJN+N6R7BFJ9CyKkUQe84dnkOtzyHyXQdXqpCBLs4jYqy6FwJ16jiqnOHM5YOdoQO0WgTwdk++IkyjX+dko2mpf616z6l4rZhFqH49T2GfTErEOUjJ0sKWrq+y4qmYjMr7Yz4iXf0yV0alQHy+MiJP+NTD1X1CPIJCzPOLzhbkS1RW3tIFQUu2KfWenSwHioD8qKFh86nT1aiGzcM1BRy2e46gi5Tan0a7ewOzzUo3osYfPrk/BbE507LF7sg7YtHDwM28WWkYfYxogEQ9p0imZ/E1Su4emVLvYXUFwFB53uJRi7ytHOO6RlFT99KDbx81OUw4KrzIA5THCE68QKN22/6KLLrCFWPOjpEYwcIzvTBT16m8a/fAyv+shkiA91NXHYe1W1RA90o7Uvy1kUGNl7X0/TIyu5d45X2Kzv61ovDiyu38olobGJOlRc4bWG4jX4L+wSlgAFB+hMfZbll2ve7AE+Szu1/uezzDKWAEUFKCbwVrDl3PtBQ90RkJykqSfAVLZMtX7qC7LxvyUBKfgBq6fd/k3YcEuNThCs4ZY/0d8Uv4H6nvqlnhTaEA2dx9SXcwkPIdG2+uNoEV51Hdw8TDp1DBU8vTFc6IOgZ9QZetYqPqBwwpFHF1ZcIekeJRsuYQh8624UKMr4kuI10UgeHhw7R2CGC072ebPzaBNg0FBsazFgJM15Cj3ej+wu45Rkad3+AnZ+EOqh8j1/Ys/hwMbAXEQJx+Ml2SfnLYnq9UV/RJXDGetX9EZlwlQKGBYZ92EKEVI+y4dqptdsK6Nm+nXoHewOVB3ktgR8YX40C/vp7Cnk5aauCQ+YUvLuhMkgLlHe++KssSMmtRemmNHRtkhK50yI2jcR/z44wVtxAt0pzBN0jJHN3vYkbOUYjAAAgAElEQVRXdQHd1ffYMXZ5FpXtIigOEPSM7dn4gt5xmrN3keV574i8BwSmXUjSxC1NY0pDhP2nMSXv4GzyPSRhtkM0jgE6RGMXCE71on/+Zez9BfRAAT3YhdLrZ0xTHCAauUTsHMnCJEoH+9IJUWmgiE8jpMRFBB8hWVJ+11cQ6D06BONJUIq15mTrcLQXiWcdKgR5xcK7rKU9qgq+GyAvWdQTdBJi8QZqdzYYqBWdd+bc7dowKFBJb09pX2W08X3vtUROTh7xCqQWN1BTeDxtsgqlCIcu4GoVkrn7qFxxtboN8B1YkxhdGiQcubSnWgoVZglKqYFXrbIrT49dwTlfyZfvIegeIhxaq57R+V5UmMUtzRzMWDrYNTpEY5fQvTl079bbuaB3HEkaiDjswgNUY8mH+6L9NXZQipbISWeR7uDpoTTIVev9SW6mTLCp4A2DXLWoofXfM1kE3gnWNXRDpaZcp59y4R90a91elxRSZb0Q+P4GI7CxIy4CbXED1dmt2Zcp9GJKQ7jaohdnlob8E85hl2cxXQOE/afQmb3f1AR9J0nmH5DM3UXZZNeVLG1DBLs0jQoiv3Ebu7auGkfne1BhBnEJ2AT2ezwd7BpHmec/EwgHzxIOnPaGOZkCrrZIMnsHtzTje6d00MExgVKgzjm4knjSAD498bZBbmtEfCpPbmr47gaSkRd4zaLOPn10QeXxUboVtFSWiCONoKQYO/rlzq1uoO0IN8PBc+hCj9/ENOsAuOocOsxiuvoIB87syzh1tojp6kNnCki9sv0LnhKutgA2QRcHicavPaZdUSZAZ4uoILv6OXRwNNGhgPsORTRyibD/FMnCA+zCAy/oqi+mpjPGRzkyhY5yuoNjATUqSNZ63UaSlkx/aNbEyRurnE5aOPfk6qZdYdDBcnrCRwpOpY9vtBs/cbSjGY+7gW4PnSkQ9IytmnjpQh/SWMb0jvsqk33MEwV9J7GL0157lut56q6yT4LENaRWwfSMEo1c9GZhm8AUerFRqtPYh9R0B3uDDtE4IKgwSzhwhrD/NLY6h114QFKZRhrLuIbvZaCjPGqdmlxtssFRa//qJ7haddDBPkP1iheJvhmsLeyTGxadjMAVi9qPstJBt5bCqWikYb35XatB19ARthtPseoGGuZW3UDbQTh4xpt41Sq+9UGhl6B3DJ3f3y7SpqsPnSthl2dxjcUd25q3A7FN3OIUujhI0H9yS1GrzvdAmEVqi16c1pkPjyQ6ROOgoRSm0Icp9BEON33TovkHuNoCUl/GLc+l8V8AWa+wkNV/Vs+lcyV0prhvO4sOOngSVAHkkwm8ZR6PYow4uLSPrdi78BqkFZIzpX06ZfF42I2vwKdNcr4N/A4iEcpEhP2nfHS0tuBtxofO7+NIV9+ZoO+EJxqLM5At7eniLlWHW5pBdZUwpUGi4YtbHm9y3agwi4hDXLJOHNvB0UGHaBwilAkJek8Q9I7j6kvekGd5FnFrROMxciFrpbEuruFqCyTVBXS26MOLnfRLBwcIFYG8mlakPNLenO6yRQ3urwhZKXwzuBVTrqm00d8Kep13oz3ieJIbaDsI+k74FvJBRDR8/sAW2aA0TDOb2pK3aYneDqQhuLsNoIQe6SYzfm178qWNt0gPsxDXIdchGkcRHaJxJKDQ2SLRyA5mRnEklYckM3ew1QWktkAydw+dKaBy3fuvCO+ggxTKAC9Yb1GeOcC+W4MCd9Lb8xv695x6Sm2GOCSugQk3N9DaC2zjBrotlCZz6mWkWdv3lMk6aEPQO4arzq0ZeO1FVKNSh7CODvqIui+gwvY6+fnqk1SnkTsG7PI5RGc1Oq5QmqB7lKA0gl2apjlzC7fsnfvs/D10lBKOoMPwOzgYHLgeolt8BKW5gWQ8hd24JLEXWTaWUCZEbBNTGt5Ze/Z232s7N9A2oMJs2wvyXiLoHSOZuY1bnkfiZa8tewpIEuMWauj+ImHPKNTaX5pMoRcV5bDVBXRHp3Ek0SEaxx1K+Q6LxQHs8hzJzG3s0iyuVsEtTEKYRee692Wi7KCDw8Rq+uT+hnThTu3GxaUW14uIbaIzXZjuEXSYxdUXvWFU98iepyZW3UB3E804ZCgTEfSdxMV1bOUhxoS7dwsVh6tMoRkkGB4kGD6FfX8aOS2oNv4jdbboyZbyQtJ9i0B1sGt0iMYzgzWRqatVaM7cxlamcPUKtvIQFWa9k14nwtHBs4RBgfst9zPt24376MUirrGMCkJ0rojKdBEU+zE9Y+hcicbtN8EluIWHmJ7RvdNAtbqBdj1Fd9VDRDhwBldfBBvjKlO7/nzc8iy4DCpXIHPxRZQJsUYhSzGq2AZ5UdqL4sMsNOvQIRpHDh2i8QxC50pkTryAayyTzN5erWqxC5PoTB6d6zl6LnrOpiJYSQWvrdesv6+N3z11hK/PN8RBoYGYLpT1whDXPw+VJdAKpbQXjCgFSq/dF8E1lnz0IttF0DOKznZhekYJukfW7cwzJ1+k4RLEWb9zL43sSYXXTtxAjyyUIhq7gjRrSBJjF6d8H5IdhJOksYzEdbQZJxg/QXBmEBVokg+ncXM1dDtEA58+ScIcLl7GPMFzo4PDwxFbbTrYS+hMgWj0CkHfKZpTH/sIR3WeZP5+WqXSfehlsdKs+/4JScMvBKh0okqvFau3VXotKyI6E6CCjF8YwowPbXfys88unF11w5RmI/0OhKgx4E4RCg59OgBTYs2m1CHiwDlEEn8fHoteeA+Lx787ykRkTryEWIudv49dfLTjxXQz7NQN9KhCmZBo/AWkGZPM38Mtz23a7G0ziG3ilmbQpSFMY5BgsB8z3o0uROi+PMlHM8jJ7vbSJyuC0OXZjp/GEUSHaDwH0JkCmRMv4moLNB99jF2awVXnsXN3Uflu9E5q4cUhNkFps/uIgkhKMBbANb2GpDS8ShSUXtuFoh7fmUpcwzWqSBJDUvc7qtoCInaVeKgwJSArrzvGkGYdtzgNJkB3DTxXFUXSrPtdb7Oxmn9XYQad70YFWXSURZ/uRn2miO4qenLhEsRaf+1arm3i+2KIoAu9j0UvngQV5dLIhiWZv49bmkZ3Dez+e7ULN9CjDJ0pEI1dRmwTOz+J1KPtXTpFcIvTqFwJ0zWIbpRQpSzBiW5UVwbVk/PzRK2Jym+fCvE9pLIordNKno4m7Sjh+ZmxOkDnusmcfgW7NEPz0Q1sdQ63PIetLfqJO9OVKuxkrVGRbSLpZWWiVjrwi7qJUFEOFeXbiyaIIM1aSjCsf89skaBnlLD/1I7U82KbXvBaq+DqFVxtMd3tNpCkgasueCICnhSZAKUDn3bRARgDOvDPHVUyIoLUF7HVeUxXf6rMn/RkIzrilpd7AGksY5dm0bkudKHXE4xMwftO5LpXm2odRERAZ4tEJ675FMrCpO8tUmhv574RYpv+nDt0Az3KMMVBwqGziEuwC6k4dIvF3lXnvJC9q5+w+zxuqYrpzqJ6cyilCE73knw0jczVoA2iAQqT78aGWa996RCNI4UO0XjuoDBdA5hCv/fhmLqBrS74H351YTU1gVI+LL1yCbPeUyC9iI2RuI7EVezCQ5RSnnBk8mkkoWXyF/FRiNo8iEPnutG5EkHPKEH/qV2p1ZUJMV39aztCEVy8vEY+ahXfL8HZ1V2tJ0oWSepInIBNnwPQejU148euV2+rdamcFVKSPr7J8aBWyc1WkASosVaa2aphdA6pVZCkicmPYWQAyca4cBq3NI3KdHn75aNIkPYAYhPc0gymNOhN7bqH0LmeQ60oMIU+MmOXaYjzO3cdoHahB5C4it6FG+hRhxeHLoFtYhcfeevwTaKeEldx9WWC3lGi0TJUQJeymPG1NElwrg/9Rh57ew4z3p7NuW8bn/MC1Q6OFDpE43mFUgTdIwTFQZL5+zSnb/sfqNJe+2BCX+O/ErGI8mu3TYgkDezSDHZxGledx8U1P4EszSDOrh4L+AgGgk7TNEHvGEHfyb1dNJRCZ7p8e+yV3gjifGVBs74a7XAbcvxiY3ArufwWEaq49HrtMVl9zKX3Jc35y9qx6fHiEt+7Jt+zrixSHFAFlhSqDpLF91Bu5QticbV5lDbowgBB7ximOICbqaKSLHRFuOqUFycWB589UawIbnEKlSsRlIbIjF89Mguy6R4hSmJicdiFB2htduyM+TRuoEcbqTg0TsWhlUeY7pH1ZHiFQBb7CfpPYYqDNO8+xIwUMSfWCEVwpg/dnSWJrU+ftOH4aQq9XqexNN3RaRwxdIjG8w5tCPpOYrpHccszYEK/QG6MSmyACjIEPWN+1+IsdnnWE4+lWSSupruWCriUYORaCMZB9SNQentDI2c94XA2JRBp9YvYVEDo/DHpNeI2fd4/bv0E52xqD1/Bzk+iwzwq6IFqCEsKIkF1AYOC7nWwEv1X+HLk+XuY4gBB/wi5S38E0zMEsaX53iPs7TzqfogNIhzTJPP3McXBQzFt2i+0htWjsaNDMlYQ9J/0hNU5T/aUbj+V9bRuoEccSgdkTryAJDHJ3D3fXbYl6miXplGZAqY4SDR0HrEOlmN0MbMucqEyAcHJHpKPZnDzNUwbRMOncXM+tdusPxfpxeOCDtHoAABlAq+m3w20SU3DBv1utF7xraTT6EbQM0rQO340Gx5p4yenPT6tqy8ST97ATs4gUw1cvIwqKdRIHt1jYMShRh3KB30QEZLpmyTzk2SuXiFz8iWKn/pT6BZL5fCVMRpf/wj9cZ7mBzmSpQiVm8VVHqHSdNRx38WtD6tfPqIEShENXYAk9tGnxSlv6NVGhG4v3ECPOlSU95GNpImdv4/UF1HZIq62AOIwXQOrUSpZ8v1JdG8e1b3+/zo4349+axJ7v4IZbSdFpTD5HmyY6xCNI4YO0ehgb6FUqsHoPqBukocPsQ6aFon9hdjiFuuYpT50Xx+ufxonM7jcQ5qZdzBjRYKBNfGrJE3iyXfBJWTPvka+/AXyL/y413m0wAx2kfuTL9F88z6qO4u5VSL+8AZEGVz9ITape/OnY5pKEZvgFqe9sLD/NKZ4hI2sVjwkbEzirE+jRHlPHoKMv96E9B1nN9CdwHT1Ew6fS8WhD9DiNUemZ5Rw5OJqWlUqdXQps06fsXqOlfTJRzNII0Fltl+udKEHFWXTdG0HRwUdotFBB1tAnECcIA3rBaQtZEKaib9tHSo0EBlUFKBCg+nLoy8MYE71EpYHkd4a9Y9/h8b9bpozt2nc+C6mexhT6KP58AN0oY/M2BW6PvHHyZx88YnjUVoRvTpOcK6fxjc+RPcXiN+5gZ0Pcblpn6opDh4/1f2KLiNbxJQGCYfOHfaItofS3kPCJt6NMq14kloFcdaX4gYZVJiSD22OvRvoThD2n0JWxaFTmOIgQe84Qfda5NQtNjBjpXX6jBXoQuR9NVbSJ8PbN0wz+VSnYae89orjSbqfNXSIRgfPNUQE6gnS8Bdi62/HFhoJklhUYCAToCKDyhhUPkR1Z1FRSi5Cg8oEqK4I3ZVBFSJ0T47gwgC6JRwcjZ6hOX2L6rtfJ56coDlzm/j+u4TDF8iMX6X46Z9fNwlvBd2dJfvVawTvPUL35Gh+2EM8ESLBgi8vLPbvWfvug4CrzoMCUxw4UuLP7aBMSPbMa9jludUya1dfXC2zlqSBqy8jyezq8cfaDXRHUESjl3FxFZTGdPURjlxkRfksiYNqqs/YhGiAT580357EPlpui2ioMIvO5FEmQpI68Dx8zkcfHaLRwb5BnIBzfqE+QhARZCnGzVV9nb4IZMOUSASeHKwQiyjwJKIYoYtZVDGDLkSoQrRGLLoiVNTeTykcOE3ph/48yfRNqu9+neb0LaKxy3R94ufQ0c70CEopwivDmFO9xN/qRQ9003jzHZiNcDMVdCaGKLMqNF2tblm5rYEuQR3yLCBxDVdfJOgdIxq9hArXcutSjSHQbX++hwKl15daI6t/k6tVsLWKNx1LYkQkjWYcby1N29CGzMmXSObuE/SMeA+bFLLYgEKE7i+guzaPwAVn+9DdOeyNOaRpfeRwu7dsbRvfIRpHAkf419vBcYZbqGNvzkJi0UNF9FgJZQ5vl+rJRQM3W/PkQoPuzWMu9KO7c+jenCcRxex6UlHMQDZoywa5XSilCAfPUho4g9SXUNmupzq/LkRkv1ImuDSIGSjSeOctmtMJtjKNyXajooL36HB4z46VKtwYmNTIiEMdlk7XJrilaV9l03cSUxxafcotNbATUxBogpdG9/T/YH/hPWVMlMeUhgnBdyhtLCFx/ZnXZ2yECjKEg2cfe9wt1reMZkDqrzFaWqs+Gdy+Hf1K+sQtzz0vdO7Io0M0OthTSNNi78wjC3XM6V5UV4S9OUdy/SHmTC+6dHBVBCKCLDZwczVktgpGeXJxcQDdmyM420dwvh9zsqetndJeQymFym0fDm4Xwdk+CideIztzmdrbX6f6/neI771L0DVCUBwBqyCtzFUOmNLIA42skI3dFkE45w3ckgaI+JLibcqjgcfLHYcvtDwl2LsL6BPduIeLyFIDVTyKFShtQmlv9Z/tNPxagVQa6FM92xpyBef6aV5/gJurQRtEQxfSiIZtpl/045GGe5bRIRod7AlEBJmtktyeR/dkCV8aJXplHD1WIv7dGyS357AfzeB6cpiT3fuaThER3MMl7GQFZTS6L4cpD6J78wRnewkuDGBO9KCCZ28CUqEhGCnRNfxVzFgXy2/jW51HVYKBM57cpMfKKQffDzwhuK+QEUFtt5anJmgksU8FJA3f+yZtcIdSG0zbcj4VskkljKvOQ5pK2KjLkIU6xAlmqMtX8czW0EeUaEi9iTRd251GnxW42SpuqeF/S3pnsQNpWqTeRHdlMONbk6/gfB+6N4e9PY8kbtvfrTIROlvwguhGDOZofm+eJ3SIxgYopUArpJ4gIscoXHt4kEaCvTWH1JsE5/sJzvSS/eKF1dr34HQPje/covn9+yS35mj+4AHBqR5UX37PP18Rwd1dwM3VCMuD6L58GrkY8ATnENM3BwmlFPmrP7raWK5x+03EWcKh86ufucoAn0jAGERr1EOFDAmq1X7AOSReXuekqky4VlGR7UIFkbfUznaB0tjlOe8OGVdx9SVkccYfu0I8TOjdWeuLmJ5Ul5GWO8JKNGMeM96NGSkitSbJ+1PIqZ4j9XuUaoy9X0EqdW/df7IHM3A0NQHSSLCTFcxwsS2XzW3Pl1jsjVnIBriHi236XLS8frHhScZQAb1NLxPdm0cPdaEKEbJQQ/Vv/xmbfC9JmEWWY1SHaBw6OkRjA8zZPsxwETe9jJusYMba89l/HiEiuEdLuHsL6MEugkuDZD5zivAT4+sWdBUFZH/4POGlQepf/5Dk5hz25ixqpurTK23Ux7c7HntrDllqEFwZIvvD5whfHntuyMVmyF36IV96qRSN22/RfPA+4cilNbIRAq9YMKyRjUGBqIE0FnGN6iqRWCEVKsyis13obHH1ss58SgRXW1h1i3X1pZR41LALFZRSiLjU/fTEY0ZxbnrZO4OOlcj+sStU/8kbnvwfkfSJW45x9yveK2W4SHCmF2kkJBNTXii8Bwv5XkKckHwwDUaR3JwlvLJLY74WuEfL3stltEjz/WlPBHbwO3OVOqqUwYz3tHV8cK6f5ruPcHM1dBtEYyV94pJlT6g7OFR0iMYGmIEC2S9d8BPHOw9ReV+q+DxgJxEcqcYkN+dAhODyEMH5AbJfPI/uyz/xNWa0RP7nX6H5xj0av38be2ee5PoD9Fg3evjpBJEigr0xi9SahFeGyX75IuG1kV2f71lC7tynfaddZWjceZPm5LuEo5dRaapCBcBLFlEWiWPcHUGKy+ieiKBnFJ0rYYqD6NwKqdhm5lYKne9B53sIB88hzXpqTz/j++I062ATTHHAO2y2QKzD3atgzvURffIkuhARnO0l+XD60NMnbqnhCcZyAzNcIjrfR3hpiPC1ceJv38QtNkg+miG4MnSkyK29M4+KDMGFAZpv3U9FmLv/HMUJ7uEiwcUBL6QuRLhHSzuKakilgTnXt6UQtBXB+X50b47k7gJi3bafr86lOg2p+BYBHRwqOkRjE4RXh7FTSz7c+NEM6soQKnu0dil7CbEOe28B92jJP6AVSmswPo2E0T4Hm95GBJmvocdKBCd7yXz+NMELI20RBRVook+dJDjfT/3rH5F8NE1yYxY366MburBzRaI4wX48gzQt4dVhsj9+ibA8tP0LnyNkT7/iow7a0Lj9feJ714nGrqG0xtUWSRbuY3NT6MFTGDMGs6OYbDfR2VPofDdPU46pwqw3auod931xqnO+nLV79DHthnu0hMoFBOPdhC+OAng/ktfvHVr6xC3WsfcqUGuiR4tEFwYIrwwRvXZilVhnvnwJO71Ms9LA3pknOLO7FvJ7DV/CXSW4NoIZK2GnlnD3F9Hl3RMNN7MM2QAzWiL61ElcpU7zvUdtRzUkTnypalcGM9YeOdEDBcxAgSQXIpU6qvfJGxrwLRV0tgtl5sHGwLM7fx8HdIjGE5D5obO46WW/c/9gmuDq8FPtUsTJjgVTBwE3X8PemkMVIsIXR1FGpf4XAlZ8AzG7ct+tPmfGuwkvD5H54XNPrIHfCrovT+5PvEBy/SGN371JcneeZOIRujvn7Yiz7X01xTrsRzMgQnhlmNxPXiY4/3yVD7aLzPhV1Of+LItKU7/zJvGdNxFxSNIg6B4he+41zGsnCGbPIjci7IdzyLxCcnvYQkUbTNfAps6Y0rS4yQrB5SGiz5xaFf2Zkz3o3vyBp09cpY69X4F6Ez1awpQHCa8Oe4KxIcqpCxHZH7uELDZovv0AN1vdMrp3EJBGgr05izk/4FOa10awkxWa9yu45Xh3pF4E92ARc7KH8OVRgstDmDfu+Y3Kw8W2Us2u0vBlrcNdbadNlVI+fTIx5dMn2xAN8N1cbfDIi5c7RONQ0SEaT4AymuxPXEYqDeLlGHtjFnO+f8e7Kak3ST6eRZYbqEzozZ0KEaor4x0mD0ncJrHF3p5DlmPM6V6CUz1k/ug5n/9MLNJ0SNP6Hh5NC6v3HZJY39b5dO9TjV8pRfjCCOZML/F3btG8/gA7WSF55wFqoIAZK21ZnSLWkXwwjdKK4MowuZ+6QnC6d9fjeR4QjVyk9Ed+Eb5jiB9MoLNFTGmYzPhVsmc/SdB/CoD4D+/QCG+QTEwhiXgh7T5/V+1kBdWTIzjVS1AeXH1cGX2g6ROxzpdoz9Uw4yX08BDhtRGiT4xvWZ4dnOol+vQpL179cAaVj9omzHsNESH5eAY92EV4ccATN6MJrwxhJxdx9yvoizu3QZf5GgBmqIvw6rC3xP/USey9BZL3HqGHittWhUiljtrQrbUdBOd8+qQ5WWlr46bzvRBESL1KxyH0cNEhGltAFyKyP1HGLcc0357ETS62HeoDH2K0t+bRo0XM5SGkGuOWY28c9WARaTpUIVy1rVZdGW9r3QIRWYsouDSikN5XkdmxmdSagLOCHsgTnB8leu0E0SdPPvbeBwXdlSH7Y5cIXxkj/vZNmh/O+InrrUn0aAk9XHxsUpHEkbw/hYoM4eUhsj9zlWCHE9fzinDwDN1f+Peovf9Ngv5TZE6+jM6s3yFmPn0KFRnqWpFMPMLeck9NLLeCNBJkepnghRGiz51+7H0OKn3ilhrYj2dR+ZDwxRHCV8aJPnmi7ahd9JlT2MmK12t8PENweehQIpnuXgWA4Gw/2R8vr0Zjo0+coPnOQ+Lv30eqMWqbio+NsJOLmJGij36mbq2+XLwbe7/ioxpb/A5XvG3McLFtfcYK9EgR05cniQyy2His2+tGmFzJC6ER7/HSiWocGjpEYxuY0RLZL55fE4cWQnT31uJQceKjBfM1gosDBOVBMj98DlmMsQ8XcQ8XsQ+XcEsNZKmBLMXYR0vIjVmU8R7R4lxKLsTHrY1KdRI61UooqCegFKqUQZeyvv/GFsZT6wSc5UGCc31kfuR8W257BwEz2EX2q9cIb88Tf+cmye15Lxh9tOTTKf2+HFaa1pOMfEhYHiL31WuYkb0zvnoeEPSOUfzML2x5TPTKOCoKqGtF852HOybaO4G9u4AeLBCe78ecerwSYb/TJ+IEN5kulKd6CM72k/nRCwQn2quKWIEymuyPXcLNVInfmsTdW8Cc3Nk5nhauUsdNLRFcGybzpfPr+u3ovjzBxUHs/Qp2cnFHaUa32IA4QQ91Eb40uvq4j2qc8puDdx95YfeTIpGNxIs5ixnMyM6+S0orzLl+9AfTuLnqur9rU2iDjvKIiZD6MnCw/w8drKFDNNpAeG3EE4F60+92thCHSj0Nm0aG8IURos+c9mFLraC/QHDGh/ZFBJmrYR8srpGP6SpSa6a9KFJiYbQnE1r5ng+hSa81dq7mnS8rddzMMu7mLCobrhGPYgZltFfy36/gppZWBZzR504TvjBy5HQjSimC072Ykz0kE4+If/82yb0F7J15SOv17b0FdClLcHnQk4wjQpSeRYRXh702J3GeaGdMW+WFO4FbjnELNaKXRok+f2bTaMV+pk+k1iT5eAa0Irg2QvTS6P/f3r0H133Wdx5//85Nkm3Jlu+W75f4SWwgce4NJDGkoRughHZ62W5LC22n7cwCHS4LdBmahEwpnV0KZZPdsl12SrbdKSy0mWYDM80EUkjZ3ba0lCaBpyQhFye+JLHju2zpnLN/PEeObEu2pPP7SZbO+zWj+Y3P76LH/vlIn/M83+f50XXDpilPuy71ddN900U0jp5k+JE9aSn7aZq51hyqU3/iJcob+qldtprqRcvOOqZ25RqG4z6G/mk3zcGhCRe6N/YcprSil+olK86q76hsWUJl7aLUq7HnyLi9FafqM1b2TqkHtbIpLd41HF+guf78s+RK3QtoVGo0Th7AoDFzDBoT1HX9JhovHaN5bIjhx1+kcsnZxaGjh4zS2OwAAB+sSURBVEoqGxfTffPWcWsGsiwjWzyP0uJ56Yc5qRq7sf94ChnVElTKp7aUs7PeVM2hegoqz6ZP/vV9R2gcPkHz0CD15w/CsSGYX4OTdbKeKpVXraR6yQq6rt84pQLO6ZSV0gPD0pS83Zz89i7qzx2k/swBSkvmU71kOT23bp9QUZjaU331KhoHB2G4znB8AWqVXFfBrD/7MuVVfVS3rThnaMx7+OS0dWBW9VHZ0E/Xzi1Up1C7cFZbNy+h6/I1NFv1Xdn2lRP+xTry0L+sWprUbLeRKd6lxfPS97/+7OeLQOo5rGxeSn13q1dj4/lnyDSPD9E8PEhl02JqOwbO2p9lqVdjeNdBhh/dm3o1xuhdbR4+QdbXPelhk1NtX70wvefLWfo3Os//w6xrHpSrNE8en9L3Uz4MGhOUVUp033IxzUODZxWHjjVU0v3GrZP+ZZ7VKpMaAsiqZSprF1Fpdc02jw8xvOsg9V0peDT2H6Nx6ARkUFmbij0rm2bXjIysWqZ2xRoqlyxn6O93cfK7uykt7KbnrdvP33Wq3NSu20Dj0GAqIn78xdymfDcODsKJYcoDfdSuWX/OY/McPmmeTCtbNoeGqVy8PM2gesOWXAN47bUbqO8+RPPwYKrXCMvOGY6ag8OpZ7K1YFlzuE5pQRelVb2pfus8waqx9wjNk3UqFy9PdRnnGEatXbmGocdfZPifd9Mc6Dtv7019z2FKy+antTPGCfflTYtH9WocPmvIqNls0jw0SHmgd8r1VKf1bB04dt7AW6rNg3KFZn2IZn2IrGydxkwwaExCKg69mMaxoVQcuudw6sYbb6hkmmU9VaoXLaV60dL0pj44SL21wE31kuUX9qO2z6M0r0bXDZuoXb029fTMweeUXMiyUkb3j26leeRkqlf6lxfTwlRtPIyu2Wym3ozVC6m9ZuC8wTGv4ZPG/mPUn95Pael8KuuX0/W6jVRfPbF1YCYjq5To/rGtNF4+nuo1nj90VqFks9GkeeAY9ReO0jx68lRvRGnxPJqDw9T3Hab+5H6oltNwQ3/PmO0cWUyssm053TdsOu9S6OVVfVQ3Lqb+/EHqew6fc7ZW82Sd5v5jlF+9ktqO1eP/fbOM2tXrGH72ZYYf20tpZe/p/z8GhwEo9XZTWjH1mqo0+2QXw0+8RHPtuXu2slKFUrWLrNpF4/hhygsujPVNOs3s/c0zQ8oDfXTv3JxqMb63j8buQ6nb9TxDJdMtyzKyRT1zblXTubxw2oUuq5XpfvMlNI8PcXJwOA0hhqnPqmi+dAxopt6MK9dM6Jx2h0/qew+nT9ubl1LdspTumy8qdPit1D+Prp2bU73Go3tT/VRvd6pLefEojZeOkvVUKS+dT+mipVQ29FPZtoLKxiU0j5zg5HeeT4W4+46k4dBdBymt7KW0dP6pf/eRtWTK6xZS3b6SyvaJLTFevWINQ0+8xPAje1KvxjihsbHvMFl/T6qdOs/qn+UN/VTW9b9SbDqqsPfUsuMDfW19UCivXUS2qCctHDiR4ZPaPLLaPBqDhwwaM8SgMQWV7Suo7UvdlFmWTXmoRJptSvNrdL/lEpqDwww9sjsNIW5aPPn1ZRpN6s8dTEWLV6yZ8PNB2hk+aQ4O03juIJWLl9P12g3Url0/LUuFVy9eTn3Xy6le44mXqFfLcLJOaen8U3UplUvS8M3odTqyRT1079xM7aq1DP3zbob+eQ/1vYep7zmc6kpW9FJaPj8tuNfbRWXTErrfsGXC96K8ZiGV9f1psa0xhjqgtST8viNULll+zt6MU20e3avxyB6ao4o+m4dOUFrUPen1M876HtUy1S1LqT/zcupVPm/Q6KFU66E++EJb31dTZ9CYgizLUlV6tUw2v0r1stUX3OwNqSjlJfPpviXQPDnM0KN7xhwSOJ/G3sNkXa2lxkdNlTyfqQ6fNJtNhp/an2ZNbF027uyWonTdsJn63iM0Tw6TdVVSQfOmJVS2LT/vY9ZL82t0Xbs+rYHxvb0Mfed56ntSj8HwPx2EaoXqq1emuoxJzJTJsozaFWsYfmp/KuBc1XvWtNTGC0dbS4UvpDyBolGA8vpFKcA8f4j6nkNU1vWnwtvDg5TXLpxyIehotctXM/TYnrQeyPGhcwbVUm0epdo8ho4f9oncM8SgMUVZpTRuVbc011XW9dN900VpTZPH9kJXZcKPSG8ODtHYc4jK1uXUrl436TqPqQyfNF44CsN1yusW0bVz87T/sslqZXredHEaIlmZws5kn/Ka1crULh2g+qqVDD/+IkP/+BzDuw5CE7qu2zCltWTKG/qprFlEfddBGnuPnBYYm43WcuObF1PbsXrC/2apV2Mtw08fYPjR1KvRHEoPQiv1dVPKYTr66euBHDpnkXtW64FqN7SW28+qFpFPN4OGpCmpbltB4+XjMNxg+PtpldYzl+huNptwYjhNux75Gm5QXjafyrpFVC6e/MPvymsmN3zSPDFMY9fBtHDedRtmrG6p1D+P7h8LbV8nK5eohuVUti5LS6UfGzptyfZJXSvLqF6xhuFnDqQHo63sPTWc1Nh/DGolKit6qWyd3PXLaxdR2bD41BTarFZOi3QN9OXW+1u7fDVD39/H8Hd30zwxPG5vTpZllOf3U2r20jh+iJJBY9oZNCRNWe1H1tM8dGLUtNdUiHhasGg0KPV2pV80K3rJFtQor+xNw49T+KWTVSY+fNJsNqk/fSBNzdyy5NQTYeeCLMuorGu/+LyyeQnl1QtTr0brce+nHp420Ef1NQOTLt7MsozaNWsZfnp/qtXoqkxp2fFzKa/opbppMY3nD5135kx5wRJKQ700Bw9Dn092nm5tB40QQnMCh30+xviOCVzrMuB24HqgF3gK+FPgEzHGE1NvpaQiZFlG101baBw9QfPEMEOP7CGrlNKqtL1dlFtrQJRX9FIe6Etfq3rbnmo90eGT5kvHaA4Op4Lt12+xlmoMWSmjdvnqtNz/D16ktHwBzSMnoNGgvGIB1VdNbBbLmSpr0lLujd1p9eOsb/IPUjufic6cKS9YQul4H8P7d+X6/TUxefRo3DHO6xnwXlJg+Nr5LhJCuBb4OlADvgw8C7yRFDxuCCG8McZYz6G9knKUVctpMbtjQ5QW9VCaX6M0EixW96VejDbW2xjLRIZPmkN16s8eoLJlGV3XrJ/xx7ZfyCpbl1EeSMv7N148SuPAccor+6huX9nWlPKuq9cy/NR+GocHKS3spjTBOp6JKq9emKbT7hp/5gy0ggZ9NE5YEDoT2g4aMcbbx3o9hPB+Usj4bIzxnglc6pNAN/BTMcYvt65RAb4C3Az8HPAn7bZXUv5K82rM++nX0Dg4SGnJ/MIXVJvI8En96QOUFs+nsmkx1TGWzdYrsnKJ2o7VaQnxx18ky7L08LRL2/t3K69eSHXTYhiqUx5YmP+iaKNnzjy2l9KqsdfoKHX3Ua73kpUqNE8eI+vysfHTqZCfBiGE7cDHgSeB903wtKuBAyMhAyDGOAz8UeuP1+XaSEm5yrqrqfdimlZtrWxZSmnJPJoHjqWi01Ea+4/RPHoyzTJ5w5ZpWS9jtqtcsoLKqj6yniqlFQuohmW5PNOm68bN1C4boHbV2hxaebbyhn4qqxeS9XXT2Hd47INKGeVFqyj1pIJQTa+i3n2fIg2BvCvGeGyC57wE9IUQzqzoGYnUrrYi6ZQzh09GNIfqDD99IC0GdtVan+47QVmlRPWyAcqrF1JevoDqBBbomojSoh663xgmPP15srIso3r56vRk571HaNYbYx5X6V9NqbuPxuA4YUSFyT1ohBBuIQ11PBBj/OokTr0bKANfCCFcHEKYH0K4FbgN2A98Lu+2Spq9RoZPSv3z0lOPW+rPvkxpUTeVjYupXVnMp+i5qrp9JbXXrKJ29brCgkERKhelGpPSvGp6KN1Yx/SvTj0aBo1pV0SPxoda2zsnc1KM8U7g3cCNwPeAI8C9wG7gmhjjM3k2UtLsd+bwSePl4zQPDVJZ30/3Gy7y4XuTlNXK9LxlG13XbZjppkxKVsqo7VhNaaCPxp7DNBtnT4as9K8m6+6leeIozYbzCqZTrutohBB2kILCN2OM35zkua8HPgwMA/8L2Eeqy7gG+FwI4SdijPsncJ1Hx9m1eTLtkXThO2345OAg9acOUN6wmNoVa6a0UqZmr8rFy6n87TNpBspLR88aMit191Ke109W7aFx4gjlnnyn2mp8eS/Y9c7W9u7JnBRCWAPcDxwDLosx/mDUvttJwyf3AG/Jp5mS5oLRs0+Gn3gpDZms76d29bqZbpqm2UiNyfDzh9Lw2RlDP1mWUekfoNTTS/P4YTBoTJu8g8atwFHgvkme93agB7hjdMhouQP4eeDNIYRVMcbd57pQjHH7WK+3ejq2TbJdki5wI4t3NV48SmV9f5plkvO6HZodqq9aycm/35Welnvg+Fn7U0GoM0+mW24DmCGES4F1wH2TmGkyYn1r+9iZO2KMTeDRM46TJOCV4ZPKliVUd6ymkvPqk5o9slqF6qUDaQbK7rPDRCoI7TNoTLM8K6VG1rn4xhTO3dPajvfEoYta23P2ZkjqPFmlRNeNm6hdu56uH/GzSKervWYVpeW9UG/QODh42r7KogFKXfNpDp+gOTw0Qy3sPHkGjStb229P4dwvAg3gAyGE0569HkJ4D2nI4+EY49PtNVHSXFTd2nqWSZvPUNHsl/VUqb16ZXo43JHTH5FVqnVT7ltOqXuB01ynUZ7vyi2t7XPnOiiEsBPYCXwnxngvQIzxsRDCvyMtQ/7dEMKfk2adXEWaxbIH+OUc2ypJmqOqlw1w8p+eJ3vu4Fn7Kv0DqU5j8BDlBYtnoHWdJ88ejWWt7cvnOW4naRbJ20a/GGP8fdJD1P4GeCvwm6SajLuAHWMUiUqSdJbSgi6ql6ygNMYU58qigVSnYY/GtMmtRyPGOKEZHa2HsN0+zr4HgAfyapMkqTPVLl/N0CN7qO89PVCcmnmy9wmf5DpNHNCUJM05pUU9VMMymvXGaSvEVhauJOteADRpDp8gq5795F/ly6AhSZqTatdvJFvYTXXbilOvZeUKlYUrUkHo8UOUDBqF80EAkqQ5qTSvRte16yn1nR4mKovSk1yb1mlMC4OGJKmjnHqS63GDxnQwaEiSOkoqCE0zT5rNs5/0qnwZNCRJHaXcu5RyTy9ZpUrzxNGZbs6cZ9CQJHWULMsoL1rVWrjL4ZOiGTQkSR3nVJ3GoA9YK5pBQ5LUcU7VaVgQWjiDhiSp44ysENo8eQwa9Zluzpxm0JAkdZxyTx+leYvIaj00Bo/MdHPmNIOGJKkjvfIkV4dPimTQkCR1pFQQ2mdBaMEMGpKkjnSqTuPEsZluypxm0JAkdaTKogFKXQvAR8UXyqAhSepIpVo35b5llLoXzHRT5jSDhiSpY6WC0L6ZbsacZtCQJHWskRVCVRyDhiSpY42sEKriGDQkSR2r0rci1WiUKzPdlDnLoCFJ6lhZuUJ54Qp7NQpk0JAkdTTrNIpl0JAkdbSqdRqFMmhIkjpaZcl6St0L0uJdyp3VL5Kkjlaev4hFN/4qWdf8mW7KnGTQkCR1vEr/wEw3Yc5y6ESSJBXGoCFJkgpj0JAkSYUxaEiSpMIYNCRJUmEMGpIkqTAGDUmSVBiDhiRJKoxBQ5IkFcagIUmSCmPQkCRJhTFoSJKkwhg0JElSYQwakiSpMAYNSZJUGIOGJEkqjEFDkiQVxqAhSZIKY9CQJEmFMWhIkqTCGDQkSVJhDBqSJKkwBg1JklQYg4YkSSqMQUOSJBXGoCFJkgpTafcCIYTmBA77fIzxHRO4Vj/wEeAngQHgeeAB4PYY4+522ilJkqZf20EDuGOc1zPgvUAv8LXzXSSEsAL4BrAV+CvgS8DlwK8BbwwhXBljfCmH9kqSpGnSdtCIMd4+1ushhPeTQsZnY4z3TOBSnyGFjHfHGO8adZ3bgNuBDwIfare9kiRp+uTRo3GWEMJ24OPAk8D7JnD8GuCnga+PDhktnwY2Aw6dSJI0yxQSNIBPATXgXTHGYxM4/k2koZYvnLkjxngQ+MV8mydJkqZD7kEjhHALcDPwQIzxqxM87dLW9pEQws8Dvwm8CjgE/AXw0Rjji3m3VZIkFauIHo2ROoo7J3HOQGv7AeCtwF8CDwOvA34DuCmEcG2Mcf/5LhRCeHScXZsn0R5JkpSDXINGCGEHcCPwzRjjNydx6oLW9lbgLTHGr7SulwH/Bfh14BOkGSiSJGmWyLtH452t7d2TPK/e2n5pJGQAxBibIYQPAr8E/EwI4TdijI1zXSjGuH2s11s9Hdsm2S5JktSGvFcGvRU4Ctw3yfMOtrZ/d+aOGOMh4HFgIbCsrdZJkqRplVvQCCFcCqwD7pvgTJPRYmtbG2f/yOuTva4kSZpBefZoXNfafmMK5z7U2t585o4QwlJgI/DDGOPhqTVNkiTNhDyDxpWt7bencO5DwGPAjSGEt4+8GEIoAZ8EqsAftdtASZI0vfIsBt3S2j53roNCCDuBncB3Yoz3AsQYGyGEXwAeBD4fQvhZ4Put464AvgX8xxzbKkmSpkGePRojhZovn+e4ncBtwNtGvxhj/EdgB/DHpIepvYtUAHoHcFOMcSjHtkqSpGmQNZsTecr77BdCeHTLli3b7r///pluiiRJs1E2lZPynt4qSZJ0ikFDkiQVxqAhSZIKY9CQJEmFMWhIkqTCGDQkSVJhDBqSJKkwBg1JklQYg4YkSSqMQUOSJBXGoCFJkgpj0JAkSYUxaEiSpMIYNCRJUmEMGpIkqTAGDUmSVBiDhiRJKoxBQ5IkFcagIUmSCmPQkCRJhTFoSJKkwhg0JElSYQwakiSpMAYNSZJUGIOGJEkqjEFDkiQVxqAhSZIKY9CQJEmFMWhIkqTCGDQkSVJhDBqSJKkwBg1JklQYg4YkSSqMQUOSJBXGoCFJkgpj0JAkSYUxaEiSpMIYNCRJUmEMGpIkqTAGDUmSVBiDhiRJKoxBQ5IkFcagIUmSCmPQkCRJhTFoSJKkwhg0JElSYQwakiSpMAYNSZJUGIOGJEkqjEFDkiQVxqAhSZIKY9CQJEmFqbR7gRBCcwKHfT7G+I5JXjcDHgReD2yMMT41+dZJkqSZ1HbQAO4Y5/UMeC/QC3xtCtd9DylkSJKkWartoBFjvH2s10MI7yeFjM/GGO+ZzDVDCAH43XbbJkmSZlYhNRohhO3Ax4EngfdN8twycA+wD/hu/q2TJEnTpahi0E8BNeBdMcZjkzz3t4CrgF8BDufdMEmSNH1yDxohhFuAm4EHYoxfneS5O4DfBv4wxvhg3m2TJEnTK49i0DN9qLW9czInhRC6SEMmu4APTvWbhxAeHWfX5qleU5IkTU2uQaPVI3Ej8M0Y4zcnefqdwHbg9THGI3m2S5IkzYy8ezTe2drePZmTQgivA94P3BVj/Ot2GhBj3D7O93gU2NbOtSVJ0uTkXaNxK3AUuG+iJ4QQ5gN/TJqh8uGc2yNJkmZQbj0aIYRLgXXAn01ypslVvFI/cTQtoXGWH7Zed4VQSZJmkTyHTq5rbb8xyfOeYvzVRX8ZWAv8AfBy60uSJM0SeQaNK1vbb0/mpFYPxe1j7Qsh/CgpaHzangxJkmafPIPGltb2uXMdFELYCewEvhNjvDfH7y9Jki4weRaDLmttzze8sRO4DXhbjt9bkiRdgLJmcyJPeZ/9QgiPbtmyZdv9998/002RJGk2yqZyUlHPOpEkSTJoSJKk4hg0JElSYQwakiSpMAYNSZJUGIOGJEkqjEFDkiQVxqAhSZIKY9CQJEmFMWhIkqTCGDQkSVJhDBqSJKkwBg1JklQYg4YkSSqMQUOSJBXGoCFJkgpj0JAkSYUxaEiSpMIYNCRJUmEMGpIkqTAGDUmSVBiDhiRJKoxBQ5IkFcagIUmSCpM1m82ZbsO0CCEcqtVqvevWrZvppkiSNOs8/vjj98UY3zrZ8ypFNOYC1XPy5MnG448//v2ZbojOsrm1fWJGW6GxeG8ubN6fC5f3pqWTgsa/AMQYt890Q3S6EMKj4L25EHlvLmzenwuX9+YV1mhIkqTCGDQkSVJhDBqSJKkwBg1JklQYg4YkSSpMx6yjIUmSpp89GpIkqTAGDUmSVBiDhiRJKoxBQ5IkFcagIUmSCmPQkCRJhTFoSJKkwsz6p7eGEH4R+E0gAMeAvwI+EmN8eoLnrwM+BtwELCE95fXuGOMfFdPizpHDvXk98EHgGmAB8DxwH/CxGOMLhTS6g7R7f864VgY8CLwe2BhjfCrHpnacHN47/cBHgJ8EBkjvnQeA22OMuwtpdIfI4d5cBtwOXA/0Ak8Bfwp8IsZ4ooAmz7hZ3aMRQvgd4PNAN3A36Qfdvwb+PoSwcQLnrwf+D/BvgK8DdwHzgf8aQvhkUe3uBDncm3e0zrkBuB/4DLALeBfwdyGElcW0vDO0e3/G8B5SyFCbcnjvrAD+L/B+4Aek986TwK8B3wohLCmo6XNeDvfmWtLvnB9vnfufgBOk4PGVEEK5mJbPrFnboxFCuBT498DDwE0xxpOt178I/DnwB8Bbz3OZT5HS/ptjjF9pnX8b8DXgvSGE/xlj/HZBf4U5q9170/o09hngCHBVjDGO2vcx4KPA7wG/VNTfYS7L6b0z+noB+N0Cmtpxcro3nwG2Au+OMd416tq3kX6hfRD4UO6Nn+NyujefJIWUn4oxfrl1fgX4CnAz8HPAnxTyF5hBs7lH4z2t7cdGbjhAjPEvgG8AbwkhrB7v5FZvxtuAb42EjNb5x0n/mTLg14toeAdo694AbyJ1Kf630SGj5U7SJ4Afz7G9nabd+3NK6xPYPcA+4Lt5N7QDtftzbQ3w08DXR4eMlk8D/wNw6GRq8njfXA0cGAkZrfOHgZGh+utybO8FYzYHjTcAw6QbfKYHSUHhXF25O1vHPDjGvoeBk63voclr9958jzS+/KUx9tWBIVLNhqam3fsz2m8BVwG/AhzOpXWdrd1786bWMV84c0eM8WCM8RdjjJ/Oo6EdKI/3zUtAX6vXdrSB1nZO1p7NyqGTEEINWA88NU7xzJOt7cXnuMzW1vbxM3fEGIdCCM8CG0MItdHpVeeWx72JMf4D8A/j7P5XpJAx3n6dQ07vnZFr7QB+G/jDGOODIYQ78mtp58np3lza2j4SQvh5UtHiq4BDwF8AH40xvphTkztGju+bu0mTD74QQngP8Czwo8BtwH7gc/m0+MIyW3s0FpPS4/5x9h9sbRed4xojBVHnukYJ6Jt06zpbHvdmTCGEhaTuX4D/PPmmiZzuTwihizRksos05q/25XFvRj4Zf4B0f54D/hB4BvgNUjHo4vab2nFyed/EGO8E3g3cSOq5PQLcSxrOuibG+Ewurb3AzNagUWttx5sKNPJ6d8HX0NkK+XcNIfSSZp9cBHwV+O9Tap3yuj93AtuBd8YYj+TRMOVyb0aGFG8FfjzG+BMxxveRpoh/lvT++US7De1AubxvWlP2P0wagvlT0oSE/wdsAz43V0PgbA0ax1vb2jj7u1rbc/0AzOMaOlvu/66tqawPAa8lvSl/NsbYnGoDO1zb9yeE8DrS1Mm7Yox/nWPbOl0e7516a/ulM4rcm6Sep0HgZ0IIs/Vn/0zJ432zhvRhqRu4LMb4CzHG98UYrwXuIE3lvyen9l5QZut/toNAg/G7qRaOOm48I11g57pGkzS2qYnL496cEkJ4NfC3wOWkacc3xxgtOpy6tu5PCGE+8MekMekP5924DpfHe2dk39+duSPGeIhUk7YQWDbFNnaqPO7N24Ee4D/EGH9wxr47SPfmzSGEVe009EI0K4NGqzjzSWBdCKE6xiGbW9vHznGZ759x7Cmta65N3yo22mlrp8np3gAQQngDaQbQWtLc8lsMGe3J4f5c1TpmC3A0hNAc+SL1OAH8sPXahhybPufl9N4ZmQ4+3ifvkdePTb6FnSune7N+vGNaPU6PnnHcnDErg0bLQ6Q3zWvH2HcTqTfib85x/l+3jhlrCuv1rWs/3F4TO9ZDtHdvCCFcD/xvUjHux2OMb3f2T24eYur35ynSp6+xvp5tHfMHrT+/nFeDO8hDtPfeeai1vfnMHSGEpcBG4IcG9il5iPbuzZ7WNoyz/6LWds6tczKbg8ZIMeDHQwg9Iy+GEH6CFBT+Msa4a7yTW/v+CrgxhPC2Uef3AL/T+uPdube6M7R1b1pLJH+R1M340RjjR4psbAea8v2JMT4VY7x9rC/SzAaAT7deM2hMXlvvHdIvw8dIP9fePur8EmlVyiqvLA6lyWn33nyRNPzygTOXK29Ndd0GPDyVZw1d6LJmc/bW1IUQ7gL+LWk9/3uBNcDPAC8C18UYn2wdt5O0QNd3Yoz3jjp/K2nd+YWk/wS7SKuFXkQaR3Pa3hS1c29CCB8nLQT1MunT8Xg+5tDW1LT73hnnmg+TPu35ULU25PBzbQdpAalFpKWtv9867grgW8DOGOPQ9Pxt5pYc7s37SIHvCGnZ8n2k4cgbST0eN4xRvzHrzeYeDUjzkd9Nmlr0HtLN+jNG3fCWnaQFUd42+uQY478A1wJfBn6M9B/oKPCr+CyAdrVzb25pbRe19o33Ndv//86ktt47KlS7P9f+EdhBKtq9nPQgwoWk4aybDBltaffe/D7wRtIQy1tJC6qtJz3Qc8dcDBkwy3s0JEnShc1PhJIkqTAGDUmSVBiDhiRJKoxBQ5IkFcagIUmSCmPQkCRJhTFoSJKkwhg0JElSYQwakiSpMAYNSZJUGIOGJEkqjEFDkiQVxqAhSZIKY9CQJEmFMWhIkqTCGDQkSVJhDBqSJKkwBg1JklSY/w8f0OblksqTNgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(\n", + " results, 'mean_freq', \n", + " colors=[colors[1], colors[3]], labels=[labels[1], labels[3]], filename='lfp_speed_freq_stim', ylim=(7.3, 8.3))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Power Familiar" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhQAAAGaCAYAAABXKNrQAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdeZhkZX33/3fte3dV9b7M3syZHRhwZBFQQBRB3EiMMXG58iT4POAWjb8kPxEMksSQ+OgPRX30ilwm+qAYEMMOKpvAsAzD7GeW3peqrn3fTtX5/VE1TfesPd3V0z3T39d19XWm65w6dXdPddWn7vO979ug6zpCCCGEELNhnO8GCCGEEOLMJ4FCCCGEELMmgUIIIYQQsyaBQgghhBCzJoFCCCGEELMmgUIIIYQQsyaBQgghhBCzJoFCCCGEELMmgUIIIYQQsyaBQgghhBCzJoFCCCGEELMmgUIIIYQQsyaBQgghhBCzJoFCCCGEELNmrteJFEXxA38H3AAsBcaBh4A7VFUNHXHsy8Dbj3OqR1RVvb5e7RJCCCHE3DPouj7rkyiK0gi8BKwFfgtsq/37emAUuEhV1aHasUYgBQSBnx7jdPtVVf35rBslhBBCiNOmXj0Ut1ENELerqvr1wzcqinILcDfwD8CnazevBpzAU6qq3l6nxxdCCCHEPKpXDcUKqj0Odx1x+3/UthdPuu3c2vbNOj22EEIIIeZZXXooVFX90HF2ra1txybddl5tK4FCCCGEOEvUrShzMkVRfMCVwLcADfjGpN2HA8VmRVH+DVgPFICnga+pqrp/LtokhBBCiLlTl6LMyRRF+Qzw/dq3ZeDPVFW9b9L+UaCDamHmA0AYuBC4AkgCV6uq+uo0Hmf3cXYtAZ5RVfWGGf8QQgghhDglc9FDEQK+STU0fBj4maIoS1RVvUtRFBfVUR/jwA2qqg4evpOiKDcBPwD+U1GUdaqqlmf4+Naenp73A/VNSkIIIcTiYJjRnerdQzGZoijLgZeBNuBtqqq+dpLj/wBcAlyiqupLM3zM3T09PeseeeSRmdxdCCGEWOxmFCjmdKZMVVX7gX+pffuBadzlldp21Zw0SAghhBBzYtaXPBRFsQGXAyZVVR8/xiG9tW2LoihNwBogdJziS1dtm5ttu4QQQghx+tSjh8IKPAbcpyiK9Rj7N9e2+4GrgBeojv6YojaD5qVUax9OWpQphBBCiIVj1oFCVdUU1TU7GoHbJ+9TFOUC4K+BNPBz4HEgAVyrKMq7jzjV14B1wIOTizWFEEIIsfDVa5TH56kO/fw7RVEuo1qIuQz4IFABPqqqagBAUZS/ohouHlMU5QFgiGoh5kXAPuB/1qlNQgghhDhN6lKUqarqMNVAcTfVlUa/ALwTeBB4u6qqD0069pfAO4BHgauBW4Bm4J9rx47Xo01CCCGEOH3mdNjofJBho0IIIcSsLLxho0IIIYRYHCRQCCGEEGLWJFAIIYQQYtYkUAghhBBi1iRQCCGEWDQeG9jFf+x7mXghO99NOevMxWqjQgghxIIznI6xPTREMJuiUNb46DkX4rHa57tZZw3poRBCCLEobA32M5pJMJyJsTs6yq8ObiNbKs53s84aEiiEEEKc9QLZJAdiQcZzKdb5OhjPptgdHeW/Dm0jp5Xmu3lnBbnkIYQQ4qz3SqCPsWwCv81Jo83BWn8Hu6OjGA0GTEYjH1m1GZtJ3hJnQ357QgghzmrhXJq9sQDBbJL1TZ0AOMwW1vk62B0dw2QwYjIY+fCq87EYTfPc2jOXXPIQE+6++24URTnqa9OmTVx55ZX8/d//PUNDQ/PdzONSFIXLL7984vutW7eiKApf/vKX57FVVVdeeSWKojA8PDzfTRFi0Xkl2E8gm6DB6sBptk7c7rRYWetvpy8ZZkd4mN/07UCrlOexpWc26aEQR9myZQtbtmwBQNd1crkcfX19/PrXv+bJJ5/kF7/4BatWrZrnVp5cV1cXt9xyC4qizHdThBDzJFbIsjs6ylgmyVp/+1H73RYbiq8dNRbAaDBgMRi5fsVGjAb5vH2qJFCIo2zZsoXPfvazR93+8MMP86UvfYm77rqLH/zgB/PQslPT3d19zJ9DCLF4vBrsJ5hN4rbYcFtsxzymwWrnHG8bB+LjGA1GzEYT1y5bj8EwozWyFi2JYGLarrvuOtxuN1u3bp3vpgghxEkli3l2RUYYzcTpdntPeKzX5mBVYzNqLMCrwX6eHtrL2bYa91yTHgoxbQaDAZPJhNl89NNm9+7d/OQnP+G1114jHA5jsVhYtmwZN9xwA5/61KcwGt/KrkNDQ9x9991s27aNQCBAY2Mjmzdv5qabbmLDhg1TzlsoFLj33nv57//+bwYHB7HZbJx77rncdNNNvO1tbzthe7du3conPvEJ3v/+9/Ov//qvAPzt3/4tDz74IM888wz33XcfDz/8MMFgkNbWVq699lpuvvlmnE7nlPMEg0G+//3v8+yzzxIKhfB6vVx22WXcfPPNdHd3z/TXKYSYY6+NDxDIJrGbLNOawMpvd1HRdfbWLn+YjSbe2bVaeiqmSQLFSeS0IsXywi7SsZpMOCYVGs2Vxx9/nEQiwcc//vEpt7/wwgt85jOfweFwcPXVV9Pc3EwgEODpp5/mm9/8JuFwmK985SsARKNR/uRP/oRUKsU111xDZ2cnIyMjPPHEEzz77LP88pe/ZM2aNQDkcjk+9alPsX37dtavX8/HPvYxstksTzzxBJ/4xCe48847+fCHPzyjn+Wzn/0sg4ODXHPNNbhcLp544gl+/OMf09/fz/e+972J4w4dOsQnPvEJIpEIV1xxBe973/sYHh7moYce4ne/+x333nsva9euneFvVAgxV7KlIjvDw4yk46xsbJn2/Zodbiq6zp7oGAaDgS63l9Xetjls6dlDAsUJ3Lb1v/nJ3hepLPBuL6PBwKfXXsLX3/7+upzvlVde4e677574vlAo0NvbyzPPPMNFF1101KiJb37zmwD84he/YOXKlRO3Hzx4kOuvv54HH3xwIlA89thjhMNhvvGNb/BHf/RHE8defvnlfOUrX+FnP/sZd9xxBwDf+c532L59O3/5l3/Jl770pYlPCbfccgt//Md/zG233cYll1xCe/vRhVYnE4/Heeyxx2hqagLgpptu4tprr+Xpp58mGAzS1lZ9Afmbv/kbotEoP/jBD3jnO985cf+XX36ZT3/603zlK1/hN7/5jXyCEWKBeT00wFg2gcVkovEUp9dudXpIFnPE8hnCubQEimmSQHEC9+59acGHCYCKrnPv3pfqGiheeeWVY+7z+XxEIpGJywK6rvP5z38eTdOmhAmAnp4empubCYVCb7W1UgHgzTff5IMf/CAWiwWA973vfWzevJmOjg4AyuUy999/P36/ny9+8YtT3rDb2tr4i7/4C+68804eeughbrrpplP+GT/2sY9NhAkAv9/P5s2b+d3vfsfQ0BBtbW3s2LGD3bt38+53v3tKmAC46KKLuOqqq3jqqafYvn07559//im3QQgxN3Jaie2hau/EUo9/RoFfRnmcOgkUJ/CptRefET0UJoORT629uG7nu+WWW6aMjigUCoyPj/PII4/wne98h9dee40HH3yQlpYWDAYDV199NQChUIj9+/czNDREf38/O3fuJBKJANWAYDKZeO9738s999zD/fffz5NPPslFF13EpZdeyuWXX86SJUsmHrOvr490Ok17ezv33HPPUW0cGRkBqrUbM3Fk+AFoaGgAoFSqTsO7c+dOoHqZZnKPzWGJRAKAPXv2SKAQYgHZHh5iLJPAYDDgszlPfgdRFxIoTuDrb38/f3vBexZ9DYXNZmPJkiV85jOfIRaLce+99/If//Ef/PVf/zVQrTP45je/yXPPPTdRFd3V1cWFF17IgQMHSCQSE7e3tLTwwAMP8MMf/pCnn36aJ554gieeeAKofuq//fbbWbFixcSbdSAQ4Lvf/e5x23b4uJn8TEc6/CnmcFuTySQAr7/+Oq+//vpxzxWPx2fUBiFE/RXLGtvGBxnJxOhyeeVy5GkkgeIkHGYrDvktTbjkkku499572bdvHwDZbJZPfepTRCIRbrrpJq666ipWrlyJ2+0G4NJLLz3qHB0dHdx+++3cdttt7N+/n5deeomHH36Yl19+mc985jM8/vjjuFwuAC677DJ+/OMfn74fcJLDbfjSl77EX/3VX81LG4Q4G6mxIJF8mgtal9V9/Ywd4RHGMgnKuk6T3VXXc4sTk7dKcUpisRgAHo8HgBdffJHx8XE++tGP8sUvfnHKsdFolGg0Crz1qf/RRx9l69atfPnLX8bj8UxM7/3nf/7nvO9976O/v5/x8XFWrlyJ3W5n3759FItFrNapPTCvvvoqzz77LJdccgmXXHLJnPys69atA2DHjh3H3H///fczNjbG9ddff8xLKEKIo0Xyaf67702i+Sx7omNcu2wDXSeZI2K6tEqZ18YHGMnEpXdiHkjViZi2bDbLT3/6UwDe/e53A2C3V6unR0dHpxxbKBS49dZbJ4owNU0DYN++fdx3333853/+55Tjk8kk8Xgcl8uFz+fDarVyww03EAqFuOuuuybOA9VQc+utt/KjH/2IQqEwNz8ssHnzZlauXMlTTz3F448/PmXfzp07ueOOO/jxj3+M11ufF0Mhzna6rvPMyAGG0jH2J4K8Nj7Az9StvDB6kPKkv/GZ2hUZZTQTp1jWaHa469BicSqkh0Ic5chho7quEw6Heeqpp4hGo1x11VW85z3vAeCCCy5g+fLlPP/883z84x/n/PPPJ5lMTkwC5fP5iMVixONxHA4Hn/zkJ3n44Yf59re/zdatW1m3bh25XI6nnnqKeDzOrbfeOtEb8Td/8zds376dn/70p2zdupUtW7agaRpPPvkkkUiEG2+88ajRF/VkNBq56667+PSnP83nP/95Lr30UhRFYXx8nCeffJJSqcQ//dM/4ff756wNQpxN+pIR1GiAQDbJxqYuApkkb4aHyZQK9KcivG/ZBvwzvExRrlQmeic6XY0YpXfitJNAIY5y5LBRk8mEx+Nh9erVXH/99dx4440TXYkOh4N///d/51vf+havvvoqO3fupLW1lY0bN/IXf/EXvPTSS3znO9/h97//PX/6p39KU1MTP//5z/k//+f/8Ic//IE33ngDq9XK+vXr+Yd/+AeuvPLKicdtaGjgvvvu4yc/+QmPPfYYv/jFL3A6naxYsYKvfOUr3HDDDXPepblhwwYefPBBfvjDH/L888/zyiuv4PP5uPTSS/kf/+N/cOGFF87p4wtxtihXKjw7sp+BVIQ2pwe3xUaPt4VIPo0aHydWyBHOpXlXt8Kmpq5T/tveFwswnI6T1YooPpk3Yj4Yzra5yhVF2d3T07PukUceme+mCCGEqHl9fJDf9L3J/niQ85qXYJ40HX+hrHEoEUKrlDnH28p6fxfXLF2L6ziLeU1WKGuEcimeHNzDS4FePBZ7XWoyehNh7CYzH+nZzCUdC3915Tqb0Sc16aEQQggxp3JakZfGDtGfjLDE7ZsSJgBsJjNrfe0Eskl2RUaJF3IEsgmuWbqOVZOmzS6WNUK5NIFskvFckmA2RSSfJlsqkizmSRUL9DS2nu4fT9RIoBBCCDGnXhzrZSgdQ0en1eE55jEGg4EOVyMNVjsHEyHihRzxQo5zm7sxGgwEs0ki+TSZUpFMqUBaq24zpQIWowmXxcoaX9tRYUWcPhIohBBCzJlwLs220CCDqSjneFtPWhvhstjY2NTJUCrGm+Fhwrk0xYpGulQgWypiMhpwWWy4LTa63F5cZivWOs9lIWZG/heEEELMieow0f0Mp2N4rHYabY5p3c9oMLKsoQmvzUk4n8ZqNNPl8uKySHhYyOR/RgghxJzoS4bZHwsSyCbZ1NR1yvdvtDmmHULE/JOLTUIIIequXKnwzMQw0QbsZst8N0nMMQkUQggh6m57eIiBVJRkKU+XS2aTXQwkUAghhKirbKnIS2O9xx0mKs5O8r8shBCirl4MHGIoHYMTDBMVZx8JFEIIcRIVvcKb4WH+69AbDKai892cBS2US/FGaIjBVJTlDU2y4uciIqM8hBDiBAZSEZ4Z3k9/MkIon6YvEeKapevY1Nw9301bcHRd59lJw0QbrDJCYzGRQCGEEMcQK2R5buQAe6JjDKYixAo5XBYrOyIjFMtlIvkMV3Sdg9EgHb2HHUqEUGNBgrXVRMXiIoFCCCEmKZQ1tgb6eG28n6F0jLFMgmaHm/NaujEbjIxk4uyMjFCsaMQKWa5bvhHbIp9sqVypMJKJ14aJRmWY6CK1uP8KhBCipqJX2B0Z4w9jhxhMRxlIRrCbLaz3d+K0WCeO63b7cJgt7IsFyJc1UsU8H1x53hk3AZOu61R0HdMMR2CUKmUGkhEOJMbpTYSJFTKEcxlSpfyUBb3E4iGBQpzQF77wBbZt28Zzzz130mPT6TQ33HADW7Zs4Z//+Z+ndf6BgQGuueYali5dylNPPXXc4+6//36++tWvcuONN3LnnXdOu/1CTMdwOsYzw/vpTYbpT4YpVsqsaGjGa3Mcs6iwye7GZrKgxgLktSJZrcgHVpxLZx2WzZ4LOa1EJJ8mlEsTzqUI5dNEchk0vYzX6qTJ7qLJ7sJvd9e2TsxG0zHP05cMcSAeoj8ZIVbIEitkiOQzaJUKfruT9f4OGSa6SNUtUCiK4gf+DrgBWAqMAw8Bd6iqGjri2Cbga8D7gQ5gAPh34Fuqqmr1apOYne9+97s89thjtLW1nfTYQqHA5z//eUZGRk5Dy4Soj1Qxz7OjB9gVHmEwHSWaz9Ll9tLubMB4ktEJbouNDU1dqLEA20NDZLUi1y7bwDp/x2lq/bEli3lGM3HCuVqAyKdIFHJktRJZrbrAVkYrki0VqaDjMFlwmK04zdWtw2zBYbbQaHsraDhMVvpTYQZTUWKFHLF8hmghgwEDfruLVY3NeCx2GdGxyNUlUCiK0gi8AKwFfks1SKwFPgt8RFGUi1RVHaod6wWeBdYBDwAHgWuAbwJbgBvr0SYxc4VCgTvuuIP7779/WsePjIzwhS98gR07dsxxy4Soj4pe4Y3QUPXyRirKcDpGk93Nec3dWExHfzI/HpvJzHp/JwcTIXaEq8Wa0XyGSztWzcub60Aqwq8ObiOWz5Kt9ZxkS0Vy5RJWowmnxYrTbKXV4cHZYMVkMJLTiuS0ElmtSLRQvR862M2WiZBhNZqIF3PECllsJjN+mxPF147LbJUQISbUq4fiNqoB4nZVVb9++EZFUW4B7gb+Afh07eavAeuB/6Wq6vdrx/2/wC+pho8Pq6r6QJ3aJU7R7373O77xjW8wMjLCFVdcwbPPPnvC4++55x5+9KMfkcvluPzyy6d1aUSImQrlUmwPDbHU00RPY8uMrv+PpOP8dngfvYkQfckwBoOBtf4O3BbbjNpkMhpZ7W1lKB1jZ2SEUq1Y873L1mM5xmWDuZIuFXi0fxf7YgEKZQ2PxY7HaqfN2YDTbDnmJQyohiLvpB9d13VKlTI5rUROK5LVSqRLeTxWO0vcPim2FMdVr0CxAggCdx1x+39QDRQXAyiK4gD+ChgCfnj4IFVVy4qifBn4MPAZqj0XYh786le/IpPJcNttt/Gxj32MNWvWnPD4H/3oR3R3d3PrrbeiadppCxSaprF+/foTHnOyugxxZokVsvzq4DYOJUJ4LHZanR7W+TvY1NSFz+466f2zpSLPjx6YWGMims+y1OOj1eGZ9adsg8HAUo8fh9nCnugY+bJGJJ/h3UvW0nUa6ioqeoXH+ndxKBGiUNbY0NSJaYbDWQ0GA1aTGavJfMYVmor5VZdAoarqh46za21tO1bbbgFcwAOqqlaOOEefoih9wOWKophUVS3Xo22zVSlk0bXifDfjhAxmK0absy7n+uQnP8m//Mu/4Ha7p3X8t771La644gqMRiMvvvhiXdowHUajkVtuueWY+x566CGGhoa44IILTlt7xNzKaUUePPQGe6MBooUMo3qc3mSI3kSYlwN9rGhoYmNTN+d4W476JK7rOjsjIzw/epCBVITBVAy/3cl5Ld1170FocXiwmSzsjweJ5bMEswk2tyzlHZ3n4JjDT/YvB/rYHR1jOB1nQ1PHjMOEELMxJ6M8FEXxAVcC3wI04Bu1Xatr24PHuWsv1d6OFSc45vBj7D7OrlWn1NgTGP/ZF4k//V3QKyc/eD4ZjHivvoXWj//vWZ/q7W9/+ykd/653vWvWjwmQSCS4++67j7t/9+6p/91Go5HPfvazRx3361//mqGhITZt2sTXv/71o/aLM0+pUubXvW+yNxogkk+zoakTi9FErJBlPJdiMB2lPxlhT3SMFket16K5iya7m2A2yW+H93EwHqI3GaKi66zxteGx2uesvQ1WO+c1dzOQivJGaJhYIcvBRIh3dims8bXVveZgMBXlhdGDHIgHWd7gx2G2nvxOQsyBugcKRVE+A3y/9m0Z+DNVVX9b+76ptj3eZPiJ2nZBjL2K//Z7Cz9MAOgV4r/9Xl0CxXxJJBJ897vfndU5XnvtNb761a/S3t7OPffcg802s2viYuE43JW/OzLKUDrG+qYOrLVJpPx2F367i0JZYzyb4kB8nEOJMH3JMK8E++l0NRLIJhlIRQnnUnS7fbQ7G05LEaHZaGJVYwstjhy9iTChXJpoPsMafwdXdSt469SjmKnVTRxMhGi0OWiRhbjEPJqLHooQ1REbHVRrIn6mKMoSVVXvAg5H58Jx7nv49pN+fFBV9ZgX0Gs9F+tOqcXH4b3q5jOjh8JownvVzfPdilmZ7jwUxzMwMMDNN9+M2WzmnnvuoaVFJtZZCHJaEavRPKPiSV3XeWbkANtCQxxMjKP42nAe49O3zWRmicdHt9tLvJhjPJtkKBWl1+YkWczTaHNwbnP3RBA5nRqsDjY1dzGaSbAjMkI4n2YoFeXSjlVsblk640mloBa2BnZxMDFOvlxig7ezji0X4tTV/S9MVdX/Av4LQFGU24CXgX9RFOX3QK522PH65A5/pEzXu10z0frx/03zjXcuqhqKM1EikeCmm24ikUjw7W9/+6TFmmJuxQtZDsTHUWNBRjNxfHYnV3St5pzG1lPqHdgWGuSlsUOosQArGppPutCUwWDAZ3PiszkplqsjLdpdjTTM4eWN6TAajHS7fTTZ3fQmw7w+Pki8kGVvLMDVS9bS6Wqc0XlfCfbX6iZirJ9FEaYQ9TKnkV1V1X5FUf4F+DfgA0B/bdfxLmkc/stKHGf/aWe0OWERv1kvdKVSic997nP09fXxuc99jve+973z3aRFKVnMsz8WRI0HGUnHiBYyRHIZ4sUcjVYH49kUa/wdXNm1elojMtRYkKeH9rI3FqDT3UizY3pFwodZTWbanA0z/XHmhMNsYZ2vnVAuzb5YkFAuRSCT4ILWZVzUvgLXKQxbHUpFeW7kAPtjQZZ5mo7ZcyPE6TbrQKEoig24HDCpqvr4MQ7prW1bgMP7j1c4uQrIAIOzbZdYHG6//XZefvllrrvuOm6++cy+7HOmSZcKqLEg++NBhlJRYoUskXyGeCGL22qnye5iRWMzwWySHZERQrk0A8kwb29fyZa25ccdYTGcjvFw/w72xgJ4bQ46nDP7BL8QGQwGWp0efDYnA6kIb4SGiOQz7IqMcF7LEt7WunzKuiHHki0VeXSgWjfRYHXQ6pS6CbEw1KOHwgo8BqQVRWlVVfXI6wOba9v9wOtACninoijGyUNHFUVZCSwHnl4oQ0bFwvajH/2IX/3qV5x33nn84z/+43w3Z9HoT0bYGuxjqDaXQySfJl7M4TJbqyGioWlKvcJSj58Wh4e+ZJhtoSGi+Sx7o2O8q1s5ahGpSD7NQ71vosaCWI1mlnuazsqZGC0mEz3eVhKFHIPpKCOZOGOZBG+Gh9ncspQLWpcec7SGruvVMBEPkdOKskS4WFBmHShUVU0pivIQ1QLM24G/P7xPUZQLgL+mWhPxc1VV84qi/By4Cfgc8O3acSbemhTre7Ntkzj7vfLKK/zbv/0bJpOJSy+9lJ/+9KcUi0V0XZ9y3Ec+8hE6O6VYrR6ypSLPjOxnR3i4NjFUBqelGiKWNTSdcAlvh9nCWl870UKG3mSY8VyK8VyKdf4O3tm1Gq/NSbpU4MFD29kbHaNY0Vjn7zgrw8RkjTYHG6ydxIs5hlIxhmvB4o3QEJtbl3JBy9IpM1NW6yZGGUpHWe/vnFVRpxD1Vq8ais8DFwJ/pyjKZVQLMZcBHwQqwEdVVQ3Ujv0q8B7gfyuKciWwB3g31Z6MX1JdB0SIExoYGEDXdcrlMt/73vEz6MUXXyyBYpZ0XWdvbIxnhvfTX5sYqtnh4tyW7hOGiCMZDAaa7G68VifDmRhvhocJ59L0JcJc1LGSQ/EQe6NjxIu5Wc30eKY5XEzqtTqIFbIMpWMMp2vBYnyQC9qWsbllKeFcmudHD3AgPl6tmzjJpREhTjfDkZ/oZkpRlBbgVqrFl51ADPg98I+qqr55xLEdwB3A9VQLMfuAnwDfOcYlk1Ntx+6enp51jzzyyGxOI4SgOt31b4f2si8W4FAiTFmvsKqhGXcdRk5ktSJ9iTCl2lLhpUqZ/lSEDf7ORb1ehK7rRAsZhtNxAJa4fXS6vBgNBraHhjAYDPQ0tpz1vTfzpaLr7I2OsTXYh9lo4p8u/iDvW75xvpt1us3oyVW3QLFQSKAQYvbKlQqvhwb5w+hBBlJRxrIJulxeOlyNJ13W+1Touk4kn2EgFaGi66z1tdclrJwNDv9uhtMxjAYjHouNRDHHxqYuudQxB3Rdpz8V4fnRg0TymYnbP7nmIu68+IPz2LJ5MaM/8tM/04sQYk5V9AplXUerVCb+bTGasJvM0/pUO5pJ8PTQXg4lQvQmQlhNZjY1dc1Jr4HBYKDZ4cZvd1HRdczyRjnh8O+mye4inE+TKORQfG1nfJgYTsd4fXyQJW4f57csWRA9LYFskhdGDzKUjk253Wwwst4vl0ynSwKFEAtcRa+QLOaJF3LEClnihSyxQpZkMY9WKVPWK7XwoKPpZSq1Xkdd16noOjo6JoMRi9GEy2LDabHiMttwWay4LDZc5urWabayN18531wAACAASURBVBbgtWA/A6kI0XyWZQ1+mu3uOX/RNxoMde35OJsYDAZaHJ6zYlrtcC7Ng73b0SoVepNh+lMRrl22ft7WH4kXcrw4dgg1HjxqX7fLy3nN3SxvaDrGPcWxSKAQYgEJ5VKMZRLEaqEhXsgRL2QplEvkNI18uUheK5EraxS0EhVdp4I+ER4m/xsAAxgx1D79m7AaTVhMta3RjNVkwjJxu5lsqUhfMoy3Nl21xVTf1TjF4lUoazzcvxOt8tZSBgOpKP+pvsJ1yzfOeMbQmchpRbYG+nkzMvzW30rNUrefd3SuIlMqYp+H6drPZPLbEmKeJQo59sUC7IsFGMskSBRz5MslclqJfLlEXitR1nXsJjMOswW7yUKj1Y7N4cFkMGCofbo3cvS/DVQ/4Vb0CsVymVKlTLFS3ZbKGlmtWL2tts9sNNLjbanb4lVCQLW37MnBPcQK2aP2pUsF7j/wOpd19XB+89xeAtEqZbaFhng12E+xMnW6oxa7m8s6e1hW65HoTYTnrB1nKwkUQsyDbKnI/niQfbEAg6ko0UKGcC5DspTDY7HjNFvxWGy0ONzYTRZs06x/OB6jwYjdbMTO4h09IebP66FBDiZCE9+/vW05NpOFF0YPUqHas/bsyAFG0nGuWbrulIYjT1c0n+Hh/p1TCi4BPBY7l3SsZK2vfUHUc5zJJFAIcZoUyxoHEyH2xQL0J8NE81lC+TTxQhaXxUaz3cU53hbMx5mSWogz0VAqxgujBye+X+bxc1H7SowGA+3OBh4d2EW6VF1o+mAiRHj/K1y/fGNda0b2x4M8ObiX0qReCZvJzJa25ZzX3C1/c3UigUKIOVLRK4RzGUYycUbSMQ4lwkTzacL5NJF8BpvJQrPDzTKPf04+kQkx39LFPI8O7ORwlUKDxc61yzZMFOB2ub18XNnCYwO7GUxFgWqh5P/d/xpXdSusb5rdCIuyXuH50YO8ERqacvt5zd1c3L5yUc93MhfkVUyIOimWNQLZJCOZOKOZBGOZOKlinmQxT6qYJ1bIVocC2l1saOqct8p2IU6HcqXCw/27yGolAEwGA9et2IjjiDdxp9nKh1aex9ZAHy8H+6r31Ss8ObSXkUycK7uVGfUgpIt5Hh7YxVjmrcWrrUYT71m6nh5vywnuKWZKAoUQM6RVyvQmw4yk44xk4oSyKVKlAqlinlSpGiI0vYLbYsNjsbPa24rLYpPrtGJReG70AGPZt97M39Wt0H6cJeWNBgMXd6yk09XIowO7yZerIWR3dIyxTIJNzd2c423FPc0l3gdTUR4d2EWuFmYAmu1u3r9ioxQczyEJFELMQDiX5tGBXfQlwsSLWVLFAqlSHpPBiMdqo8Fip8PViMtslQAhFp19sQDbw8MT36/3d0xrZdRlDU38mbKFR/p3TYSRaCHLMyP7eWZkP90uL6t9bZzT2HrMtUx0XefV8QFeHDvE5MGg6/0dM+7pENMngUKIU6DrOm+Gh/n9sEpvMkw4l8Zvd9HicLOysVlqIcSiF86leWpo78T3rQ4PV3Yr076/x2rnj3o28/zY0bUPw5k4w5k4vx9W6Xb7UHxt9DS24DBbyWslHh/cTV8yMnG8yWDkym6FDbOsxRDTI69+QkxTTivyxOAedkVGOBAfx2I0sam5C6uECCGA6uRV/92/Y2LyKpvJzPXLN55yz4DJaOSdXatZ7+9gXyzI/liQZCk/sV8HhtIxhtIxfjukstTjm5g99rAGq53rl2+k7TiXWUT9ySuhENMwkIrw+MBuDsZDDKWjdLt9tDsb5HKGEDW6rvPE4B7ihdzEbdcuW0+jzTHjcx6ecvwdHasIZJPsj4+zPx6cGGYKoKMzUBshctjKhmbes3SdjOI4zSRQCHEC5UqFP4wd4qXAIQ4lwuS0Iuv8HbimWRwmxGLx6vgAhyZNXnVR+wpWNDTX5dwGg4EOVyMdrkYu7+xhLJtAjQU5EB8noxXfOg64pGMVb2tdJmF/HkigEOI4ovkMj/bvYn88yMHEOD6bi57mLkyGM3u1RyHqKZxL8/zoQfpTb9UuLPc0cVHbijl5PIPBQKfLS6fLyxVdqxnNxNkfHyddzLO5dSndbt+cPK44OQkUQhxB13V2RUb57fA+ehNhxnMpVjU247e75rtpYh5E8mnU2Dh9yTA2k5kruxV5LgCZUoEXA73sjoxOGVHRYLVz7bL1p6WHwGgw0O32SYhYICRQiEVJ13VyWolkKU+ymCNVzJOYNAHVSDrG/vg4JqORTc1dMnpjkYnmM+yPB9kfHz9q7Yf7DrzGDSs2Ldo3sVKlzOvjg7w2PjBlKmuoLvn97qVrpXZhkZJXSXHW03Wd8VyKvbEAkXymNntljkJZo1jWyNe2hXKJQlmjUNbIaEW6XF46XY1yLXaRiBWy7I9VQ0Q4nz7ucYWyxgOH3uA9S9eh+NpPYwvrI1XMszs6ylA6hsNkpdXpoc3ZQJvDc8IgoOs6e2IBXhw7NKUoEsBnc3JZZw8rG5rl72URk0Ahzlo5rcjeWIDdkVFG0nFCuRTpUoFCRaOgaZQqZawmE1aTGVvty22102Qy4zRbpVdiEchrJXbUhgGP51LHPa7V4aHb7eXN8AhlvUJZ13l0YDeJYv6MKAAs6xV6E2F2RUan1DoAHEiMT/y70eqgbVLAaHU2YDOZGUxFeW70AKHc1KBlN1m4uH0FG6W2SCCBQpxlKnqFgVSU3ZFRDiTGCefSjOdSJIs5fDYXjTYHNpMFu8mM1WTCKC+Ci9Z4NsVv+naQmjS/wWQtDjervW2s9rZOTNfc09jKb/reJF/WAPjD2CESxRxXdisL8g01ms+wKzrK3ujYxJoaJ5Io5kgUc+yPvxUy3BbbUT0SJoOB81uWsqVtuQRvMUGeCeKsEC9k2R0dY090lGA2yXg2RSiXxmoy0erw0NMoy4KLt6ixIE8O7kHTK1Nub7a7We1tZbW3DZ/96DUfutxe/mT123jw0HYSxep8C7sio6SKea5bvnFBvLmWKmUOxMfZFRllJBM/5jGNVgfr/O2UdZ1gNkkwm5pYP+NIR4YJxdvGpR2rZjW/hDg7zf+zX4gZShRy9CXDHIhXK/DD+WpvRF4r0exws9bfLvNFiCl0XefFQC+vBPsnbjMAF7QuY52/g6ZpjN7w2Zz8yeoL+U3vjon1JgZSUX554HU+uPJcPFb7HLX+xHRd5+VgH2+MD1GoaEftNxmMnONtYYO/k263b8plGl3XSRbzBHPVcBHMJhnPpSiU3zpPp6uRyzvPocPVeFp+HnHmkUAhzhgVvcJYJklvMkRvIkwwmyRezBHLZ4gWsrgtNjqcjfjtTrmUIY5SKGs8PrCb3mR44jabycx1yzawrKHplM7lNFu5sed8Hh/YM1GDEM6nue/Aa3xw5bm0ODx1bft0vDB2iNfGB466vdnuZkNTJ2t97cctujQYDDTaHDTaHKz2tgHVkJEo5gjl0rgsNjpkZlhxEhIoxIKW00r0JyP0JkP0JyPEC1lihSyxfJZUKY/bYsNrc3Kux78gupvFwhQvZHmobwfRSUNA/TYnN6w8F98Ml7M2G01ct3wDz48d5PXxQaB6eeAXB17n+uUbWX6KIWU23gwPTwkTFqMJxdfGRn8nbTMMAgaDAa/NKct9i2mTV2CxYFT0CvFCjnA+TSiXZjgdYzgVI1HMVUNEIYtWKeO1OWl1elhta5W6CHFSA6koj/TvnNJ9v6KhmWuXrZ91CDUYDFzeeQ6NVge/H1bRqdYw/Lr3Td7evpwLW5ZhMc3tc7Q3Eeb3w+rE9812N3/Us1nmghCnnQQKMS+ypSKhfIpwLkM4lyKUTxPJpclpJTJakWypSLqUJ17MYTOZ8dqcrGpswWOxSbfrIhYv5CiUS3isdhwmywmfC7qu80ZoiOdGD0yZyfFtrcu4pGMVxjo+j85t7sZjsfPowC5KlTI6Oi8H+tgZGeWS9pWs83fU9fEOC2STPDKwc+Lnc1tsfGjluRImxLyQQCFOi5xW5GA8xMFEiGA2SaqUJ1sLDpO3Zb2C02LFabbSYHOw1OOXF8dFrqLrHEqE2BYaZDSTmLjdbDTSYLHTYHXgsdppmPTltth4KdDHnujYW8cbjFyzdB2Kr21O2rmysZk/6tnMQ307yNRGRmRKBZ4a2ssboSEu7+phmad+l0EShRwP9W6fWCrcajTxoZXn4Z6nolAhJFCIOZPTShxKjKPGxxlIhonms0TzGZKlPIWyhq02gZTTbKXN5cFptmE3maUHQgDVIsrdkVHeCA+RLB49V4RWqRAtZIkWsic9l8di4/0rNtHmbJiLpk5oczbwyTUX8Wqwn22hIcq1YanhfJoHDm1nuaeJyzp7aHa4Z/U4ea3Er3u3T8wtYcTA9Ss2zfq8QsyGBApRV3mtxKFECDUeZCAVIZrPEMlliBYyWE1mmuwuepwtOM1WTEYZiXE2ymslxrIJxjIJMloRv81Fi8NNi8ODYxq9TYlCju3hIXZFRikesVYEVHsajpw/4kQ6XY1cv3zjaRtCbDOZeUdnD5uau/jDWC/7YoGJff2pCANqhPX+Ti7uWIl7Bm3SKhV+07djSpC6eskalnn8dWm/EDMlgULMWrpUYDAVQY2N05+q9kRE8mmi+SxWk4kmu4sN7q5pvZmIM4uu60QLWcYy1QAxmomfsMfAY7HR4vDQ4vDQWgsZDbUu+tFMgm2hQQ4lQlNqHgAMGDjH28LmlqW0OxsolDWSxXztK0eylK+t0VL9/vBMlpuaunhn1+p5Ca8NVgfXLlvP5pYlPDdygOHaJFM6sCs6yr54gAtbl3FBy1Ks0ywO1XWdJwf3TJmw6qL2Faxv6pyLH0GIUyKBQpwSXdcJ59OMZhKMpOPVN5B8hlSpQDSfJjI5RDR14DBb57vJoo50XWckE2c4Ha+GiGxiyuiJk0mVCqRKhalzQRjNOCwW4oXcUcfbjGY2NHdyXvOSieABYDdbsJsttDqPPd9DsaxR1isL4vnX5mzgxp7N9CbDPD96kFgtcGmVCi8H+ng1OMAyj5+exhZWNjafsM0vjB1CjQcnvl/n7+CithVz/jMIMR0SKM4S5UqFZClPg8Ve109jxbJGIJtkNBNnpPYpNFXMkSoWJj4VZrUiDrMFv83F+qYOnAvgRVzUVzSfYU90jH2xAKkjpmI+FrvJQoerkUarnUg+QyiXmug1OFKholEoTN3ntTo4v2UJ6/wd0/70PtlM7jOXDAYDqxpbWN7QxK7IKC+N9ZKrTXVd1iv0JsP0JsMYhqDL5WWVt4VVDS1Tprc+cq6JpR4/Vy9ZIzVHYsFYWH91Ytq0SplANlmdq6H2aTGrFbCZLDTZXdUuZaeHVoeHZrv7pCMlypUKsUKWSD5TvVxRyNbqH9LVT5XFPKlagND0Cm6LDY/FzlKPD7fFjlnqIc46Oa2EGguwNxYgkE2e8Nhmu5sOVwMdLi+dzka8NsdRUzunSwXGc9U1VkK17eH1MA5b4vZxfsuSs3YZbJPByLnN3azxtfNqsJ8d4ZEp02TrwHAmznAmzrMjB2h1eFjV2IzTbDtqronrl29ckAuSicVLAsUZolQpM5ZJ1AJErNpTUKpeM04U86SKOUqVMkaDEZfZistim9g6zJbqZFAODy21kFEoa8TymVqAyBAvZslpJXJacWKb1UpktSJmgxG31UaDxU6HqxGX2XpWvtifTSq6TqyQIZitLtl+eDSNy1J9TjjNlmNOT16uVOhPRdgTHaM3GaaiH1nNUK1nWOL20elupNPVSLuz8aQTRBkMBjxWOx6rnVWNLRO3F8oaoVyKZDFfDb+LZJTC4cLNi9tXMpyOcTAR4lAiREYrTjluPJc6all1t8XGB1eeKzPDigVHnpELkK7rpEoFAtkEwWySkXScsWyCdLHwVhFaMQ8G8FjsNFrtdLkacZqtFMoaWa1IplQgUsgwlI5RqpRxmK24zFactTeUcqUyERpyWnGi+9VhtuA0W3GYLfjsLpxmq7xwLXC6rhMv5GoLO1UXdxrPpSgdY4TEZA6zBZfZhqs274fRYKA3EZ54LhypxeFmna8DxddWtxETNpOZbrevLuc6E5mMRpY1NLGsoYkruxUC2SSHEtX5WmLHKG61Gk3zugCZECci7xQLQLZUJJBN1gJEikA2QaqYJ10qTHwlizmMBgMNVgcNNgdLPD7sx5gp8HCxmn/SqomlSplsqUhGK050O5sNxmrIsFhpdrhwmK1YjSbpeViAtEqZfFkjr5UolDXy5RJ5rUSkkGG8tjLksYZXnky1J6pE+OgpHiY4zVbW+tpZ62+flwWvFhODwUCHq5EOVyPv6Owhms9M9FwEsklsRjPXrdgo/w9iwZJAMQ+ypSJ7YwFGM3GC2SSxQpbMpPCQKRXIlzWcZgsuiw2fzcmy2uJXM3nDtxhNEysJioWnrFcIZlMMp2MEs0myWrEWHKohonwKcy5MZgD8dhdem5N87fJVplQ4afgwGYz0NLaw1t/OMo9fVm6dJ367iy12F1valpPXShgNhgVXbCrEZPLsPE10XWcwHWVneIT98XHCuTSJYpZ0qUBWK2I3VcOD22Kj3dmA02KVgquz1FsFtfHq0NtsfGL65Nnw25y0Ohtoc3poczTQ6vAcc2GqUrlcXS9FK5ApVUNGViuSL2u0ONys9rbJZa4FRqafF2cCedWYY5lSgd3RMXaEh2vXt5OEcmlsZjN+m4smuxuXxSqrZp7FJhfUVuthkjPqdTAZjNhNZmxmC3aTGY/FXg0PzgZaHJ5phwCLyYTX5MArPVZCiDqSQDEHdF1nIBVlZ2SEA/EgoVx6oiu7ye5mrb/9tE0DLE4/rVJmtBYghtIxAtnkMUdLTGYyGGl3NtDt9tJodWA3W7CZzNhN1ZoYu8ksoVOI06SiV0gWczTWLjWL6anbb0pRFDfw98CHgeVAEXgD+Laqqg8ecezLwNuPc6pHVFW9vl7tOp1yWpEd4RF2RkYITOqNsJvNtDkaaLK7ZP2Ks5BW64EYSscZTscIZBOUTxIgzAYjHa5Gut0+ut1e2p0NEhjEoqHrOhX0BXtZdzSTwGoys9TtZ51fpjWfrroECkVRPMALwCZgG3AP0Ah8BHhAUZS/V1X1n2rHGoGNQB/w02Ocbn892nQ65bQSr48PsC00yFimOtQzoxWrw+ykN+KslNdK7IiMMJCMTOsShsVoonNSgGhzNEi4FItSsayxNxYgr5VodXrodHkXVC9ATisymklU14HpXi1rEJ2Cev0v/j9Uw8QPgP+lqqoOoCjK14BXgTsURblfVdWDwGrACTylqurtdXr8eZHTSmwLDbJtfJDRTPXTqcFgoMPZyBqHa8GmbzFzpXKZN8JDvBYcmDLD4ZEsRhNdLi/dbi/dbh9tTo+MlhCLXqGssSc6RpPdRZu3gZFMnDfDwzTb3XS6Gue9+FTXdXoTYTpdjazxd6B42+a1PWeaegWKj1KdNfbvDocJAFVVRxRF+T7wD8D7gP8POLe2+806PfZpl58UJA4vlGQwwBKPH7/NKXM5nIXKlQo7IyNsDfaTPWI2Q5jaA7HE7aPV6ZFAKcQkea3EnugYrU4P6/2dvKOzhzfDw/QmQoxkEuwID9PkcNPl8s5bsAjl0miVCss8TVzVrchr+SmqV6D4NtCoqmr8GPsOryR0eDaW82rbMy5QFMoa20KDvB4cmCi6wwBLPF78Npc8+c5CFV1HjQV4MdBbnZ10EqvRxPktS1je0EybBAghjitXCxPtzgY2NHVyY88FNFjtrPG1M5SKsjXYx8F4iNFMnB2REfw2J11u72ldLbZULjOQirLG18alHavw2pyn7bHPFnUJFKqqfu9YtyuKYqBaRwGwo7Y9HCg2K4ryb8B6qqHjaeBrqqouuBqKQlnjjdAgr9cubQylYwB0ub002SVInI10Xac3GeYPY4eI5DNT9pkMRs5vWcLbWpfNexetEAtdViuyJzpGl8vLhqYubuzZjHtSXdkSj58lHj+j6TgvB/s4EA8ymkmwKzJKo81Bt8uH0zL3waI/FaHJ7mJVYwubW5bO+eOdjea6EuZ/AluAXuDx2m2HL3ncCTxAtZjzQqqXTa5VFOVqVVVfPdmJFUXZfZxdq2bV4iNU9Ar3H3idfbEAQ+koFV2n2+2TIHGWqug6I+k4fxg7xFg2MWWfAQMbmjq5qG05bllLQYiTypQK7I0GWOLxVcPEqs3HDQedbi8fdp9PIJtka6CPfbEAY5kEu6KjLHH76HA1zlk744UsyWKO85qXcPWStVIwPUNzFigURfljqjUTGvBJVVVLiqK4gFFgHLhBVdXBScffRLWo8z8VRVmnquqpL04wB/ZExziUDHEgMc7KhmYJEmcwXdfJakVSpQLpYr66LHspT7r41jZdKlDh6CGfireNSzpWSjeoENOUroWJZR4/G5u7+MiqzdMaMdHubOADK8/l4uxKXg70sjMywq7IKGajcU7WMSnrFXqTYZZ7mrmwbfmcBpez3ZwECkVR/ifwXaqFmp9QVfUFAFVVM1R7I46iquoPFUX5BHAJ1V6Nl070GKqqrj/OY+8G1s289W/RKmVeDvQxlIrR5fIumqWVzyY5rcT+eBA1FpzW/BBHWtHQxCXtq2h1yoJMQkxXqphnXyzAioZmNjV386GV553y5cFWp4f3r9iEx2pH0yvsjY5hMZrqHuqH03GcJivLG5q4tKOuHdyLTl0DRW2OibuAv6ZaF/Gnqqo+cAqneIVqoFjFSQLF6bAzMspQOkZWK7Da1zrfzRHTVKqU6U2E2RcL0J+KnHSWymPpdnm5uGPlol5aW4iZSBZzqLFxVja2cG5zNx9ced6M55kwGAy8s2s1Wa1IuVJhfzzIGl973ZZvz5QKjGeTbGrq5spuZUHNh3EmqudMmVbg/1KdKTMKfOBwz8SkY5qANUDoOMWXh9fcztWrXTNVqpTZGuhjKBWly+2TCv4FrqJXGErF2BsLcDARonSCFTWtRhNuqx2PxYbHYsdtrW49ta3bYpNVHYWYgXghx4F4kJ7GVs5r6eYDK8/DMssZYA0GA+9dup58WUOrVNgXC7K+qQPnLEeAHC687nb72NDUSY9XPjTOVr1myjQB9wM3UJ0B81pVVdVjHHoV8AvgEWDK9Nq13o1LqV4mOWlR5lzbHhpiJBOjUNZonYPrdmL2tEqF8VyS/bFx1HjwmPNDADjNVhRfG4q3Db/dJZ9ChKizUqXMSDpOKJfiHG8r57cs5YYVm+o2nbzJaOT9yzdSKJcoVcrsjQbY0NQ5q7/lYC6FrsNSj593dSt1aediV69X1r+lGiYGgctUVR05znGPAwmqoznerarqU5P2fY1q7cMDk4s150OhrPFKsJ/BVIxutw+jFGHOO13XiRWyE2ukjGWThHKp417OsBpN9DS2ssbfxhK3X/4PxYxplQqJYo54IUtWK9Ll8uK3u05+x0WgXKkwlk0wlkngsznZ1NTNpuYu3rtsfd3XprGazHxo5XkUy+VaqBhjfVPnjHpACmWNoVSUtf4OLus8p26XUBa7WQcKRVH8wN/Vvn0D+EtFOWbae05V1d8pivJXwM+BxxRFeQAYolo3cRGwj+pQ03n1+vgAo5k4Fb1CixRinna6rpPRigSzSQK1r2A2SaF8/KmuAYwGA8s9TazxtbOqsVkW2xIzous6Oa1ErJAlXsiSLhVwWWz4bE4arQ4OJcITwWKxjviq6DrjuRQj6RhOs431/k6WNzTxjs4elnua5uz34jBb+fCq8ymWNXaEh9kXC7DO13HKwzz7kxFaHB7O8bZybnPXnLR1MapHD8VlvFX78IHa17HcCfxOVdVfKooySHVl0qtr9x0E/hn4J1VVk3Vo04zltCKvjw8yVOudWKwvGHOhrFfIlopktCKZUqH6pRXJlIqT/l0gWyoec+jmsZgMRjpcDSjeNs7xtslCPmJGtEp1uepYIUuikKOi63htTtqdjTTaHLQ43KxoaEarlHk1OIAaD5IpFVjV2Ir5DJuzoKJXSBTyRAsZtEoZl8WGu/Z1shCu6zrRQobBVAyz0cg53jaWuH1c0rGKtb720/J62WC185Ge8ylVyuwID7M/HkTxtU+rF1LXdSL5DJlSgdXeVt69ZK2ssVNHsw4Uqqo+BJzSs0hV1ZepXiJZcF4NDjCSiYMBmqRbc1oOB4V0qVANB1o1LBz5fVYrzfqx/HYX7c6Gia9mh1sKZsWMlSsV+pIRIoU0LrMNr83Bal8bjVYHSz1+VjQ0s7yhCd+koYqdLi9PDO5hfzzIrsgIiq/ttE4RPRNapUK8kCVayBAv5LCbLDTZXVitdtKlIkOpGBmtiM1kxm2x4akFjP+fvTsPkjM/D/v+fY++r5meezCDe9HAYhfYg8tLIhVKNCnRkmhLMh0pJcWJ5JSPShQ7KVtOueSk7JxO2ZIdW3YSO5VURaKPyCWZpCiKIileuyT3xALYbdzH3Hff3e/1yx+/t3tmgBlggOk5gHk+VYO3z7d/05ju93l/x/MkI7HOgbrUanCnuoQfBBzJ5DmU7uXDw8c43ze264mg+uJp/uwJHVS8uzjJ9dI8J3MD9wU07d6mstuk7DSoOE0CpTiZG+SDQ8d2JK/FQSaz09aoui3emr/DRHV5R7vtnjTthFAlR38oS60GJUf/lFtNKm5zi/0JjyYViTGSzDIUBg9DyaxMqBRd0/I93l+eIW5FeHngMP2JDMey/RzL9jGW7t10bP5s3yj5eIp/f/NCGFRMcSI3sO/mVbi+z1KrxlKzTtltkLZj5OMpjmT66I+nOZEboCeWDOcklVhq1qi5DlVXJ32bDocZU5EoJgZN32M83cuhdA8vDx7hA4NH9vTzOJrK8dnj5/ECn3cXp7hdWeJIJk/Nc6g4Tcrhj4Hu1chGdRrvdDTGydwgHxk5vmdtf1rJt/Ma35u5yWRtJUyektjr5uw6pRQlp8Fco8J8o8pCo9oJHLwg6NrrxEybVCRKKhIjFYmSPBv8fQAAIABJREFUtPU21d6Gl6VOhtgpFadJcWWWoUSWQu8QP3n0ecYz+S0/fySV4z8qfJAv3HqXpB3l6socNddhLL238ypUOLdhoVGl6rbIRRP0xVM80zPAYCLLyZ4BTuYGGU5m72tnw3OYrpWZqZeYqZeZrpV0cOG0cAOfwWSGF/rH+fDwMVJranHspWPZfj5z9Hm8IODi0hRzjQq2YZKJxumNJTmSyZOJxhlN5TiU7mUs1cNwKrftpaxiYxJQhEqtBu8s3GWiurJh19lecAO/U5gqYlprfkwsw9xWG71w3/ONKvONSieIeFD+hodpd5euBga623Q1WIiRjkRlsqTYU3P1CrcrixzPDnA6P8xnj50n9xgnEKlIjJ878RIDiQxxO0JxeZaa1+LkHs6rmG1UmKmVGEv3cjqWZDTdwzO5QU72DNAXf/AE84Qd5Xiun+O5fkAHJytOg5lamYrb5JmewXVDP/vFs/kRGuFwaqAU2Vic0VQPY+lextK9DCUyUptjl0hAEXpt5gZTtRIJO/JYXy7dUHGaTNVKTNVWmK6VmG9UN52caKCDDHtNoGG1AwzD6ExqMdr/GqsTXVq+x1KzjnrEgYqYZZOLJshG4+RiCXLR1Z9M9OETuoTYS0op7lSWWGjWOJMf4YX+cX7iyNltJTGzTJMfHSswlMjwFWtv51WsXQr5I4dO8WL/+La+ywzDoDeW3JdBxL1eHjzMSDKLaZoMJtIy0XKPSEABLDVrXFicZLK6QqF3aFde01cBC43qugCi4ra2/HwFOIGPs40ehc30xBIMJDIMJjKdpXLZaFyGIMQTywsCrq7M4Smf5/sO8fHRk3x05ETXeiI3mldxbBeLCSqluFleYDChVzz9yOgz+6KXdTeNpnv2ugkHngQUwHdnbjBdK+kUzDuU4KTpuUzXS50AYqZe3tK8BDsc3vAC/5ELWz2MZZj0x1M6eEhmGEik6Y+nJe20eKo0PZf3l2dIRWKc7RnhJ44+x+ne4a6/ztp5FSk7yvXyArONCkcz+R2fc7DYrNHwXM70DvOpw88euGBC7A8H/sgxV69waXGKydoKZ/MjXdmnUoqVVoOp2ooOIMIZ1FuRjerxv9FUjtFUjr54urNsK1ABbhDgBjpTnOv7eKp9OcBXawOU1QENHYesXrcMk754inw8KV2D4qlWajW4sjLHaCpHoXeIzx5/geFkdsderz2v4rV0L9+fuclEdZnLS9P0J9KMp3t3ZFjQ9X1ulRc51TvER0dO7LvVJuLgOPABxXdnrjNdW6EnltjWWYQX+FwMly5N1Uo0/YfnXDANg6FEhpEwgBhJ5Ug/oA2mYRKzTFk6KZ4Iru8z36yQDPM7dJtSiiD88VUQXg7wlSJAUXcdpmornMwNciY/wmePn3/g56tbLNPkh0ZO8Fx+lG9OXeXi4hR3Kou8NT/BeEZPEuxmD8KtyiL5eIoTuQFeGTzatf0K8agO9JFpqlbi/aUZZuplnut7/PSri80aX7p1kYVm9YGPS1gRRlI5RlM9jKR0bgWZyCieNk3PZapWYqFZoSeWYrpWoieW5Eimb1urH3wVMFldYa5RwQ+CTh0XyzAxDSP80Zctw8AyTM7mR3lp8DCfOvzsri8VzMUS/NSxc5zvH+PrE0Vulhe5VV5gtl7maKavK5O/l5o1Kk6TFwbG+dThZ2U1g9hTBzqg+M7UNSZrK+TjqcdK2ayU4tLSNF+fLG44H6IvntIBRDLHaLqHnmhCxjbFU6vmtpiqlVhu1RlIZDjfP85oqoe5epkb5QUuLExwIjfwWAfS5Vadm+UFklaUZ3tHiFpWJ3iAtSueTGzDImLplU/P9AzyYv/4nn7uDmfy/OLpD/HOwiTfnb7OncoSV1fmyMbiHE7nH3uysxf43Cwvcjzbz4eGju3oUI4QW3FgA4r5RoXrpXnmGhXOPUbvRNNz+erE+1xdmVt3+3P5UU72DDCSzMmqCHEglJ0mU7UVKk6T4WSOlwbGOZEb5ENDRxlL9zJZW+HLty9xo7zAlZU5+hMpDqfzWzqbbvket8qLVN0Wx7J9HMn08SOHTjGSyungwbSwt5mTZTeYhsmLA+Oc7h3iu9M3eHP+DncrS1xYnAznS/U8ckXcO5VlstE4x3L9kvVR7AsHNqBoei4t3yNqWo984J+qrfAHty5Rdpud2+JWhE8dPsOJ3EC3myrEvtNOejRZXaHle4wkc5zqGeJM7zCvDB1laM3Z8li6l186/WG+OXWVbCSueysWJzmRGyC7yaoqpRQz9TIT1WUGEhlO9QzyytBRPjJ8/IlehZSwo/zY+Gme7zvE1yeLXFuZ40ZpgcXmJCdzA1uex1VqNVhq1nhhYIxPjZ+RzI9iX3hyP5l7IFCKH8ze4tWZm+uSQo2ne/nxw8+S3qElp0I8LqUULd/DDXwCpVAolIKAQG/DCYztCY7t+1X7tnuuK/Rzmr5LoBSHUj0MJbM83zfKBwaP0LvJCoOoZfPJ8TOczA3ylTuXuVGep7g8y2AizXimd91qo6rT5EZ5AQODZ8Mev0+OnWEw+fQUchpMZvjcyZcprszytbvvc6O8wOWlaUZSuYeWRfdVwI3yAkezfbw8eOSRUoYLsZMkoNiiqtPkD+5cYqK60rnNwOCjI8f5wOCRR+6uFGKneIFPyWmw0tKF3HyliFoWBuHERQwMw8Aw6Fw2w/uMMMuqEU5wtNdcbz/fACKWxUBC13Z4afDwlldPHM328UunP8w3Jq/wVvQO10sLXFjQZ+dxO8KdyjKLzRrj6V6OZPJ87NAznOs7tO+HNB6HYRic7h1mPN3LV+++z8XFSa6V5llu1TmZG9g00+ZEdZmEHeFYtp+PjT6zy60WYnMSUGzB9dI8X7lzmabvdW7LRuL8xNHnGE3l9rBlQuheiKrb6gQRNbdFOhKjJ5ZkqDdLNhonE4ljGSZWmCjNMgxs08Q0zDW3G+F9q6smrM6qCbOzisIyDKKWxbHswGNNZo7bEX78yFme6Rnkj+68x43yPO8tzwAGPbEEL/SPcX5gjI+PPrNvilDtpFQkxk8fO8czPQN87W6Rm+UFLi5OcSjdy8g9Rbyqbou5eoXz/WN8cvy0LCEX+4r8NT7E63O3+dbUtXW3neoZ5MfGTsukS7FtSimcwKfpuTR8l6bn4gV+2EOwvkfBNExM6NwXhNVhS60GlmHSG0symsqRi+rU6UfDSYzjmc1Lce+lE7kBRs/k+OOJIhfmJ2j6Lsey/fzY+GkOH7BufMPQwzvj6TxfufselxendG9Fs8aJsPcmUIrrpXkOZ/Kc6x/juMzXEvuMBBQPUHVbfGf6eue6bZp84lCBs/mRp7ILVuwcPwg6AUPDc2n4Dk3P7fR6xa0ICVv/xK0IitWkTQoV5l3w1815MIBsNMHhdJ5cWKr5SCbP0Wz/ppMd95uEHeUnjz7Ps73DVNwWZ/MjBzo3SyYa52eOv8AzuQG+MXmFG6UF3l2cYjzTixf42IbJ0UwfnzhU2OumCnEfCSge4O35u53kOSk7ys+dfEnS2opHUnVbzNTKLLWqREybhBUhbkfIRRMMJ7LE7ShxW1dx7Y2l6I0nSdpRnfkxCPBUgBfotOr3bkExkurhaKaPkVT2iU6jLmfbqwzD4Fz/GIczeb5y5zLvL89wbWWepu9yvn+MT4ydJhnZ3UqmQmyFBBSbcHyPC4uTnesvDR6WYEJsSaAUS80aM/UyTc9lKKknL/bEkuTjqU5J6PblXDQhGQ7FfXpiSf7cyZd5c/4u35y8worT4Nn8KKd3qSKyEI9KAopNXFyaohV2R0dNi+e3kZpbHAyu7zPbKDNbLxMxbUZSWQYSGU73DvPiwOH7JtgJ8TCGYfDy4GGOZ/u4UV7gbH5U/obEviUBxQYCFfDW3N3O9ef7DslsarEpPaxRYqlVpzeW5FTPMMPJLOf6D3Guf2xXClKJp1tvPMXL0kMq9jk5Sm7g6sp8JwumicGLA+N73CKxnyilqHsOJafJYrNKy/MYSmZ5sX+cw9k8L/SPU+gZkmEMIcSBIgHFPZRSvDF/p3P9VO8QmSdkxrzYOY7vdZZolpwGALlogtFkD/2JdDisMc6I5CURQhxQElDcY7K2wmy93Ln+8sDhPWyN6Jaq22K2XsZXARHTur86Zec2XWjKVwEVp0mp1WDFadD0XLLRBD2xBKOpHnKxBIfSvRzN5DndO3wgEjAJIcSDSEBxjzfmVnsnxtO9T1X9gIOo4jSZrK1QcVqMpLJETRs38HEDn4bn4gUBbuDjhbcFKGzDIlABCTtKTyzB0Uwf2Wic4WSOI9k8RzJ9jKZyBzpfghBC3EsCijWWmjVulBc61z8weGQPW3Ow+UoXr7Ifcx5C2WkyWV2m5jqMpnQlzLP5UYaSGZ1YynOod7YODc+l6bv4gc7zYJkG+bgus30k28eRTH7T2gpCCCEkoFhn7dyJvniKIwcs/e9eCVRAzXWoeQ41t0XVbdHwXAASdqRTiyIbjT+0dHWp1WCitkLTcxhN9XAmP8LZ/CgfGjq6aSXMNj8IaPoudc/BNkx6YklZoieEEFskAUWo5rZ4b2mmc/3lgcMH5mCytp5E09fpoFthmuhAKeJhOmi9tYlbEWKW/Vjvj68CGq5D9Z7gIWbZpCIx0naMgXiaVCSGYRhUnCZlp8lco8L10jxRy14XYLSX85bCHomm73Eo1cNIfoTn+w7xytBRemLJLbXNMk1SZkzmQwghxGOQgCL0zsJEmM5Yp9ku9A7vehu8wKfle/f9gCJhR0naUZKRKAkr8sgH83uLULXWBA9Nz8UwjE6wELcj9ESTxBM2pmHS9HX9iYrTZN53aXoevgqIdR5vE7NsAqVrTqxNF702VbSuR6EDFB08ROkPg4dMNM5QMstwIsNQMstgMotlGEzWVpiorjBZXWauXqHitqg4DZZaNW5XFjENA9u08IOAQ+kehpM5zveP8crQ0SemnoUQQjwNJKAA3MDnnYWJzvUXBsYfe+x+K5qey0qrrg/sawKHQAVETX1wjoW9AL2xJAZQ9xzmG1XqlRZeEOiDchhgJMNgI2JaeCroFKBqBwLNsLdBBw2rBajy8ZQOCKwIMdsOVzEk6QlXM/TEkliGSclpsNyqs9Kqs9JqUGrVdSAS7re9bZfCTlo2lmFim6ulse0115ORGEPJLENh8DCUzJIJeyTudapniFM9Q533bapWYrK2zER1hZl6iarToum79MfTnB8Y55XBI7LMVwgh9oAEFMDlpelO1ceIaXGuy2m2A6WoOM3OQdkNfHKxJEk7QjoSJ27ZRC2bmGmTiETJRuPkogky0XjnLHuxUWW+WWWxUaPutaiHcw4ansNis0bDdVHoQmbtXoaEHaE3ltSXw6AhFwYNvbGkDh7CwCEbiW85EZNSiorbCgMMHWRU3CYR0wqDIf37xNcERu1AqX374wyXxO0Ix3P9HM/1AzoQnKmVKDkNjmX7ZahCCCH20IEPKJRSvDm/mmb7bH6EuB3Z9n5d32e5VWe5VafkNIiZNj2xJMdzA+SiccbTeYaSWbLRONloglxMzwt42KRDpRQlp8FCJ8CoMt+ostyq4fg+EdMiG4uHBahSYfCQoDeWJNulIlSGYYTtjnN4DyeuRkyL8UweyWMqhBB778AHFAvNaifzoQG8tI1EVu3iUMutOnXXIRvVB/KjmT5640mOZfXZ9eF0/rGDFsMwwp6FJCcZXH3twKfqtkhHYkQkP4IQQohdduADijvV5c7lZ3oGycUSj7wPpRSLzRq3yovkYgnGUr3kYglGkjmO5fo5nu1neIcrTUZMi94trmYQQgghuu1ABxSz9TJlp9m5/vJjJLJq+R43yws0PJdTvUOczA3wQv84x3L9UmVSCCHEgXGgA4oLi5Ody4dSPQwns1t+rlKKuUaFO5VlBsPiUD80coJXBo9KlUkhhBAHzoENKO5WlrhVWexcf3lw63Mnmp7LjfICju9zuneYZ3oG+fThZ+lPpHeiqUIIIcS+d2ADis9ffb1zuTeW5Hi2/6HPUUoxWy9zt7rMcDLLkXwfHz/0DC8OjGMa0ishhBDi4DqQAcVKq84Xb1/sXH958OFpthuey43SPL4KeDY/QqF3mE+Nn3lofQghhBDiIDiQAcVkdSVMaa1XR5x5SJrtuXqFW5VFRlM5jmX7+fjoM5zvHzswtT6EEEKIhzmQAcWz+RE+e+w8fzJ1lcPpXuwH5G1wfI9blUWey49yJj/Cnxo/81hLS4UQQoinWdcCikKhkAb+G+BngKOAA7wF/EaxWPx39zy2D/h14KeAEeA28C+Bf1AsFr1utWkzhmHway9/msFEhmuluQc+dq5R6WS4/NkTL0qvhBBCCLGBrswkLBQKGeA7wN8CasA/Bf4NcB743UKh8LfWPLYH+BPgPwfeBH4TqAP/M/D5brSnWwKlmK1XGElmeXFgXIIJIYQQYhPdWprwN4FzwD8DPlAsFv96sVj8ZeAsMA383UKhcDJ87K+Ht//VYrH4c8Vi8deAV4DfBX62UCj8TJfatG3LrRoR02IomeVUz+DDnyCEEEIcUN0KKP48oIC/VSwWVfvGYrE4CfwWYAGfKRQKCeA/A+4C/3zN43zgvw6v/qUutWnbZmplhpNZzvUdeuA8CyGEEOKg61ZA8RvA3y4Wiysb3NcKtxngg0AK+EaxWAzWPqhYLN4EbgIfLxQKe370rrkt6p7LYDLDuf6xvW6OEEIIsa91ZVJmsVj8JxvdXigUDOBnw6sXgFPh5Wub7OoGcCz82ewxu2KmXmYomaHQM0QmGt/LpgghhBD73k4vG/3L6F6JG8CXgf8qvH1pk8eXwm3Pw3ZcKBQubXLXiUdp4Ea8wGexWeN83xgvDIxvd3dCCCHEU2/H8kUXCoXPAf8I8ID/uFgsukA0vLu1ydPat+9pl8Bco0oummAs08uh1ENjGyGEEOLA25EeikKh8JeB/w09UfOXisXit8O7GuE2uuEToV3vu/qw1ygWi2c3ee1LwLNbb+16Silm6iVOZAd4QbJhCiGEEFvS1YCiUCiYwN8H/jq6t+EXisXi7655SHuoY7PT/ly4LW1y/45baTUwMRlMZjmTH9mrZgghhBBPlG5myowCv4POlLkEfHZNz0Tb++F2s3kOJ9CJse50q12PaqZeYjiZ5fm+USKyVFQIIYTYkm5lyrTQmTF/Br3086MbBBMAbwAV4D8IezPW7uM4OmX3q2Feil3X8FwqbovBZIbzslRUCCGE2LJuTcr8NeCn0T0LHysWi8WNHlQsFpvAb6OXhf4X7dvDgOTvh1c3XIK6G2bqJQYSGU7mBumJJfeqGUIIIcQTZ9tDHoVCIY+u4QG6GNhfLBQKGz30m8Vi8WvA3wY+DfzDQqHwo8Bl4E8BLwH/Gvi97bbpcXhBwEKjyvN9h3hhQHonhBBCiEfRjTkUH0NnvwT4bPizkf8e+FqxWFwoFAofBf4u8JPoYOIm8DeA31ybuns3LTSrpCIxRlI5jmb69qIJQgghxBNr2wFFsVj8PeCR1lYWi8Vp4Fe2+9rdopRiplbiSKaPF6SqqBBCCPHIdiyx1ZOk7DQJlGIwmeFsfnSvmyOEEEI8cSSgoL1UNMfZ/Cgxa6ezkQshhBBPnwMfULiBT8lpMpjMyGRMIYQQ4jEd+IDCCwL64ylO5Prpi6f3ujlCCCHEE+nABxQAw8kcL/RLVVEhhBDicR34gCIbjTOcynI817/XTRFCCCGeWAc+oBhO5jjfP45pHPi3QgghhHhsB3ZJg2EYRC2LXCzO832yVFQIIYTYjgMbUIwkczzfP8aRdJ6EHd3r5gghhBBPtAMbUFimyU8efX6vmyGEEEI8FWTigBBCCCG2TQIKIYQQQmybBBRCCCGE2DYJKIQQQgixbRJQCCGEEGLbJKAQQgghxLZJQCGEEEKIbZOAQgghhBDbJgGFEEIIIbZNAgohhBBCbJsEFEIIIYTYNgkohBBCCLFtElAIIYQQYtskoBBCCCHEtklAIYQQQohtk4BCCCGEENsmAYUQQgghtk0CCiGEEEJsmwQUQgghhNg2CSiEEEIIsW0SUAghhBBi2ySgEEIIIcS2SUAhhBBCiG2TgEIIIYQQ2yYBhRBCCCG2TQIKIYQQQmybBBRCCCGE2DYJKIQQQgixbRJQCCGEEGLbJKAQQgghxLZJQCGEEEKIbbN3YqeFQuFfAT9ULBbHNrjv88Cf3+Spl4rF4nM70SYhhBBC7JyuBxSFQuHXgc8Bk5s85AVgGfhHG9w31+32CCGEEGLndS2gKBQKceAfA7/ygMckgWeArxaLxf+2W68thBBCiL3VlTkUhULhp4D30MHElx7w0OfD13ynG68rhBBCiP2hW5MyfxnIAH8F+MkHPO6FcCsBhRBCCPEU6daQx28Av1gsFisAhUJhs8e1A4ojhULh6+F1A/g28N8Vi8UfbPUFC4XCpU3uOrHVfQghhBCiO7rSQ1EsFr/RDiYe4ny4/XX0BMz/A/gO8Bng24VC4UG9G0IIIYTYp3Zk2egD1IFrwM8Vi8XOsEehUPgJ4AvA/10oFI4Vi8Xyw3ZULBbPbnR72HPxbJfaK4QQQogt2NWAolgsfnKT2/8gzE/xC8CfBn5nN9slhBBCiO3ZT5kyvx9uZQ6EEEII8YTZtR6KQqGQAc4CjbXDHWukwm1jt9okhBBCiO7YzSGPM8CrwCVgo/TaHw+339/gPiGEEELsY7s55PE6cB04WygU/tO1dxQKhb8AfBp4A72EVAghhBBPkF3roSgWi0EYOPwh8C8KhcLPApfRuSg+CcwAv1AsFtVutUkIIYQQ3bGrkzKLxeK3gQ8Anw+3vwoUgN8CXiwWi1d2sz1CCPEkcKbeZ+Wr/xR3aWKvmyLEpnakh6JYLBoPuO894Od34nWFEOJpE7TqVN76fbzF21i5ISL5sb1ukhAb2k/LRoUQQtyjfvmPcedv4M7fwp2/gVL7c1RYKUXz1pt4y1N73RSxRySgEEKIfcpdmqBx/Xu4czdQbhO/uoS/Mr3XzdqQM/Uele//G0rf+X8ImtW9bo7YAxJQCCHEPqSCgNo7X8Sdv4GV7sNM5fFrSzhz1/a6aRtq3Xodd/E27twNau9+ea+bI/aABBRCCLEPNW/+AGf6CkFlgcjAcaxUnqC2hDu7/wIKv7pIa+Yqfnkeb+EmzVtv4szIHPuDRgIKIYTYZ4JGhfrlr+HMXsHuP4ZhRzHTefzaCu7SBIHT3OsmrtO89QZ+aRYzkcPKjeDMXKX2zpdQnrPXTRO7SAIKIYTYZ2qX/gh3/iZgYvWMAGBG4hh2lKC2jLtwc28buIbyPVp33sFbmcLuGcHuP4pqVXFmr1G//LW9bp7YRRJQCCHEPuLO36R58w28hVtEh57BMFZX4et5FMv7atjDmXoPb2Ua5XuY6T4M0yIydApn9hqNq9/FXZ7c6yaKXSIBhRBC7BMq8Km+8yXcueuYmQHMRGbd/VaqF7+2hDt3fd8sH23eeh1vZRq7Z6QT/FjpPFayB2fuOrW3/j0q8Pe4lWI3SEAhhBD7RPPaq7iz1/Bry0QGjt13v5nsQTl1vMo8fmVhD1q4nleex5m9gV+Zx86NrLsvMniCoDKPM3OF5vXX9qiFYjdJQCGEEPuAXy9Rf+8bODNXiQwex7Ai9z3GMC3MRE7Po5i7vgetXK916w380gxmshcjElt3n2FHsQdP4ExfoX75a/jVpT1qpdgtElAIIcQ+UH/3y7gLNzGsCFZ2aNPHmale/OoS7h7no1CeS+vuhc5wx0as7BCGHcWZu0HtnS/sm2EasTMkoBBCiD3mzFyheftt3MU7RIbXT8S8l9WemDl/C+W5u9jK9Zypy3gr06B8zFR+w8cYhkFk+BTe8gStiUs4dy/scivFbpKAQggh9pDyXGoXvow7dw07N4IZSz3w8UY0CYaBX1/BXby9S628X/Omnoxp5UYeGACZ0QR2fhxnpkj13T8kaNV2sZViN0lAIYQQe6hx9ds4s9fwGxXs/qMPfbxhGGEvxdKezaPwynM48zfxqwvYueGHPt7Oj6N8H3fuOrWLX9mFFoq9IAGFEELsEb+6SL34Ldy5a0QHT2KY1paet5qGe28CiubN1/VkzFT+vsmYGzEMk+jwKbz5mzRvvI6zDyaUiu6TgEIIIfaAUoraO1/Cnb+JEUlgZvq3/Fwz1UvQrOKWpvHrpR1s5f2U5+A8ZDLmRsxEFjM7iDt7ldrbX9zT+R9iZ0hAIYQQe6B15x1aExfxlieIDD14Iua9DMvGjKUJaiu7vtqjNXkJrzQDSmEmex/puZH+Y/iNMs7sVervf2NnGij2jAQUQgixy4JGhdq7X8aZfh87fxgzmnjkfZjtrJm7nIa7efN1vOUprJ4HT8bciGHZRIeewZ25SuPqd2SC5lNGAgohhNhFSimq73wRd1anz7bz44+1Hz2PYhl3/uaupbb2VqZxF27h15a2NBlzI1amH6UClNuSgOIpIwGFEELsImfyEq07b+Mu3CI6XHjks/w2I55BBR5+bRlvlwpwNW+9gb8yg5Xqw7Cju/Ka4skhAYUQ4kALWrVdq4sRtGpU3/kSznQROz+GGU8/9r708tHdG/YI3FYnM6b1CJMxxcEhAYUQ4sAKnCalr//vLP3hb1B98/cInMaOvl7twh/oSqG+h913eNv7M1N5/OoSzi5MzHQmL+KVZsEwMJM9O/564slj73UDhBBir9Qv/RHOzBWcuev41UWc2Wukzv0E0dEzjz0UsRln6n2aN9/Am79JdOwchrH98zkr2Ys7cxVvaYqgVXtols3HpZTSuSdWHm8ypjgYJKAQQhxI7vwtGte/hzN3nUjfEbzFu/jlWfzKPLHDL5A+/6cxE5muvFbgNKi+80WcmStYuZGu7deIxDCiCfz6Mu7cDWLjz3dlv/fyVqZwF27j15aJDxV25DXEk08CCiHEgaN8j+rbX8CdvYaV6cfOj2H1jOIt3qZ58w1Wc0x3AAAgAElEQVT8ygLu/E1Sz3+K2JGXtn1GXn/3D3Fmr6HcJvah57r0W2hWqpegtowzd23HAorWrTfwSjNY6X4M+/6y6kKABBRCiAOoUfwmzuxV/PoK8WOvAGCYJpGBY1iZAZyZK3jlOfzaErG775J+8aew0n2P9VrO7DUaN36AN3edyNhzGGZ3p66ZqTzu3DXcuRsopbo+HBE4TVp338VfmSYycrqr+xZPFwkohBAHileapV78Ju7MFaJDJzGs9V+DZjxN7MiL+MuTtO68jV+ex1u8S/LZTxA/+ZEt19sAvTKi9vYXcGauYGaHsBK5bv86mMkcym3iVxfxS7PYPY+XH2IjXmmWRvFPwsmYFuYOtF88PSSgEEIcGCoIqL71+7hz1zHiGazMwIaPMwxDL+tM9+HOXqVx/TX8+jKtiYsknvkokeEC5haKYtUvfRVn5iqqVSM6eqbbv07YVhMz2YtfXdIl0LcZUKjAx5l+n+aN7+PMXsdfmcZbnsQeOCaTMcUDSUAhhDgwmjd/gDNdxC/NEjv6gYc+3owmiI49j1+exZm4iLcyjTP9Pla6n8jQSWKHzhIZPrVhcOHO36Jx7VWc2Wt61cgj9Gw8Kj2PYgln9hqJUz/8WPsImlWat9+kdfMN3OVJvOVJ/Mo8VqqPyOgZLFkqKh5CAgohxIHg11aoX/pjnVSq/9iWym5D2FuRG8ZK5fGWJ3WPQ/Ae1tR7NK9/DyvdR3T4GaKHzhIdPoVhR1Geo3tCZq9iZfqxUo9WROtRmak87vxN3MU7BG5rS70noJeDesuTNG98n9bERfzSDN7yJIHTxO4ZIX7sg1t+n4SQgEII8dTTpcK/qIc6TOuxMj0adpTIwDHs/qOoVg2/Mo8zXUSpgNb0+9id4OIUoHBmruLXS51JnzvJjCYwrAhBfQVv4RbRkQcv7VSBjzNxkcaN7+HO38JbmcJbmcaIxLF7DhHNDHR98qh4+klAIYR46jkTF2ndfRd38c62l4EahoERT2PG02FwUcUvz+NMvQ8qwJl6HzPdhzN7VfdYWLvzNWum8/jhsMdmAUXQqtO89QbNGz/AW57QwxrVJaxMP7FDz3ctP4Y4mCSgEEI81YJWndq7f4gzE9bPiCW7tm8dXGQw4xnsgWOoZhW/MqcnR2aHHnup6eOwUnnchVs6tfc9y0f96iKNa6/Ruv02XmkKb2mCwG1h944SHzwphb5EV0hAIYR4qtUvfgVn7hrKd7tSP2MzhmFgJDKYiQwRTuzY62zGTPagWjW88hxBbQkzlcdbuE3j+qu0Ji93VmtgRbB7x4hmB7qS/luINgkohBBPLWfuRphU6oZOKvUUH0ANU+eJCGrL1N/7On51Uc+PWJ7AW5nBTPYQGTmNmcjJ8k+xIySgEEI8lZTnUnv7C7izVzGzgzuSVGq/McNy5o2rr+It3cWvL2NlBokdfQkz2r2hHiE2IgHFA/iVBVoTF3EmL6NUQOZDn8PODu51s4QQD6GUov7+13Fmr+E3yruy0mI/sDIDOLffpFVbwu49RHzolNTeELtGAop7+LXlMIi4iLukE7v45TmMaJKgVSP7kV8g0je+180U4sBTSulJkLUl/NoSQW0Jv9q+vIzfrOLu8kqLvWZGE8ROfAQMQ4Y1xK47GJ+yh/DrJZzJS7QmL+Eu3sGvLOCX5wgaJcxED1Z2CL80Q+vW65R9l8yH/jzR4Wf2utniCRG4LfzyLFYqjxlP73Vz9iWlFKpVQ3ktlNsicJudy6p9uX3dqePXlvFryyinQeA0UG5DX3YbKKdO4DTBd7B7x3Z1pcV+sFf5I9zFO/grU0QGTmBlN05pLp5uBzagUErRuvM2rdtv4c7fwq8u6tnR9WXMeBYrO0h05Eynu9DKDuJMXqZ56w2U75J55WeJjZ/b499C7DdKKYLaEu7iXbylu3pCXGmOoFXFjGeIH/sAiVM/jJXI7nVT94XAadK6/SbNGz/Ary6iAg/lexD4qMCDwEP5vt4GHvg+KnBRTpPAbYDnYkTiGNFEuE1ipfrC6wlJzrRLGtdepXHpjzrXrd5DxA6/SOzQWcm0eYDsSEBRKBT+FfBDxWJxbIP7UsDfAH4eGAdmgM8Df7dYLNZ3oj0b8VemqXz/3+LOXsWvLWHGMljZgU7q3HsZpkV07CzudJHm7TdRgUe6VSdx8sO71WSxDynPwVuexF2aCAOISfx6iaBRImiUw58KmBaGaeItTdC8+Trxoy/rwCK59xMF/eoizvT7OFPvo1RA/NgHiI2f29HaE35tmeb112jefgtvZVrnRaiX9Ptk2eH7ZYNpY1jW6nUrorNCZgZXg4ineOXGfqeUonHpj2hef23d7f7yJPXlSeoXv0x09Flih1/E7jsswzBPua4HFIVC4deBzwGTG9wXBf498AngK8D/B3wE+DXgRwqFwieKxWKr223aiPIclNckaFa2nK/eMEwiI6dx56/Tuv02BAHKqZE486N79kHxG2W8+Zs48zfwSzP6C9iOYtix1W0kdt9tZjSBEU1iRBOY0eSOjzErpcB3CZwGhmU/kWePyvfwyrP4y1NhquIp3fvQrBI0y50gQrktzHgGM5HF7j2EOZIFOxqmRb6tA4+lCZq33tiTwEIphbcyhTv9Ps5UEXdlSpe+riwACmfqPSL5ceInP0L86EtdS3qklMJbvEPz+mu0Ji/rQGJ5AjCx82NEx57f0SDmSRW4TZ0y3I4SGTy5bw7KyveovfX7OJMXV2+0bPC91eu+h3P3As7dC5ipPLHD54mNn9/9xopd0bWjSKFQiAP/GPiVBzzsL6GDif+lWCz+zTXP/Q3gV4G/CvyDbrVpSwzrkbrkDMMgMnACz4rSvP0WKvAIWjVS539yVw6QQaums+HN39RDNeU5/PoKQX1ZnwkbxpqzO0t/QXfO7trXbX1QNyNgRfRlO6oDi1gYYEQSmLEkhh0D0wLD1L+foX8MwwRzzWXQY9lOncCph2PbdZRT193TTh3luyjfC59rYUbiGLHk/cFNNKlfOxLvnJUa7XZakTBoiqxe3oH3XQU+fml2NXBYnsIrz6FaNYJmZc1PFUwbK5HTAUTPIYx4esOzZivVi5XqxQ/rLXiLd9YEFi+ROPWxDQOL9uRDrzyr/7/Lc3iVOYJ6GTOWwkzmMJM9WOFWX+7R72l48FGBj7twG2f6fdzpIl55Dr+6gF9ZIGiW9VyhdJ+uSzF5GXf+Bs7CLRpXvkX8xIeIH3sFM5p47PfSmbxE4/prOi/C0gTeyjRmIktk6BnMZO++OUjuFyoIcOev64PxdBECfZCOjp/T3zV7PMlUuS0q3//XeAs3O7dZuWEyH/4FglaV1u23cSYuoNxm5/6gtkTjva/TeO8bmOk8ds/oXjRd7KCu/FUWCoWfAv4RcBT4EvCZTR76q0AL+Hv33P63gb+IDjh2N6B4DIZhEOk7jGFFcO68o8d7nQbpD/xs1z/ogdvCW7wdBhA38VamCRol/FoYRDSrGLE0VrIHO69Xnyjl67Fm5YOvx6SV2wrHpcPxaN9D+S4ELmBAeLDuHLTbB3HT1kEKht6uuWysvR19xoLvhoGD/iEMIvRlTz9WKR2IWGGwYEdWAwe7HTysCRaMewIa01oNaDAwLFsfWONpzHimkwpZ9xJkMGPh7dEEqADVqhO0qrpnIdyqtddbdYLactjzcE/wYJjhvtPYveN6v484Rmwle7AOv7BBYPEm8aMvER19liCc0+NX5vDL8/jNSqfdqlUjaNVQbku/X5H4+h87poO1SFwHG/G0Do4qC50gQjl1zFQeq2eEaOq5dX+3ds8h/NIM7sxV3PkbuAu3aVz5jp7/cfIjD51Yqjyns9rCL8/Suv027vIE3tIEfnURKztI7MiLmLHUI71vTzullJ78ffcCzuRFVKt232OcuxcI6iukX/lcV1OIP4qgWaHy2u/oHtGQPXCMzCufw4jE9Gfj3I+TPPtJnJkizp23ceeur9mDIqguUnntt+n7s39n938BsWO6dfT7ZSAD/BXgnwHBvQ8oFApHgOPAt4rFYmXtfcVisVooFL4HfKJQKIwVi8WJLrVrR9k9IxiWTWviIsr3CJwGmQ///JZLB2/Gb5RxZ67oce35mwS1Ffz6MkF9haBexojGMZM92PnDmMmebQUxSikdaHQO/uuDgcBr6QBAKWB1q+67jdUAwbQxY2loBwdmpHOZ9pl7GGTc+7r4LoFb6wQgSgWgfD28pAJQgW6v0n9i7d4Ow4piRKL3D/es3VoRUAGB74Ln6GEvP9yu/fEdHYDBmuDhEEY8o/fVpbPp9YHFbdzFO3hLdzHf+xOUo4OGoFULVz84OkCIpTFiSd2eSBzluSiviXKbBPUSyp0lcJvgOfr/IqKDi6BVQ/keVrqPSP9R3SuwSc+OYZrYvaNYPSO6LkW7R2zxNs3rrxE78iLx4x+CwF+zXHNRBxDVZYKmHvZp91T55TkCt4Hdc4j4cakbca+gUaY18S7O3Qv4lfmNH2SY+m8f8BbvUP7WvyDzoZ/HyvTvYkt1bp7Ka79NUF/p3BYde47Ui5+9b7jKsGxih84SO3RWr6S7+w6tO2+ve65aOzwinnjdCih+A/jFdqBQKGxY6e5UuL22yT5uoIdDTgNPREABOpFM1IrgTl7SB0a3Sfz4B7HSfVjpPoxY6qEHIKUUfnlOBxAzRbzFifDLeRG/uqRT6qZ6sHIj4cqT7n0hG0a7d8IGHq9L+7HYkW0l3NEBTRAGGn4YILQ6QUHQrKG8pfB6C+W7OqAIAiAAKww+rGjYKxLVQVBqTVASie9KV7wOLHp0YLF4B29pMhwKSmFlBjH7U3r44hGGdlQQhMss9ZJLq/fQI6dcNgxDF7jKDOoek6W7ncCnef37KN/tBA3KDZdvOg3dzW1aeggrktC9IJnBfTtn5t5CWrshaJRxZq/iTF3Gm7+58YNMi8jQKWLj54gMHKN24Q9w7r6jn19bpvytf0n6lZ8jMnB8V9rsLU1Q+d7voJxG57b4yY+QePaTD33/rGSOROHjxE99DG/hFo2r3yZx8qP7YlKy6J6uBBTFYvEbW3hYezH40ib3l8Jtz1Zes1AoXNrkrl2vymMlezDGz+FMvEvQrNKaeBcjoucGmLEkZjqPlerrBBlWug8z1Yu3Mo07U8SZvrI6pl1dJKiv6G76dB+xw+PrxsKFZhiGHgoxLQwiEIk/8PEqCFC+o3s0rMi+fD+tcO5DNximqYd4HnPew7p9GQZWph8z3UfQKOEt3sGZvaZ7n8KgwYgmdPAT1ZcNa/9nZ1Rui/rlP6Y1cQG7d4zUc5/esfwJ7eEMd+YKzswV/NL0po/VE1TPET10dt28ldSLP42V7qPx3tfC9jepvPr/kjz3GeJHX96Rdrc5M1eovv5v1024TD73KeInHm2Vm56DdgxvZQq791C3myn22G7O7GmfVm+2iqN9+4OPDPuUGc8QPfwi3vIk3sqMPlPzmvoMOJx0aK7dRhIETn39mHayFyvdT3S4IN3CXWaYJob5RP5p7RuGYXSCHqWCJ3q5prtwi9pbv9/pfvfmb1D6xj8nfvKjJE59rCvpqpXv4S7cxJ25gjtzlaBZ3vSxZrKH6Pg5YmPnsNL5DR9jGIZeEZTuo/rmv9MHd6Wov/NFguoiibOf7Or/iQp8glYVd/oK9Ytf7gxtYlqkXvozxA6d7dpriafDbgYU7X6yzY6U7YkH1a3srFgsbvjXHPZcPPtoTesOM5ogOnSyc10FwWoGP6dO0KqjKosEbh08F6yIHtPuO4KZ6pUlc+KJ8aQGE8p3qV/+Gq0b39vgzoDm1W/jTF4kee4z6z7LW96/54Y5PfRKGXx308eayV4iw6eIjp7Gzm89R0N09AzZRI7K9z6Paumvy+b11/BrS6Rf/pktnYyowNdzshplPeF4g21732sZdoz0Bz9HZODYltoqDpbdDCjaQx2b9em2B9NKm9z/xDFMEyOWgliKe0MFFfjhksv91/UuxNPIW5qg+ubvEdQWV280DGJHXsadvUrQ0F89QX2F6mu/TXT0WZLPfRozkXngfpVS+MuTtO68jTN5CeVtnkrHzo8RGTpFdLiAmel/7M+/3TtK7kd+hcr3Pt9ZbeHOXKH8rf+L9If/Q6xEDuW5ejJ3bU19k3Ab1EuAeqTXNGJpMh/5Bezc8GO1WTz9djOgeD/cbjbHoX375V1oy56T3oiDQX+pL0EQYOWGntgz+yeZ8j0axT+hefW7rD2Imul+0i/9GezeUZTn0Ch+k+b1Vztd+87UZdy56yTOfILYsQ/c938XNKu07l7QKxeqCxu/uBUhMniC6PApnXOji0tlzUSW7A//Bapv/C7uzBUA/PIs5a//c7AiqGblIXvYGiOSwO4bJ/n8j3dtjo94Ou1aQFEsFicLhcI14EOFQiFVLBY7i6wLhUIa+CBwrVgszu5Wmx5GKaVnyjsNzERWggCxoXbQEFTXVL0MK1+u/VI3U3niJz+q01ofkOqXW+HXlnHnbwJqzcqb1VU42GuuP+Jn0FuZpvbm7+FX5tbdHj/5ERKnP9H5fzDsKMmznyQ6/jz1t78YZvAE5bWov/tlWncvkDr/p7Gyg7gzV2jdeRt37trqvIK17Cix0bNEDp0h0nd0R/+vDTtK+oOfo3Hpq53018ptwpqEUg94ts6jkshgxrM6Z0uY4VUvl9a3PQkTbMX+sNvfav8C+B/Ria3+2prb/x6QBP7JbjVEKUXQqODXlnGmLhM0Kjp9cjuJUUNv22OgRjSp08YeeenAVS8Umgp8vZS3NINfmsErzeiCVls8EwxqS9Tf+QKN979B/OSHiR95+cAWTtJzDd6jdedtvIVbW3+iYa7Jx5HCjKf0NpbGjK2/3LrzFo3itzr5G0AHdakXf5pI3+ENd29nh8h87D+hdfstGpe/2sn06K9MUf6T/1Pn/nAbGz+3/wixwy8SHTm9q5OqDcMk+dynMNP91C98ad3vi2Fipnp1pdtUHivVu3o92SMnSaKrdjug+IfAzwH/ZaFQeAF4DV3L40eAbwG/tRuNUJ7L9G/9PK2bPwCgdWMLz3HqNK+9SvPaq9j9R4kdeUl/cezhmaZSSgdBFb3cVPlumHHSXs1yadkb39bORmlFtpQfQCmlcxo49TDZUp3A0UmXAqeu8zuYZifR1Go2y3aWS6uTClwnmmrXGIl1sjti2RuOKbfrgCi3qcta3/NjWBHMdt6PLi2xVW5Lp7ouzegsk6UZfZYb+I++M9MK81/os1nVquozyivfJnbsFeLHP3ggskY+ylyDzXcS6PLlTh0esUc/duwVks/+2EMP9oZh6IylIwXqF7+CM/Fu+8XvCybMRI5oWJ/CSvU+WoO6LH70Jez8IfzlKcxEDjOd1z2rMswmdsmuHg2LxWKrUCj8KPB3gD+HDibuAv8D8D/tVmGw1sS7nWDicXgLt/AWblGPJoiNh70WO5ixTvme7kqvLuJX5juFnPzqwgNnkW+ZYa4GF/baQMPSGQ9bNZRTX3/msxMMc10xMxUGEcptbty1vNEuInGsdH8nwLDS/TrvRzqvfx+ldFDUrOg01s2wNkerFqbfDnun6suP1nbTCpf95sMzwD59Npjuw0xkCeolmte+S+vO252gRLlNmle+RfP6q8QOv0T85Ec2r+XhNsPKpaXOLHxgNcV4O+14LPXQs87Oe3DPzH7Vqum8EomcTtmdyOkcK9s829a5WS7Qur35XAMzlcdM5lCeA567LoNpu47F4zITOd0r8YgrE8xYivTLfxb38Hlq73yJoBbOKzdtoqOniY2/gD1wbF9NrLazQ9jZob1uhjigDLXFL+onRaFQuHTy5Mlnv/jFL276mMBtMfm//jiN4jf10s1Ub2fM0EisrQOhxxIxTJyJd2ndevO+sdg2u+8IsaMvb6vXQqlAz8Quz60rBBXUl7d8QBWbMTBiyTAw2sZ7aZhYmQGs3BB2bhgrM9AJGrZyJhg0q7ps963XdXrse/YdPfQcZjK3pvR5WecveITAUQ8FhEFGLAN2FLW2Jkmj/EjBoRFJdAKMzjYSD1OhhxlLlbrvOgQ6edvs1Y3fcytK7NBZokdewO4d2/TArIJA91CFWU8Dt6EDwTV1TfTlqr7crIHvgGkRGz9P8uyf2vbQkvI93VNhGERGTmM+JJGaeLDG1e8QP/oyvT/+17Czg3vdHHG/x4qSD2RAAeDO32Lpj34Td/oq8eOvbGnfSim85Qlat97Embq0vkxvh7H+Cz2ewQi37SJVZjwDprlaObIdPFTmNtnngxnxjD4rjyZQwWohLuV7YSEwd81lb3tnfIYRJudK6fTQsTAttGXrL/7A193Sgb9agyO8fO+BQbktlLf13gdAD4vYYeGrSBwjEiNwmwTVxXWVDbvCjuqgITuMnRvCCgOIbgxzBW6T1s3Xad743oZFoJ5mdt8RYodfIDra3TTyaynP1XXrZELhviQBxb73WAHFgZ5q/qhji4ZhEMmPE8mPEzz/aZy779K6/QZ+eW2vhUK1qvitKn43M2oYpp5Ulelf7crP9GOl+x/57EvPSdi8ONdqdVBXz2+IhoFDTJc172YXb6cta+pO6EDDub+Sph3b9GDe7sbvpC+vLoZDQ4sE9aX7gxbLxozpoM+IpcOzeb014mkdoCV7dqw724zESZz6YeInPkTrzts0r726rmjSxk+yda9Zu+cMIxyq0EM1jxxQWZH1M/pjSQKnoYdV6iWdl6FLw1xmIkt0/Dyxw+exUhtnguymbmS6FEI8mgMdUGyHGYkTP/4KsWMfwF+epHn7TZzJi4/Vw3DfvlN5rOwgVnYwLM400NVMmoZhbLs4V7esa8tDymI/bD96hn+KSN+RdfepwNfJfJy6LnMeS+uliPtg7NuwIsSPvULsyEs4k5f08IBhrQYOnQAiq1O4P6DNync7JdfVmtLrynf1770meDASD6+cqpRCNav4jTCjYn2lE2go311NzGaYYWl7MyxrH17HxIjEiA6fCucayORAIZ5mElBsk2EY2Pkx0vkx1LnPrFl6Wl0zbl1dd1t7drsRTWBlh7CyQ9hhAGFlBqSOR5cZpqV7c/a6IQ9gmBax8XPExs89/j7C+UDdWm1gGIaeU/SQTJFCCAESUHSVYdlYqfxDu3SV56ICt+vDB0IIIcRekYBiDxh2RJfcFkIIIZ4SMqgphBBCiG2TgEIIIYQQ2yZDHkLsEKWUzv0RZnw0oglJiHQPpcJl1uU5/R7F03oJazwtdSaEeMJIQCG6SidKUw/OoLimtoeu+fHwian3HpyVH6Zo9hxU4OlKlPfmrOhGTY92u4NAJ+xSQee6vuyvtslrhamj11yGTqXMoFXXK3sy/VjpAcxYctvte1J1aqWUZ1G+i50Z1CnKmxXclRmU29D5T9qVMNtpxWUS8xNHf3Z9CHyU8sPkd09XQkWhSUBxD6UUeM5qmuJWlaBZhcALM0QmdGbIaAIzmtSXd+BMSp+56ToT64soGWEOszVfrGu/ZNsf3KCdpdJb/0EO7zNMS+disKJh/Y57y0Xr2zDM8ODtrDuY6627ervvrAYPgIER5ibYID9BO3tm4KNQYXBhrykgZutgA/RBOXw9CDMf2uvLW5vRhE7JXF0Ii4e19P9Xu/BYO8Bo9w4Evs4oGnjg++HWC9vkdd4zHUCoNb+LuVoALfwxTFMv87V1/REznlltmx3Thcti+u/EL8/rsuaVeVp33sKwojq4yAwciIOlCnxdi6Y0S9AsY6X7iAwcx84OEh0pYOWG8Jan8Jan8OvLetl1o0JQW8RbuIUKPJ2MLKGDi87nb5+VgldBgF9dwDBMnZJ9B5eBtwvn6Vo0tU7dHdUpYqfWbdZc0AxjtXaPZWOYEZ0Xpl1IcM3lzufEdze53P4crf/OUYGvP0NrCwRG4/oz9HgJGcU+tb8+iXtBBfiV+TBXhM4XgfI7dRDszADGwHGdWtppEDh1nZGxNIvnNnR2QisafrmFQUa7iqYd21ICJaWUPqNtl1APS6cbls6M2DkQosLvA7Xm+0Gt3oehK4eaFqYdAcNa3xMQHqgN09IHVM/tHKyV5xA0y+FlXZwJ39W7tezVwCM8WJrROIaVXT24h8HHukRHIf1FZXUqjxL4+vcNU3WvHsj9zsG+XUDLsKPQCXZszEhCd4vHUp3slkYkpoO/+gp+Pczy2M682flprRZ3CiuwGqat39v2ZSsMbCwbDKsTMBAmZNLvrR3+Pu2qrbZuQ3w1rfr6n3TngBe0ajjT7+NMvYczdzPM5DlPa+IChmGtBhfxDIZhhL0ja2tj3NPbAw/MHvqoVODrA8K6HqVgtZcm3OqgUWEYFphm+Hemtzrgat+u37egvoxfmsWvLmDGM1i5IaJjZ4kOHCN2+DzR0bOY0fVDQX6jjLc8ueZnarVwW7NCUF3Aa9V1T4Yd04FFbE1K+Ghq1wMNFfj4K9O4S3f10JYBwVRVf17aScUSWYx4+pGTfLV76NYFDmHFX4KgkwbfjKUwsgNrTnKMdZv7DuAqWJcZV/kuymmg/HIne24nXX/7b9+yw8uR8HNj6yXwndvtdd89xpqeyHag3Ulrv4NFFcXuO/ABhfJdvOVJzHgaOzeIOXQCI5rEzg5i94xg9Yxg94xgRBI6nXOtXelTp3YOmlUCp6GrNzp1XaSothimj26BCtYHF2urabrN8AuyDEGgD5CJLHZ+DDORwUpksXpGsNJ9YWPD4YT2ZaV0aLGm+9CwIuvPkO17ex6iGFZEBw5hUaWgWV1TbTMssNSqhe1X+iw7ng5rlKymqO4cSGNp3X0fVihdF8gYxgNKknu6tyN8r9bV+PB1j0TnNaKpdQfnB/6ftjM81lfCIENvg0YJMPT7v6bXwojEdF2QNaXU2+8TnWDI3lKZ9wcxYyniR18mfvRlAqeJO1OkNfUe7uw13XNRnseZuqx7Y9r/tzygt0cp/T4Z1prhHv07mPbq8A/he7a2fkrnPe9sm8h2ec0AAA6cSURBVDrLq7k2kNLZLtuvbdyTEVMP/YQ1WtqX127R6e2NSBwrN0R84BXs3tFOAq8HJeCyElmsRJbY6Bnd9iDAry7q4GJlSvd0VBZ0Bk+ngXJqBK06QW2JYHkC5TTCs+7Imrabq++faerfzTTCKrdRrFTfY/UUqeD/b+/eg+OszjuOf3dXWmltWfKViy+yPQROCHGN06FhkhhICE2TFAKdNiRtSdLpLTMtdEqZNIRSgxlI0k4CoZCkTek0aa40F6ZpyAwZiuk4NCFt0ktI/MQGXFAwGGNjYSxb2kv/OGdXy3ZXsfa8q13p/X1mNK+170WPfPS+7/Oe855zShSff4riwSfJDixmYPWZ9K8YJdM/SHF8f92MruMUn3+KytQxX5NVbc7pH/Q37mqtX2mqltRPfx9q6PKFMAz+Yj+z7cBiMv0FckMr6BteVRthN9NfqMU3/fv8/1rNSrlY96AUrmMhUfOfHfM1HsXJ0KxY8H9j+YKvre0f9JPHVf+dL9SdP/natS6Ty/tzaYHXwqVdaicHKx87wqH7bqdSLjYkD6vpGz75hIelLk9O1CUYB/wFbWK6lqFcnAo3y4YLeHGSTN9A3XDIQ/SNnEzfsjXhay25oRXRN7EY/v2Ekr9Q6ELQMZXiJJPP7PY1F0/vpnz8xembYDWZINwYajf8HFQq/mZaNw9KuaFWxs/vEW7+2VxDMlWfSA1M13a8pPmp+nSZg1x9opitmw+mOD3pW2kqVLdXau+Z5ArD5NecxcDoZvqWrUn0b8mff8/6r/Fna4lG6ehhKlMT/oZce4+noZalPP19eWqC0pHnyGRyZJf4uXKyhZGZhyYvl3yCc3CM7OAQ/SvX079ilMIZr2Ng9GwyuT7Kk8d8snFojOLBMYqHfupr0epmkq1MhXlrqk0PIZmdTmqr/+4jt2gZuZA49A2fRG7JSeSWrOx4bUylUtE1IF002yiceEIBfkpioGMnY6Vc9jUAE+PTTym1C8kLPomoJhAjp/bE3BrSXZWSr9bOZLIvaXOu1Ro0bl+cDM08oTZmou7fR8MNqzjl262rVe+FJWQLI+QWjfgn5LplEsljpVx+yURz2cKSOe+xUZ46TunIAZ9QlUuh2r6xea1Ya+Ypjj/D1DOPhndc/ANCpTRVm4ivfi6dSqk4XSMxuIT+lRvoX7k+JBKbZ/xdK5UK5RcPUTw0xtTBMYqHxqgcP/rS5ppq00V+cW1Svmz137pGyNzQbKOz1emsPpPN1qpuRU6EfwodOfHt+/L0Da+C4VVN11dKRcoT4/6Jd3BoTp4yM9ksmewAzHIW3CRl+wfILlszq30qxUkm9z/K5L5dTD29O7zjcoDiwSco7/sx2UXLyOYLFA8/TbYwzMC6nwuJxFYG1m06oaQpk8mQG1pObmh51LwtIr0o1QmFyEKXyfWRG+r8dOELQaYvz8DqMxlYfSaVcpnic0/4l2j3me/iGt6ZGli3mf5VG1jktpJf88quNkuK9BIlFCIiDTLZLP2rNvjEYdObKB1+hsl9uyi9sJ/8qWeSX3OWEgmRBkooRERmkMlk6Ft6Cn1LT+l2KCI9TSm2iIiIRFNCISIiItGUUIiIiEg0JRQiIiISTQmFiIiIRFNCISIiItGUUIiIiEg0JRQiIiISTQmFiIiIRFNCISIiItGUUIiIiEg0JRQiIiISTQmFiIiIRFNCISIiItGUUIiIiEg0JRQiIiISTQmFiIiIRFNCISIiItGUUIiIiEg0JRQiIiISTQmFiIiIRFNCISIiItH6uvWDnXPvBT4xwyarzOzAXMUjIiIi7etaQgGcHZa3AuNN1h+dw1hEREQkQrcTigngGjMrdzEOERERidSVdyicc1lgE/BDJRMiIiLzX7deyjwdWAT8V5d+voiIiCQoU6lU5vyHOucuB74IfAoYBrYCy4H/AW41sy+cwDEeabHq5fl8Pjs6OppUuCIiIqmxZ8+er5vZJbPdr1vvUGwOy98FHgA+C6wFLgE+75zbZGYfaPPY2cnJyfKePXt2JRCnJOu0sHy0q1FIKyqf3qWy6V0qm6BbNRQfBN4JbDOzT9d9vhH4NnAqsNXMdrZx7EcAzOyshMKVhKhsepvKp3epbHqXymZaV96hMLNrzWxDfTIRPn8c2Ba+vWLuIxMREZF29OJImQ+H5WkzbiUiIiI9Y87foQhdRrcAQ2b2YJNNFoflxNxFJSIiIjG6VUOxA3jAOXdSk3XnheXDTdaJiIhID5rzhCIMZPWPQAb4i1BjAYBzbjNwLXAEuGuuYxMREZH2dKuXx0n43hwvA36A7zq6BrgUyAGXm9lX5zwwERERaUtXEgoA59wy4M+Ay/BjUIwD/wrcbGb/0ZWgREREpC1dSyhERERk4ejFbqMiIiIyzyihEBERkWhKKERERCSaEgoRERGJpoRCREREoimhEBERkWhzPpdHu5xz7wL+CHDAUeA+4Doz+98T3H8U2A5cCKwAfgLcaWaf6kzE6ZJA+bweeB/wamAIeAr4OrDdzJ7tSNApEVs2DcfKAPcDrwc2mtneBENNnQTOm2XAdcCvAKvx5823gBvMbF9Hgk6RBMrnbOAGYCuwBNgLfA74kJkd70DIXTUvaiicczcDnwYGgTvxF7R3AP/unNt4AvuvB/4N+HX8qJx34Cch+xvn3Ec6FXdaJFA+7wn7nAd8A7gdGAP+EPiec+6UzkS+8MWWTRNX4ZMJiZTAeXMy8B3gT4Dd+PPmMeD3gIeccys6FHoqJFA+5+LvOxeHff8KOI5PMO51zuU6E3n39HwNRZjf4wPATuBCM5sMn98NfBX4GHDJzzjMrfjs/a1mdm/YfxvwL8AfO+c+r9E52xNbPuEJ63b8/C3nmJnVrdsOXA98GHh3p36HhSqhc6f+eA74YAdCTZ2EyuZ24AzgSjO7o+7Y2/A3rfcBf5p48CmQUPl8BJ+M/KqZfSXs3wfcC1wEvBP4bEd+gS6ZDzUUV4Xl9mqhApjZ1/BDdf+yc25Nq51D7cSlwEPVZCLsP4H/g8kAv9+JwFMiqnyAt+CrAv+2PpkIbsJn9BcnGG+axJZNTXia+gywH/jvpANNodjr2lrg14AH6pOJ4DbgHwA1ebQviXPnF4BD1WQi7F8Eqs3sr0kw3p4wHxKKNwBFfCE2uh+fEMxUBXtB2Ob+Jut2ApPhZ0h7Ysvnx/g24C83WVcCpvDvVMjsxZZNvWuBc4DfBl5IJLp0iy2bt4RtvtS4wswOm9m7zOy2JAJNqSTOneeA4VALW291WC64d8N6usnDOZcH1gN7W7zA8lhYvnyGw5wRlnsaV5jZlHPuSWCjcy5fn4nKz5ZE+ZjZ94Hvt1j9S/hkotV6aSGhc6d6rC3AnwOfNLP7nXM3Jhdp+iRUNpvD8ofOud/Avzj4Svwki18DrjezAwmFnCoJnjt34jsCfMk5dxXwJPBGYBtwELgrmYh7R6/XUCzHZ4IHW6w/HJZLZzhG9cWkmY6RBYZnHZ0kUT5NOedG8FW3AB+ffWipl0jZOOcG8E0dY/g2eYmXRNlUn3KvwZfPT4FPAk8A78W/lLk8PtRUSuTcMbObgCuB8/E1sUeAe/BNUa82sycSibaH9HpCkQ/LVt1rqp8PdvgY0lxH/m+dc0vwvT1OB74J/F1b0aVbUmVzE3AW8FtmdiSJwCSRsqk2A74NuNjMLjOzq/Hdrv8af+58KDbQlErk3Ald4d+Pbzr5HL5zwHeBVwB3LcSEr9cTiomwzLdYPxCWM13okjiGNJf4/23oIroDeC3+5LvczCrtBphi0WXjnHsdvkviHWb2YIKxpV0S500pLL/c8LJ5BV+TdAx4u3Ou16/xvSiJc2ct/qFoEDjbzH7TzK42s3OBG/Fd5D+TULw9o9f/2A4DZVpXLY3UbddKtdpqpmNU8G2PMjtJlE+Nc24T8DDwKnyX3ovMTC8AtieqbJxzi4G/x7cXvz/p4FIuifOmuu57jSvMbBz/ztgIsKrNGNMsifK5AigAf2lmuxvW3Ygvn7c6506NCbTX9HRCEV6SfAwYdc71N9nktLD80QyH2dWwbU045jr/o6wcE2saJVQ+ADjn3oDvdbMO3zf7zUom2pdA2ZwTtnkZ8KJzrlL9wtceATwePtuQYOgLXkLnTbWLdaun6OrnR2cfYbolVD7rW20TapEeadhuQejphCLYgT85Xttk3YX42oVvz7D/g2GbZl1Dt4Zj74wLMdV2EFc+OOe2Av+MfzH2FjO7Qj1uErGD9stmL/5JqtnXk2Gbj4Xvn08q4BTZQdx5syMsL2pc4ZxbCWwEHldS3rYdxJXP02HpWqw/PSwX1Fgh8yGhqL6Qd4tzrlD90Dl3GT4h+CczG2u1c1h3H3C+c+7Suv0LwM3h2zsTjzo9osonDA98N7568Hozu66TwaZM22VjZnvN7IZmX/ieBAC3hc+UUMxe1HmDv+H9CH9du6Ju/yx+hMZ+pgdQktmLLZ+78c0m1zQO0x26kL4C2NnOfDq9LFOp9P77bs65O4A/wI9Xfw+wFng7cAB4jZk9Fra7AD+Q1X+a2T11+5+BH1N9BF/QY/jRM0/Ht3GpO1yEmPJxzt2CHzTpefwTbyvb1Sw1e7HnTotj7sQ/uWlysAgJXNe24AdZWoofznlX2O7ngYeAC8xsam5+m4UngfK5Gp/cHcEP170f35R4Pr4G47wm71fMa/OhhgJ8X94r8d11rsIXyBepK9TgAvygIZfW72xmPwHOBb4CvAn/R/Ii8DtorPskxJTPm8NyaVjX6mu+/K32mqhzRzoq9rr2A2AL/uXZV+En0xvBN0NdqGQiWmz5fBT4RXzTyCX4wcfW4yen3LLQkgmYJzUUIiIi0tv01CciIiLRlFCIiIhINCUUIiIiEk0JhYiIiERTQiEiIiLRlFCIiIhINCUUIiIiEk0JhYiIiERTQiEiIiLRlFCIiIhINCUUIiIiEk0JhYiIiERTQiEiIiLRlFCIiIhINCUUIiIiEk0JhYiIiERTQiEiIiLR/g/LicpA5XfR3gAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(\n", + " results, 'mean_power', \n", + " colors[:2], labels[:2], filename='lfp_speed_power_11', ylim=(5, 35))" + ] + }, + { + "cell_type": "code", + "execution_count": 80, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhQAAAGaCAYAAABXKNrQAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdeXRkV33o+2/Ns6TSPHa7B/u4Bzeex+CA28ZAfM1wSUhwIGFhgpNnXxIwfoY8G78AD5zODTGYwRcW8YKE2HBjX7JwPDOEyfPUg/v03JqlmufpDO+PU1UtdUvdkrrUUqt/n7VqleqcU1W7VFKdX+39279tM00TIYQQQoiTYV/qBgghhBDi9CcBhRBCCCFOmgQUQgghhDhpElAIIYQQ4qRJQCGEEEKIkyYBhRBCCCFOmgQUQgghhDhpElAIIYQQ4qRJQCGEEEKIkyYBhRBCCCFOmgQUQgghhDhpElAIIYQQ4qRJQCGEEEKIkyYBhRBCCCFOmrNRD6QoSivwWeBGYBUwCfwE+IKqqpGjjn0OuGyWh3pMVdUbGtUuIYQQQiw+m2maJ/0giqI0A78DNgDPAq9Uf74BGAUuV1V1qHqsHcgAE8D3Z3i4Paqq/vCkGyWEEEKIU6ZRPRSfxwog7lFV9f+tbVQU5Vbg68DfAR+tbj4H8ANPq6p6T4OeXwghhBBLqFE5FGuwehy2HbX9B9XrK6Zse0v1+vUGPbcQQgghllhDeihUVX3fLLs2VK/Hpmw7v3otAYUQQgixQjQsKXMqRVHCwDXAPwIa8MUpu2sBxYWKovxPYBNQAp4B7lZVdc9itEkIIYQQi6chSZlTKYpyC/Ct6k0d+FNVVR+asn8U6MFKzHwEiAIXA78PpIFrVVV9cQ7Ps3OWXQPAL1RVvXHBL0IIIYQQ87IYPRQR4F6soOH9wL8qijKgquo2RVECWLM+JoEbVVUdrN1JUZRPAN8G/kVRlI2qquoLfH73+vXr/xvQ2EhJCCHESYnH8vzmVweZmMiyanXLUjfnuKKRHE6nnYsu6Wfd+valbs6pZlvQnRrdQzGVoihnAc8BXcAlqqq+dILjfwNcCVypqurvFvicO9evX7/xscceW8jdhRBCLJLhoSQvPDdIJlOip7dpqZtzXBJQzN+iVspUVfUQ8PfVm++Zw11eqF6vW5QGCSGEWDL5fIVKxcDlcix1U8QiOOkhD0VRPMDVgENV1SdmOORA9bpDUZQ24FwgMkvyZaB6XTjZdgkhhFherIBCx+ORgGIlakQPhRt4HHhIURT3DPsvrF7vAbYCv8aa/TFNtYLmVVi5DydMyhRCCHF6KeQraBUDp/RQrEgnHVCoqprBWrOjGbhn6j5FUS4CPgVkgR8CTwAp4F2Kolx31EPdDWwEHp2arCmEEOL0Z5omhXyZSkWXIY8VqlGzPD6JNfXzs4qivBUrEXM18F7AAD6oquo4gKIof4EVXDyuKMojwBBWIublwG7gLxvUJiGEEMtEuaxTqejouonTKQtdr0QNeVdVVR3GCii+jrXS6F8DbwMeBS5TVfUnU479EfB7wH8C1wK3Au3AV6rHTjaiTUIIIZaPQjUh0+G0YbcvaBKBWOYaVoeiukT5/6heTnTsc1jLnAshhDgD1BIyZbhj5ZJ+JyGEEIsuX8+fkNPOSiXvrBBCiEVXKFgzPKSHYuWSgEIIIcSiqw15OKWHYsWSd1YIIcSiK+RkyuhKJwGFEEKIRaVpOqWyjqYZkkOxgsk7K4QQYlHlcxW0io7dYcdul9POSiXvrBBCiEV1ZFEwOeWsZPLuCiGEWFSFQgVNk/yJlU4CCiGEEIuqVoNCZnisbPLuCiGEWFS1stsup/RQrGQSUIi6r3/96yiKcsxly5YtXHPNNXzuc59jaGhoqZs5K0VRuPrqq+u3n3/+eRRF4fbbb1/CVlmuueYaFEVheHh42vba71iIlexI2W055axkDVvLQ6wcl156KZdeeilQXXK4UODgwYP8n//zf3jqqad4+OGHWbdu3RK38sT6+vq49dZb5YQtxBLSdYNiUapkngkkoBDHuPTSS7ntttuO2f7Tn/6UT3/602zbto1vf/vbS9Cy+env75/xdQghTh0rIdMAG9gdssroSib9T2LO/uAP/oBgMMjzzz+/1E0RQpwmCnmrBoXLZcdmk4BiJZOAQsyZzWbD4XDgdruP2bdz505uv/123va2t7F582YuuOAC3vve9/K9730PwzCmHTs0NMQdd9zBtddey+bNm7nqqqu47bbb2LFjxzGPWyqVeOCBB7jhhhvYsmULl1xyCTfffDMvvvjiCds7Uw7FnXfeiaIojI2N8dWvfpWtW7eyefNmrrnmGrZt20Y+nz/mcSYmJrjnnnt4+9vfzubNm/m93/s9PvvZzx6TDyGEONaRGhQy3LHSyZDHCZTLOrpunPjAJeRw2HG7F/+f9YknniCVSnHTTTdN2/7rX/+aW265BZ/Px7XXXkt7ezvj4+M888wz3HvvvUSjUe644w4A4vE4f/zHf0wmk+Ed73gHvb29jIyM8OSTT/LLX/6SH/3oR5x77rkAFAoF/vzP/5zXXnuNTZs28Sd/8ifk83mefPJJPvKRj/ClL32J97///Qt6LbfddhuDg4O84x3vIBAI8OSTT/Ld736XQ4cO8Y1vfKN+3P79+/nIRz5CLBbj93//93n3u9/N8PAwP/nJT/jZz37Ggw8+yIYNGxb4GxVi5atPGXXK99eVTgKK4/iPR3fym18dxDSXuiXHZ7PBVW9dw43v29SQx3vhhRf4+te/Xr9dKpU4cOAAv/jFL7j88suPmTVx7733AvDwww+zdu3a+vZ9+/Zxww038Oijj9YDiscff5xoNMoXv/hF/vAP/7B+7NVXX80dd9zBv/7rv/KFL3wBgPvuu4/XXnuNj3/843z605+ud5feeuut/NEf/RGf//znufLKK+nu7p73a0wmkzz++OO0tbUB8IlPfIJ3vetdPPPMM0xMTNDV1QXAZz7zGeLxON/+9rd529veVr//c889x0c/+lHuuOMO/uM//kO6coWYRaFgzfDw+VxL3RSxyCSgOI7f/vrQsg8mAEzTamsjA4oXXnhhxn3hcJhYLIbf768+t8knP/lJNE2bFkwArF+/nvb2diKRSH1bbfjj9ddf573vfS8ul/Uh8+53v5sLL7yQnp4eAHRd58c//jGtra38zd/8zbQTdldXFx/72Mf40pe+xE9+8hM+8YlPzPs1/smf/Ek9mABobW3lwgsv5Gc/+xlDQ0N0dXXxxhtvsHPnTq677rppwQTA5ZdfztatW3n66ad57bXXuOCCC+bdBiHOBIWcNeTR1CRDHiudBBTHceXvnXVa9FDY7Tau/L2zGvZ4t95667TZEaVSicnJSR577DHuu+8+XnrpJR599FE6Ojqw2Wxce+21AEQiEfbs2cPQ0BCHDh1i+/btxGIxwAoQHA4H73znO/nmN7/Jj3/8Y5566ikuv/xyrrrqKq6++moGBgbqz3nw4EGy2Szd3d1885vfPKaNIyMjgJW7sRBHBz8ATU1NAFQqFQC2b98OWMM0U3tsalKpFAC7du2SgEKIGRiGSaF4JClTrGwSUBzHje/bxDv/4NwzPofC4/EwMDDALbfcQiKR4MEHH+QHP/gBn/rUpwArz+Dee+/lv/7rvzCr0VdfXx8XX3wxe/fuJZVK1bd3dHTwyCOP8MADD/DMM8/w5JNP8uSTTwLWt/577rmHNWvW1E/W4+Pj3H///bO2rXbcQl7T0Wq9ILW2ptNpAF5++WVefvnlWR8rmUwuqA1CrHSlkoZWMTBME4fkUKx4ElCcgHWilq66miuvvJIHH3yQ3bt3A5DP5/nzP/9zYrEYn/jEJ9i6dStr164lGAwCcNVVVx3zGD09Pdxzzz18/vOfZ8+ePfzud7/jpz/9Kc899xy33HILTzzxBIFAAIC3vvWtfPe73z11L3CKWhs+/elP8xd/8RdL0gYhTmf5nJWQ6XI6JM/oDCABhZiXRCIBQCgUAuC3v/0tk5OTfPCDH+Rv/uZvph0bj8eJx+PAkW/9//mf/8nzzz/P7bffTigUqpee/vCHP8y73/1uDh06xOTkJGvXrsXr9bJ7927K5fIxU1VffPFFfvnLX3LllVdy5ZVXLspr3bhxIwBvvPHGjPt//OMfMzY2xg033DDjEIoQZzopuX1mkXdZzFk+n+f73/8+ANdddx0AXq8XgNHR0WnHlkol7rrrrnoSpqZpAOzevZuHHnqIf/mXf5l2fDqdJplMEggECIfDuN1ubrzxRiKRCNu2bZtWyyKRSHDXXXfxne98h1KptDgvFrjwwgtZu3YtTz/9NE888cS0fdu3b+cLX/gC3/3ud2lpaVm0NghxOrNmeBg4pQbFGUF6KMQxjp42apom0WiUp59+mng8ztatW7n++usBuOiiizjrrLP41a9+xU033cQFF1xAOp3ml7/8JZFIhHA4TCKRIJlM4vP5+LM/+zN++tOf8k//9E88//zzbNy4kUKhwNNPP00ymeSuu+6q90Z85jOf4bXXXuP73/8+zz//PJdeeimapvHUU08Ri8X4wAc+cMzsi0ay2+1s27aNj370o3zyk5/kqquuQlEUJicneeqpp6hUKnz5y1+mtbV10dogxOms1kPh8cip5kwg77I4xtHTRh0OB6FQiHPOOYcbbriBD3zgA/XxUJ/Px/e+9z3+8R//kRdffJHt27fT2dnJeeedx8c+9jF+97vfcd999/Hzn/+cD33oQ7S1tfHDH/6Q//W//he/+c1vePXVV3G73WzatIm/+7u/45prrqk/b1NTEw899BD//M//zOOPP87DDz+M3+9nzZo13HHHHdx4442LPi67efNmHn30UR544AF+9atf8cILLxAOh7nqqqu4+eabufjiixf1+YU4nRXyZbSKTjB4bHVdsfLYzOU+J3KeFEXZuX79+o2PPfbYUjdFCCHOWKZp8vNn9rF/X4yevqZTUs23kaKRHE6nnYsu6Wfd+valbs6ptqBvapJDIYQQouHKZZ1KxVq6QMpunxnkXRZCCNFwtUXBnE47drtMGT0TSEAhhBCi4Qq1RcFkhscZQwIKIYQQDSc1KM488k4LIYRouEJ1yMMlPRRnDJk2KoQQouHy1SmjPv/CTjOlksauHRPY7TbO3dgptSxOA/IOCSGEaLhCfchjYT0Uu3dNEovmAdC0cS68uE/WA1nmZMhDCCFEQ1UqOqWyjqYZC8qhyGZLRCZz9duJeIHDBxONbKJYBBJQCCGEaKh8voJW0bE77Njt8z/NHDpwbPCwf1+MVLLYiOaJRSIBhRBCiIY6kpA5/1NMIV9hYjxTv12rYWGasOONcTTNmO2uYolJQCGEEKKhajUoFpI/cfhQgtqKED6fi/Mv7D3yuIUK6puTjWqmaDAJKIQQQjRUPl9B03Sc8+yhKJU0RkfS9dur14RpbfOzZu2RFX3HRjOMj2VmurtYYhJQCCGEaKhCYWE1KAYPJTEMq3vC7XHQ0xsCYM26VppbvPXj3tw1SSFfaVyDRUNIQCGEEKKhFlIls1LRGR5K1W+vXh3G4bDub7fb2HxeN47qImO6ZrBj+3g9+BDLgwQUYppkMsm9997L9ddfz5YtW3j729/OF7/4ReLx+IzHJxIJvvjFL7J161a2bNnCO9/5Tr7zne+gadqcnu+RRx5BURTuvPPO4x535513oigKjzzyyLxfkxDi1NF1g2KhglYxcDnn3kMxPJhC162ES6fTTt9A87T9Pr+LDRs767dTySIHD8z8uSSWRsMKWymK0gp8FrgRWAVMAj8BvqCqauSoY9uAu4H/BvQAh4HvAf+oqurczkSi4TKZDB/60IfYv38/V1xxBVu3buXAgQP84Ac/4Mknn+RHP/oRPT099ePT6TQf/vCH2bdvH+94xztYtWoVv/nNb/iHf/gHtm/fzte+9rUlfDVCiKVQKFTQdANsYHfMrRCVrhsMHk7Wbw+sbplxyfPunhCxaI6xUSuH4uD+OK1tfsJhX2MaL05KQ3ooFEVpBn4N3A4MAV8H3gBuA15TFGVgyrEtwC+r+14B7gPywL3AQ41oj1iY+++/n/3793Pbbbfx4IMPcscdd/Dtb3+bu+66i8nJyWMChG984xvs3buXu+++m6997Wvcfvvt/O///b95xzvewZNPPslTTz21RK9ECLFU8lMqZM61suXIcJpKRQfA4bAxsKpl1mOVDZ34fK767R1vjNfvO5tKRWd0JMWrL43w82f28fqro5TLx7+PmL9GDXl8HtgA3KOq6rWqqt6hqup/wwoaeoG/m3Ls3cAm4P9SVfUDqqreCVwCPAL8d0VR3t+gNol5Gh4epr29nY997GPTtr/nPe8B4NVXX61vKxaL9R6LP/7jP65vdzgc3HHHHQA89JDEh0KcaQr56nDHHPMnDMPk8KEjhaz6+ptxu2cfKnE67Wze0k0tVikVNXbvmsQ0p+dTaJrO2Gia114Z4b9+foBdOyaJxfLouklkMscLzw2SSZfm/wLFrBo15LEGmAC2HbX9B1i9FVcAKIriA/4CqxfjgdpBqqrqiqLcDrwfuAUruBCn2De+8Y0Zt+/fvx+Ajo6O+rY33niDfD7Pddddd0wlvIGBAfr7+3nxxRfRdR2Ho/GrDT7//PN85CMfOe4x73vf+/jKV77S8OcWQswuX61B4ZzjDI/xsTSlojXSbbPBqrPCJ7xPc4uXtevb2L83BsDEeJa29jSdXSGikRwT4xli0fxxkzaLBY0Xnx9i4+YuuntCc2qrOL6GBBSqqr5vll0bqtdj1etLgQDwiKqq08qdqap6UFGUg8DViqI4VFVdFv1RZqGCeYLutKVmczmwTekCbJRUKsVzzz3HV77yFZxOJ3/1V39V33fo0CEAVq1aNeN9BwYGGB4eZnh4mNWrVze8bX19fdx6663HbNc0jQcffJBischFF13U8OcVQhxfbVEwn//En0mmaXJoyhodPb1NeL1zOy2dtSZMPJYnES8AsHtXhN27IrMGES63g66uIE6XvV7a2zBMdrwxTjpdZP3Z7fWqnGJhFmW1UUVRwsA1wD8CGvDF6q5zqtf7ZrnrAazejjXHOab2HDtn2bVuXo09jvSXf0b+X1+B5T41yW7Df9OFNH32moY95L/9279xzz33ANYwxrZt27jiiivq+5NJK4GqpWXmsc5QyIr40+n0jPuP9uabb/L1r3/9uPun6u/v57bbbjvmuLvvvptisciHPvQh/vAP/3BOzy2EaJx8tex20xxmeExOZMnnjtSTOGvNiXsnamw2G5vO6+L53w5SqRgzBhIul53OriBd3SFawr56wBAO+9j++pEy3oOHkmQzJTZv6TnucIs4voYHFIqi3AJ8q3pTB/5UVdVnq7fbqtezzfWpTUKePSPnFMr/8DQIJgAMk/wPX2loQNHa2srHP/5xIpEITz31FLfffjtjY2PcfPPNAJTLZQDcbveM969tL5XmNka5e/dudu/efVJt/t73vsfDDz/MFVdcwd/+7d+e1GMJsZzksmUGDydYs64Vr7fxvZGNYhimNctjDjUoju6d6OoO4g/M/HkyG6/XxYZNXbzx2lh9m9Npp6MrSHd3kHCrf8Zeh7b2AJdesYo3Xh0lm7U+y+KxAi88N8hbzu8l1OSZVzuEZTF6KCJYMzZ6sHIi/lVRlAFVVbcBtb+W2c4yte3eWfbXqaq6aabt1Z6LjfNq8Sz8H7rw9OihcNjwf+jChj7k9ddfz/XXXw/Abbfdxgc/+EG2bdvGZZddxnnnnYfXa71FlcrM1epqAUcgEJjT850o3+HOO+/k0UcfnXX/M888w7Zt2zjrrLO47777cDoXpfNNiFPOMEzeeH2UaCRHuazzlgt6T3ynJVIsVtA0A8OkXoRqNvFYflpS5FlrWo9z9Ow6u4K85YIekskiLS1e2toDcxq68PtdXHLZALt2TjAxnrXaPyWvYqZpq+L4Gv6pq6rqvwP/DqAoyueB54C/VxTl50ChethsYWgtLMw2ul0L0fTZawj99VvP2ByKmv7+fm6++Wa+8pWv8Oyzz3LeeefR3GwVnZltSCOTseaJB4PBRWtXza5du/jMZz5DMBjkW9/6Vr1tQqwEw0NJIpEc46Np3G4H689uJxCc3zf5U6VQXbbc5bSfcMrowSlLlLe1+0+qV6CjM0hH5/w/axzVGSOhpgT79lgJnrW8io7OAKtWL4vO8tPGon6NU1X1kKIofw/8T+A9wKHqrtnepdqZIDXL/lPO5nMt6sl6uSiXy/VZGVdfffUx+wcGrFIitYqZa9euBWBwcHDGxxscHMTv99Pbu7jfpiYmJrjlllsolUrcf//99XYJsRKUSxr79kaJRnJgs5FKFTl0MM6m87qXumkzmmvJ7WSiQDJRqN+euvjXqWaz2ThrTSuhkGdaXkVkMkexqHH+hX1L1rbTzUn36SiK4lEU5TpFUd45yyEHqtcdQG2QfLbEyXVADpj5LCUWTblc5uMf/zif+tSn6sMVU+3caeXArlmzBoDNmzcTCAR44YUXMIxpE3YYGhpiZGSE888/f1GmjNbk83n+8i//komJCT73uc9x1VVXLdpzCbEU9u2NEY8VAJPu7iCpZJGR4RSFwvJcGKtQTcg80ZTRqbkTLWEvLcug0qWVVzFAcErvTyZdYs/uyHHuJaZqxCCRG3gceEhRlJn64WqD+3uAl4EM8DZFUaY9t6Ioa4GzgN8tlymjZ5JgMMjWrVvJZDLcf//90/bt2LGDBx98EL/fzw033ACAx+PhhhtuYHh4mO9///v1Y3Vd5+///u8BuOmmmxatvYZhcPvtt7Nz505uuukm/vRP/3TRnkuIpZBKFRkcTBCP52lvD+D1uXC5HaTTRQanFIJaTmo1KI63ymgmU7J6XKoWmjuxGPx+N5dcNkBX95HhE0nQnLuTHvJQVTWjKMpPsBIw7wE+V9unKMpFwKewciJ+qKpqUVGUHwKfAP4H8E/V4xwcKYo1c3Ulsej+9m//lh07dvDAAw/w0ksv8Za3vIXR0VGeffZZbDYbX/3qV6cVt/rrv/5rfv3rX/PlL3+Z5557jvXr1/Pb3/6WnTt38q53vYutW7cuWlu/853v8Oyzz9La2kp/fz/f+ta3ZlyQbKappeLUyWXLeLwOnPNYJEpYMyB2vzlJPJbH73fhrQ67toS9RCdzDA0lWbO2FbdneSUf12Z4BI+T43F4Su9EMOShrd1/Kpo2Z1PzKlxOx3HLgIvpGvXX+EngYuCziqK8FSsRczXwXsAAPqiq6nj12P8HuB74qqIo1wC7gOuwejJ+hLWgmFgC3d3d/Pu//zvf/OY3efbZZ3n99ddpamri2muv5ZZbbuHcc8+ddnxraysPPfQQ9913H7/4xS/47W9/S39/P5/5zGf4yEc+Muc6/gtx8OBBwMrpuPfee2c9TgKKpZHNlti7J8rEWAaf38XGzV10dCx+gu5KMTqSJjKRJZsp0T/lhObzubA77KRTRQYHk6w/u30JWzmdaZr1GhSzDXlomlGfUQGwZm14UT8nFspmsxEMemSmxzzZjq5/vlCKonQAd2ElX/YCCeDnwP+nqurrRx3bA3wBuAErEfMg8M/AfaqqHjuAP7927Fy/fv3Gxx577GQeRgixAMWixv59UYYHkyQSBVLJIl6fk47OIGetaeUcpeOUfEjrusGhg3EcdjutbdYMguV44ppJpaLzm18d4tCBOP6A65j8gmy2RCJeYM3aVq5+29pl0/tTLGr84mf7OHQgzpp1rTP+vicnsvWaEU6nnavfvnbZVqeMRnI4nXYuuqSfdeuXT+B2iizoTWlYf1l1ifL/Ub2c6Ngx4OZGPbcQYmlpms6hgwkOHYyTiBdIJAp4vU56+5vIZkoMDyYpFTUSsTybt3TT3LJ4SXiapvPaK6MMD6XQdQOf34Xf56K1zU9rW4C2dv+01SqXmwP7YsRjOXTdoLnl2JI8gYCbRKxAKlVkeDDFWUs4Q6KmUKjw5s4JyiUNp2v2KaORySO9E+0dc6sXIU4fy2sATghxWjEMk+GhJAf2xUgkCsRjeewOG93dwfq4v8fjxOd3E5nMksuVyeZKrD+7nTVr2xp+QqmUdV55ZYSRoSTRSB6P10E0msPpsDM6msbnc+HzuQiGPLS2+Wlr99Ma9uNaJuWWs5kShw4liMXydHQGZjwx22w2WsI+kokChw8nGFjdgsOxNF3zhmEyeDjBvr1R4tE8yWSBto6Zi9mZpkk0mq/fbp/lOHH6koBCCDFvpmkyMZ61TiSxPLFYDkM3aW3z4w+4jjkR+v0u+geaiUZyDB1OUirqRCM5Nm/pITDPcsuzKZc0Xn5phJHhFPFYnp7eEB6vE9M0KRU18oUKyWSBiYksHo8Dn89lJTx6XYRbffT2NdPVHVqycfNaImYilsfjceL3z/57CYbcxOPWCXx0JL0kiYOpVJE3d04wOZklMpnF4bDTe5ylx1OpIpWyNYHPZmPZJWOKkycBhRACsMom53MVdN1aaEnXzfrPhm6gGyZGdVs6XSQayRGL5SkVNcKtvhPmKTgcdrq6Q2QzJcbHMuRzZTKZEsq5nfQPNJ9UjkOxWOHlF4cZHUmTTBTo7QvVZ0DYbDa8vupMiVZrynGhoFHIV4hEcmgVg4kJF6MjaUIhDz19TfQPtBAKndrpghPjWSbGM6TTRfoGjl/t1Waz0dLiIxkvcPhgnL7+5lM2fKBpBvv3RTl0IE4smiebLdPa7iMUOv77H508MlW0Jew77tRScXqSgEKIM5RpmqRSVmAQmcyRShWolHUM08Q0TEzTOsaY4WddM8jnyzS1eOnsCs7rZBYMefB6nUxO5hg8lKRY1IhGcmzc3IVnAdMg8/kyr7w4zMhImnS6SE9f03FXjLTb7QQC7nrPiKbpZDNlIpEs0UiOaDTHoQNxWtsD9Pc3090TWvQhBU0z2KNGiEZzNLV453SyDTV5SCTyJBIFJsYz9PQ2LWobASKRLLt3TdZ/T16vk/5VzXPq1YlMqT0hwx0rkwQUQiwjmUyJfK5MKOTB5z926OBkaZpOLJonEskRjeTI5UrkcxXy+TLFgobTacdmt2G3W9+CrQvWttrPNhser4PW9pYFDw84Xa0BqSEAACAASURBVA56ekOkUkVGh9MU8hUSiTx9fc30D7TMea2KXLbMyy8NMzqcIpsr09vXNO9vvk6ng5awj+YWL4WCRiZdJBEvEI1a62eEmjz09C5ur8Whg3FisRyVsk5Xd2hO97HbbTQ3W7kUBw/E6e4JLdpMllJJQ31zkuHhlLVIWUmjoyMw59VBC4UKueyRCXwdElCsSBJQCLEMlEsae/dGrfyCkobH48TrddLU4qW52UtTs5fmZt9xv3kfzTRNtIpBsaQRj+WJRnLE43kK+TK5ahChaQZ+v4tg0ENnZ/CEK0Q2Uq3b3u9zMTmZJZ0qEovmOXggTkdnkP5VzXR0zN77kUkXrWGO0TSFQoXevqaTyn+w2Wz4/VZehaYZZDOlI70WkSO9FqtWtdDZFWxYr0U+V+bA/hixSG7OK2XWNDV7GDpcJBG3gsTOBSyQVaNpOsWiRqmoUaxeSkWNYqlCMlEgFs2TiBcINbnp7GqZVzsjU4Y7/AHXvJcpF6cHCSiEWEK1WRK15MZ4LI/DaadS0XE6HXi9TjweJx6vE4/bQSDoqQcYoZAHTTMolTTKZY1SSadc0iiVdUpFa5uum+iaUc+PyOfLOBx2/AFXtZyzc8nrM7g9Tvr6mynkK6TTJeJxK8lzdCRFU7OX/oFm+vpb8HqPfFwlkwVeqQYT5bJOb19TQ4clnE77jL0WsWieibFMvV39A9PbtRDq7giJeAGX24E/ML/prA6HnVCzh0SiwKEDcTo6Zp4ZcjRdNxg6nLRyYEpW8FCp6Oi6gaYZ6Jp1bV10ymUdm81GT19oQcNSU0ttS4GzlUsCCiGWSCKeZ/ebk/VvwCYm3T0hvD4XhmFSrgYGpZJGKlVE03Q87mpw4XHidjuqyZPVk0A1YVLXDLTqtWGY2O023B4ngYCLltbZs/CXks1mwx9w4w+4qVR0MukSY2MZolHrd7N/b4yu7lB9NsOrL48wOppC0wx6ehcvx+HoXotMusTEhNWuWDTHgX0xuntCrFodprnFO6/gzDRNIpM5xkbTJJMF+voXlpja3OxleDBJNJIjkSjQ2jr77AnTNBkfy7B3jxXAZtLFeuCg6wZ2uw2H046zenE47fj8LkJNXnwLDD41TScRnzJdtFOGO1YqCSiEOMWKRY29eyIMDyaJx/LkchXCbT6apsySsNtteL3Oad9+dd3qjSgVNXLZEomKgaN6AnA4rGuvy4nDYcfhtFnXDvtpVzzI5XLQ2uYn3Oojly2TTheJRa0ZJcPDSZwOOxPjWQzTpKe36ZS9PqfTTrjVR0vYSy5XJpUsEovlicfzDA+naG31s2p1C13dxwY4hmGSy5bIZMpkMkWymTKZdJFiSbMSMZs8Cw70nE47wZCHZLLAwf3xWQOKRKLAnt2TRCZzxGI5ymWdlhYfLrejHkAsxu8yFs1TK8jsctlpbj62WJdYGSSgEOIUqRUB2r83RjxujUcHgi4GVjfP6Ru2w2HH73cftz7BSmKz2QiGPARDHkoljUy6xMhQCpvdhsfjpLs7tCTBUm2dh2DQU+89GhpMEovmmJzI1odDnE472UyJTKZELlemXNIplTXK1aGpclmnUjHw+Z2EW0+ucmhzi5fhoRSTk1lSqeK0k3Y+X2bfnqhVnyNeIJct0Rz20XWKfn9ThzvmmyMiTi8SUIgVL58rMzaWITKZxTTB43Hg9lg5Ce7q0IHH48TtceBxO6eVDjZNqx5DrQ6DrhtHbuvWNEqgXvm+/lFpA1v1ls1mrc+wf1+MWLUL32a31QsviRPzeJx4Opy0tvkolXS83qXP/ai1q7MziN42fTgkGslhs1HNb7ECCAC3x4Hb7cQXcNEctpJsG3GCdbkcBAJuUkkrl+ItF/RSqegcPBDn0ME4yUSBZKJIIOiif9XCZ+fMl2maRCNHhjs6ZLhjRZNPM7EiFYsVJsaz1vh0omCVfM6WMAwTh8OO02GfNlTgrA4P1Lc57FYRJ8OAWg0Gk2p9hum1GaY5OrCY8lM6VSRfqNDaduIiQGJmdrsdn2/5rQDpcBxJ4szlymQz1hRJj8dBc7MXt8caVljM97ylxcvoSJrxsTTBkIeh6pBaPJazpukuMKHyZKSSRSqVKdUx26Q65komAYVYMcplnYnxDBPjGWKxPLlsiWy2TCFfwetzEgx6cDhs9eRFTTMol6cnM9aSGG1227TiTiZWV7e9WpPBZjtSq6HOhGPX7j2yxedzMbBqbsMb4vQ0dTjkVHN7nHh9LlKpIrt2jBONWuXQ2zoC+BehpslcTC1mFQ77Zl3WXKwMElCI05amGRQL1lTD8fE00UiefK5ENlMmlyvj9jgIhjx0dATmXF+hVmbaME2rkJN9SnEn6VEQy1w47Kv2yhUJt/poal7anrCp5bZldsfKJwGFWLZ03aBYtNZcKBQqFAvWtXXRKJe0ai+DTi5XJpct4XTZCQY9tLY1L+jbkN1uw26Xb1Hi9OTxOulf1VL9O17aADifr5DLHamO2S71J1Y8CSjESSuXdYqFCq5qcuN8P8hM06SQr5DJlsikS2Qz1iVfqKBrBpWKVVxHqxhU6tfWNrvNhtPlwO93HXelQyHOFEu1WurRopFs/edAwI3fP7+iXeL0IwGFmLNySSObK5PNlMhly9VExzKlYgVNM+p1Dzxeq/iSt1o+2utz1UtJe7xOSkWNTDVoqF2Xykem0tUy4ytlHWzWB6TLacfpcljVBP1unK5q4R3JRxBiWZLhjjOPBBRiGsMwKRSsEs35XIV8NWjIZUtHTvQV3ZpLX7FK8moVHYfDjm4Y2LBNq7LnnHaxMt013bCCh9q8/LKOrpu43Q5r6qbHQShkFfqxO2ySuyDEaUar6CQShfptWQzszCABxRnIMEyKhQr5fDVwyB8JIAqFClrFKrhTqVi9BOWyTrmsoWkmTpcNt9uJy23New+HrV4Du91Wr9kwfS0A3XpM7UhJaIfdXp2PfyRwcLkdEjgIsULEYlOrYzpobpHqmGcCCShWoFoyY7GavFgsVqb/XLSSGSvV3oYjFyuIwLRK5NaGGAIhN2G3D5fr+EV4bDYbTqftuGO4pmlK4CDECjd1ddH2Dr/8z58hJKBY5jRNp1jQrCTEin5kBcCKXt1WTVjUrGCgtuSwph857sh9rGMrmoFZDRpcLgculx2fz0VTs/Wzw7F4BXjkg0WIlc0wTGLRqQGFDHecKSSgWEZ03SCbKZFKFUmnS6RTRbKZUn0lQMM0Marlno9cjPo23Tgy3FBLZqxdXC5rKWyn045zkYMGIcSZK5UqUqkYQLU6ZrtUxzxTSECxRAzDJJ+zVlJMJYukUkWy2VJ9uepSUaNYTVy02a2Sw7W55Q6HVXDJUb3tdDrq+2qzH+x2SWYUQpx6U2d3hFv9OJ0ylftMIQHFEohFc+zYPk4uV54WQJRKGtiqCyF5nLSEfXg8zmUzr1wIIU4kMqX+hAx3nFkkoDiFTNNkaDDJm7smmBjLUihW8HisYlChJg/t3sCiLyAkhBCLJZ+zZovVyOqiZxYJKE4RwzB5c9cEhw7EGR/P4PE4WX1WeMnL4wohRKNMXQwsEHTj80l1zDOJBBSnQLmk8fpro4yOpJmYyNLS4qW5xSs9EUKIFSU6JaCQYlZnHgkoFlk6VeS1V0eZGM+QSBTo7AzgD7iXullCCNFQlYpOckp1TCm3feaRgGIRjY9l2LF9jImxDIWiRm9fkyxeJYRYkWLRKdUx3Q6am6U65plGAopFYJom+/fF2KtGGB/PYLfb6OtvkoWshBAr1tThjvZ2qY55JpKAosE0TWfHG+MMDSYZH88QDLppbZN/LnHmKRU1yhWdQMB9ypOPy2WdfK5MqMkjgfwpYBjm9PyJzuAStkYsFQkoGqhQqPDqyyOMj6WJRvO0tfkJNXmWullCLDrDMMlmS6QSRZLJAqlkkWJRA8DhsNPa5qOt3U9bWwCff3Ez/5OJAq+9MoqmGdjtNlrb/HR0BmjvCODxyEdeo+m6wY43xtG0WnVM63cuzjzy39UghmGy/fUxhoeSpFJFunuCeL0yZUqsTJWKblV4TVoBRDpVRNfNGY/VdYPIZK66YFQEv99lBRftAcJhH44GFm6LRXO8/uoYhmG1pfbNufbtuanZS0dngI6OAIGgW3oOT1K5rPP6q6OkksX6tu6eoBTjO0NJQNEgw0NJJsYzJBNF+gaacLkk+VKsHOWyRiJesC6JArlseU73s9moJ+rV5PMV8oMphgZT2Gw2wmEvre2Bkw7CJ8Yz7Hhj/JjnmyqdKpJOFdm/N4bX56SjI0h7pxXYSE2Y+cnnK7z28gj5/JFCVu0dAc7d0LmErRJLSQKKBigUKuxVo0Qmc7S2+SSYEKe9clknEc+TSFhBxFwCCJsNQk3eep2V5hYfLpedRLxALJYnFs1Nq6IIVgJzPF4gHi9wYH+M9We3MbCqZd49B6MjKXbtmKzfdjhsbDm/B7CKLUUnc/UhmJpiQWNoMMnQYBK/38WGTV2EW33zet4zVSpV5PVXRimX9fq2vv4mlA2dDQ3MisUKyXiBcJtfhqtOA/IOnSTTNNm1Y4JoNIfdgeRMiAUrlzVSySIej5NgyHNSH8yGYZJJl0jE8+TzlfricfWLw3bMgnOmCamkFUBk5xBAuFwOmluqAUTYR9MsCZDtHYHqmg4dFAoVYlEruIjHC9bKuLU26yZ7dkeZGM+ycVMXgeDc6rUMHk6wZ3e0ftvptHPBRX00t1jTFtvaA5jnmmQz5WpwkSWdLk17jHy+wssvDtM/0Mz6c9pkQavjiExm2f7GOMaUIa51Z7dx1ppww4eQYtE8DoedifEM/QPN2O0ylLKcSUBxksZG04yPpUkli/T2N8mYrJgXXTOYnMwyPpYhHjsyj9/usNHc7KWlxVc/aTuP0/NlmiaZTIlEvEA8lieZKKLrxqzHL4Tb46C11U847KOl1Yff75r337vP56J/oJn+gWYMwySdKhKN5hgZTlOpfttNJYs8/7tB1q5rZdVxytObpsnB/XEO7I8faaPbwYUX9xEMTQ/sbTYboSYPoSYPa9e1UipqVnARyRKN5OvHDQ+liERybNjYuWwWtqq9t3a7jWBwab+wDA+l2L3rSE+QzQYbN3fR09vU8OcqFjW0ikFvXzOTExmikTydXTJ7ZDmTgOIklEoa6psRJieztIS9UrRKzIlhmMRjecbHMkxOZqd906sfo5v1nIWaYNBtBRdhH80tPgzdIB4vWEMT8UI9y75R3G4H4VYf4VY/4QUGEMdjt9toCftoCftYtboF9c0IE+PWSpWGYbJvb4yJiSwbN3cROipAME2TvWqUwcPJ+jav18mFF/fNqRKtx+usBzapZJFdOyfqwzqlosZrr4zS3RviHKVjSf+vdd3gzZ2TjI9lAKsnYM3a1lPejlptnUMHEvVtDoedLRf00LZIMzrSqSJNzR5aWrz1hRWzmdIxwaJYPiSgOAnqm5NEozlMk3r3qhAzMU2TVKrI+GiGiYls/dv40VwuB5qmz5hYmM2WyWbLjAyn5/ScNpv1d9nU7MUG6IaJoZsYZvXaqF2M+vZAwF0PIhodQByP2+3kvLf00N2T5c1dk5RL1u8nky7xwu8GOWttK2vWtmK32zBNkzd3TjI6cuT34A+4uPDivgUldTa3eLnsilUcOhDn4IF4/Xc/PpohHs2jbOigsyt4ynsfC4UKb7w6RiZzZHhm/94YpmGydn3bKWuHYZjs2jnB+Gimvs3jcXL+Rb3HBHqNomsGuVyZgVUtnLuhk0gkR7mkMT6exeN1Sp7aMiUBxQJNTGQYHkqRiOfp6ZOhjtOVrhsUi5p1KVQoFjXKJa2exxAMuvEt4MSq6wbZTJlspkQmUyIWzVMoVGY81uG009UVpLsnRLjVV89/SCYKJJNFUskClcqJex9sNmhq8lYDAuub/+lW1KmjM0hL2MdeNVoPGEwTDu6PE5nIcu7GTgYPJ5mcyNbvE2rycMFFvbjdC/84s9ttrF3fRmdXkF07J0inrJN4uayz/fVxOjoDnLux85QlBsZjeba/Pjbj+35gfxwTWLuutSGfO7puUKkYaBWdckVHqxhUyjqVik6lYtTritQEgm4uuLAX7yKuJJpOlwj43bS1+Wlu8RFq8hKLWflAkcksPb3ymbscNey/Q1GUIPA54P3AWUAZeBX4J1VVHz3q2OeAy2Z5qMdUVb2hUe1aDJWyzu5dk0QiWZqavZJ9vMyZpmnVTEgVpwUOxaI2a0/BVHaHjWDAXQ8watdujxPTNCkVNTKZEtlMuXpdmjaVbiY2m432Dj/dPSHaOwLTTvwOx5GhgFr787kKyWSBZML6cK89fqjJQ7jVR2urn5awd0UkE7pcDjZu7qKrO8ibOyfrszOy2TIvvTA87diWFi/nX9h73PyS+QiGPFxy2QCDh5Ps3xur17OITOZIxA9zttJO7yJ+gTBNk8HDSfaq0Wnb+weaicfz9VkyB/fHMU2Tdevb5t0Ww7CeY2Q4Ramo1V/jXIRbfWw5v2dRewhM0ySdLtLVFWLV6jBgBXznbekmmykxeDhBMlGUGTnLUEPOhIqihIBfA1uAV4BvAs3AfwceURTlc6qqfrl6rB04DzgIfH+Gh9vTiDYtpj17IkQjObSKQVe3/FEvR6ZpkkwWmRzPMjmRpVTSTnynWRi6STpdOmZmgNvtwDDMeeUuhMM+untDdHYF5/yhbLPZCATdBIJu+vqbAauwlM3GigggZtPWHuDyq1azb0+U4aHUDPv9bDm/p+G9MDabjdVnhenoCPDmzkkS1RU0Nc2oD7Uo53bQ1ODFr47OlwDrRLphUyc9vU2UShqvvDhCLmflehw6kMA0Yf3Zcw8qMukSu3ZOkDnqb3kuuntCbNzcuegzLXK5Mg6HnaZm77QkTL/fzYaNXRSLFUaG0/j8TikeuMw06qv1/40VTHwb+CtVVU0ARVHuBl4EvqAoyo9VVd0HnAP4gadVVb2nQc9/ysSiOQYPJYjF8nR3B6UYzjJimibJRIGJCSuIqI3Dz4XH68Rbvbg9ToqFCtlMedZhCmDaHPyZ2O02giE3oZCHYMhDR2egYR+AZ8oYstNp59yNnXR1B9m1Y7L+fnR2Bdm8pXtR///8ATcXXtLHyHCavWq0PmsmlSzywnND9PY1sf7sNtwN6KEs5Cu8/toY2Sn5El6vky0X9NDUZAUuHo+Tiy7p4+WXRuoJpIcPJsA0WX9O+3GDCl03OHggzuGDiVkLf9kdNlwuBy6XvXp95OfmFi/tHYFTMsyQShZpbvbSP9B8TLDY0xsiFg1TLGhMTmRlKuky06iA4oOACXy2FkwAqKo6oijKt4C/A94NfA14S3X36w167lPG+oYyQTSSIxh0L+oYopgb07RmQ0zWgojjnORbwj7rfasFDz5XPYCY7cSka0Y1GdIa0shmS2Sz5WOGSjxeZzVwOBJAnMqkxpUu3Orn8qtWMT5mrd7b3RM6Jb9bm81G/0Az7R1+1Dcj1fLhltGRNJMTWdaub6ue2BbWnlgsz46j8iXCYR/nnd99TF6I2+Pkokv6eeXF4XqtkMOHkhgmnKPMHFQkEwV27Zw4pqhYb18TA6tbcLscOF32ZZFvUyppVCoGoZCH/oGWY/bbbDbO3dhJMlkgny/LVNJlplEBxT8BzaqqJmfYVwu5Q9Xr86vXp11AsX9flEgkR7GkMdDVvNTNWXLlsm4lbCUKlMo6pjF15sD0S21frfu+qVoTYL45KMWiZpVPThdJp0qkU8VZhxxsNutE1NUVpKMrsKCkPYfTXq36OL17u1TSyGXL2GwQDHpwyZThRedw2OtDPqea1+viLRf0Eovl2fNmpD7soGkGe3ZHGBlOoZzbMa9FsWbLl1i1uoX157TPGqC43Q4uvKSfV14aqfdoDB1Ogmlyzrkd9aBC0wz2740yNDh9uMjrc7JhU9eiTfc8GelUkaYmD909Ibzemf9fXS4Hm7f0kMuVGZ7nVFLDsJKlTdO0Zj9JwN9QDQkoVFX9xkzbFUWxYeVRALxRva4FFBcqivI/gU1YQcczwN2qqi7LHIpkssDBA3GikRwdnYHTtpvNNK0Tu91um/c/U7GoWTMPEvNbz+FohUJl2lLHbreDpmYPoZDXCjKaPHi8TioVY3rwkC6ecBjDZoPWVj+d3UE6OoOLVkPA43FKMu4ZqK3Nz2VXrmJ4KMmBffF6MJvLlnnlpRE6u4KcrbTjm9J7aZompZJOrtq7latesrnytEqhU/MlTsTtdnDRxX288vJIPR9iaDCFaYKyoYN4LD8tobVmYFUL685uW5aLd+m61Rs4sKqFgWoy5mzCYR/rz26nXNIZH8+ccCppqaSRSVsJ0x6vE8MwKRQ0Ortk2LqRFvsT8S+BS4EDwBPVbbUhjy8Bj2Alc16MNWzyLkVRrlVV9cUTPbCiKDtn2bXupFo8A1032LVjglg0h8/vmlPhnOWiNkMgEc9bRZASBSplHbvdhtvjwON24vY4cLsduD1O69rtwONx4nDayaSLJOIFkonicfMJTka5rBON5KdVLHQ47HOu9GizQWubn67uIB0dQektEIvKbrexanWY7u4Q+/bGptXDmJzIEo3k6Otvtr4NV4OHEyXuHp0vMReualXQV18aqScMDw+lSCaL03IxAAIBNxs2d9LSsnyTyDPpEn6fy5qxNIe6PmvXtVWnkpZnnEpqGCb5XJlUqkilrBNq8tLX30xLi498ocLYaJqx0TTd3aGGrnh7Jlu0gEJRlD/CypnQgD9TVbWiKEoAGAUmgRtVVR2ccvwnsJI6/0VRlI2qqs49o26RHToYJzKZJZerMLBq8btca9McI5M5UskCDqcdn8+Fz++yrn0ufH7njBn+pmlSyFemVVCcKa/AMEyKBY1iYeGzH8D6ptQS9hEIunHYbdiOXjNiysVms6HrBpnqjIlMujTr7IvjBRMer5OmJg/NzV5CzV6amzwNmzYoxFy5PU42bu6if6AZdXekXqvBMKyqjnPV3hFg4+bOBQ3JuVzVoOLlUVIp6/mnBhM2G5y1ppU168LLulfVNK0y7J1dwTkvDjfbVNJKRa9/xrhcdpqavIRCHrq6QwysaiHc6iOZLPLayyOMjaUZGUnT0xs6YxKdF5PNPN5avwukKMpfAvdjJWp+WFXVf5vj/X4DXAlcqarq7xb43DvXr1+/8bHHHlvI3Y9hGCa/eHYfBw/ECbf6Fq3sq64bxGJ5IpM5opHcnOojuFxHAg2vz0WpaC0xfTJTJE/E63NaazmEfYTDvgUVfZqq1hVpBRhFMunStG5al9tBUzXXornZGhKRoQax3JimyfhYhr1qdNbEYLfHQTDoJhCw6pgEQm6CAXdDgmFN062gYkoBqlCTh42buk6LBQtz2TKJeJ6169p469vWzitBdHQkzauvDDMynMbjcVAqagSCnvrnRv9AM339zcfMsMpmS7z68ghjo9ZaTN09ITxT8jaikRxOp52LLuln3fr2hr3W08SCPtQb+slcrTGxDfgUVl7Eh1RVfWQeD/ECVkCxDlhQQNFoyUSBfL6CYZhzXv1wrkoljWgkR2QyRzyWn1eBGYBKxaBSObY+wkyCQXd9TYZQkwdNMyiXNMplnXJJp1TWKJf06m1re6Wi4/e7aQl760FEo2e2eDxOPB3OaQsxlcs6+VwZr9eJx+uUxCmx7NlsNnp6m+joDDJ4OEkmXcTrdRIIVoOHoHtRvwE7nQ4uuKiP3W9Okq4uVLhq9ewLqy03qVSRpmZrSGK+s01qU0nLJR1NM+jqCtHRGaR/VTMdHbPnSASDHi65bBWvvjyC05libCxNZ2fwtBrSXm4aWSnTDfwbVqXMOPAeVVV/fdQxbcC5QGSW5MvaWaUww74lEY3myOfLJ/1NvMY0TUZH0oyOpKd9mziazWYlHrVVT7SFQoVCvkKhUKFYOHF1u0CwuiZD2FqXYcbkxGW6yI6Vx7F8x3qFmI3TaWftulO/eFftuTef170kz30yyiWr3H2ot4n+VcdOFT2R2lRSm83q0ezvb5nzlz+v18kll/Xz+qsOa5n0iSxtbeZp0auzHDWqUqYD+DFwI1YFzHepqqrOcOhW4GHgMWBaee1q78ZVWMMkJ0zKPFVi0RyFfKUhf2D5fIVdOyZIJmaOlxxOO+3tfjo6g7S1+2f9RmOaJuWSTqFQIZ+vUCxYgYbDYa8HEY0otiOEEIstlSoSavLS1R2aNjtmPmpTSRei1rvj9jhwOGyMjWYavnLvmaJRZ507sYKJQeCtqqqOzHLcE0AKazbHdaqqPj1l393ARuCRqcmaS6lW86BY1E6qeIppmowMpdi7J4p+1FLVHq+Tjs4AHR0Bwq3+OXVR2mw2PNXhgNp6D0IIcbqpLaLXv6qZVQvonWgUu93G5vO68Xqc2O12xkbTaLpBWD5f5+WkAwpFUVqBz1Zvvgp8XFGUmQ79L1VVf6Yoyl8APwQeVxTlEWAIK2/icmA31lTTZSEey1EoVHC7HQueVlQoVHhzxwTx+PReic6uIGvWthIMuSVHQAhxRspkSvj8LsJh/5Iv9mWz2Thb6cDjtSrnjo+lT3wnMU0jeijeypHch/dULzP5EvAzVVV/pCjKINbKpNdW7zsIfAX4sqqqy+ZdjEZy5PMVfP75d8OZpsnocJo9U9YAAGtmhrLBWptAAgkhxJnKmipaoqMjMOepoqfCqtVhPF4nb7xmp1ioYF8m7TodnHRAoarqT5jnFBNVVZ/DGiJZtgzDrBZNqdDZGTjxHaYoFiu8uWOSWCw/bXtHZ4BzN3bKtEchxBkvn69gs0FTk3dO1UFPpa6uEJdc5mR0JE33MmvbciZntlmk00XyuTKGbkybm3w8pmkyNpphz+7ItKQep9OOsqHjlC1oJIQQy106Za0q2tvftCxLgbe0+JZ1ZdHlSAKKWcSiR4Y75hIEVCo6O7dPTFujAqCt3c/GTV1zDkqEEGKlK5d1ikWN7u4mBpYwGVM0lpzlVb6g7wAAIABJREFUZhGN5ikUKvgDJ86fME2THa+PTxvicDjtKOd20NMrvRJCCDFVOlWkKeShsyuI3y+FpFYKCShmUC7rpBIFCvkK7R0nXuL34P74tGCirc3Phk2dDa8qKYQQpzNNM4hFcxSLGr19TaxaLb0TK4kEFDOoTRd1uuwzLsA1VSya48D+eP12R2eALef3SK+EEEJUmaZJNlMmFs0TDLlZtbqFdevbaW078Rc2cfqQgGIG0ag1u8N/gumixWKFHW9M1G/7fC42be6SYEKIZaBYqOB02mUl2iVWqehEJnPoukF3T4jOriAbN3XR1Dz3pdrF6UECiqOYplktt12mtX326aKGYbL99XEqFWtlQbvdxpbze+TDS4hlIJ0qkogXME2TcKufpmaPBPqnmGmapJJFkokCTc1e2toDnH12O6vOOn0WLRPzIwHFUbKZErlcmUrFwHucmRl790SnLe6lbOiQBWWEmKK25ozdYcPptJ+yE3qxUCEey9Pb1wzA5ESWXK5MR2dgUVf8FEeUShqRyRw2G/T2NdPdE2Ljpi5ZyXOFk4DiKNFonkK+gs/nnDWKnhjPMHQ4Wb/d29dEX3/zqWqiEMuSaZpUKkZ9VdxCoYLDbsMwTGx2G16vE6/XhdfnxO12LEqAoWk6E+NZOjqDrFrdQrjVj7p7kmgkx8hQmtZ2H6GQ9FYsFsMwSSQKZFJFwq1+2tr9KOd20tvXJL/zM4AEFEeJ1ZcrnzmSzuXK7Nox+f+zd+dBkm15Yd+/596b+1qVtXf1/t7L7rfPCoM8M0ICITQMsoEAQxiJMEiBJBssoUCA0ICRkC0pLAYQxjYBEUTILJI1NsYeSdYMjGBg0JsZYObNe/3u636vX++1L7ln3uX4j3MzK6u7qrqqMmvr+n0iKnKtzJtZWXl/95zf+f16l7O5OOWr44e1eUIcK4Efmq63TY9mw0OHmlQ6RjodZ2wsQyoVw/dD2m2fVssEGWtrTXSoSSQdkqkYqaRDPLF9AL9bYaiZn6uRyyfMEfHzUziORamU5rWvzDH3oMrCQo16rcP4RPZYFlM6yTwv4MH9KrGYxezZIrNnC5SvSmXg00T+0n18P2BlxSwXHR19NPs4CEK+/KcPer05bMfixZemsW35YhLHU6vlsbJsGtOlUjFSaYdEwtn30WIQhLRaPq2mR7Pp43UCkkmHVDpGYSpJMhVjZCRFqZRmdCxDLpcwc+lRTsPaapP1tSatlk+z6dFq+SxW6/heSCrlMDaReezKqq10c58sSzE5meOld830AoZ0Js573neW27dWuf7mEkuLNe7eXmdsPE0mK835hsHzAu7fq1AomDbkV5+dHKhDsziZJKDos7LSNM1gbItYfPOXmtaaN15foF7r9K577nmZExTHU39CXGksg1KKZtNjYa5GGGozMpCKkUrHiMW2zm/QWuNFFQ1bLZ92y8f3Q+IJm2QyRqmUJpl0TMJdKcNoyXSMfDTAVoyOpntBehhqqtU2a6smwFhdbdJseqyvNrl3p8LkVHbPNVwqlTbNps/s2QIvvjz9SLEky1JcuDjK2FiGr7w6x8J8tZdbMTaW2Xc3YbE5mDgzW+A97zu7Y/6ZeHLJX73P8qKZ7thquej9uxUe3K/2Lp+7UJQIXBxLvh+yuFAjCDRnZgucPWdyCZaXG6wuN2g0O708h9WVBspSveDCthXtvgBCKZP7kEg65PNJEkmHbDZOsZhitJRmtJTe85C2ZSkKhSSFQpLzF0aiGgVtXv2ymZaYe1BldCxNPr+7ZYWtpsdqlIR55coEpR1WZ2VzCd7/1ee4+fYKieQSS4t17txZZ3w8QyYrBwd7JcGE6Cd/+YjWmqWlOs2GR3F0c0OYSqWF+8Zi73KxmOSpp8cOexPFE0ZrTRBoOm2fdicwp+0g6sCYIJdPYFl7O3JuNDosztfJZuOMz2a5cnWSM7MmIe7suaIZHai0WFlumABjtUm75dFoeNSqbYJAk0w65HIJxsezJJIOhUKS4kiKQjFJsZB6ZPRuUEopcvkk7//qc7z26hzxuMXcgyqddkBpLL3jlMTDSZjnL4489vksS3H5qRLj42a0YnGhxsJ8Dd8PKRSlNsJuSTAhHiZ//Uij4VGrdeh0AlJ9w62eF/Dqnz4gDDUA8bjNCy9NyzpqsSfdFRAmaPDpdALa7QAdauIJm0TcIZWKUSymCEMzXbG60iKXj1MoJh+bV6C1ZmXFZNePT2aZmsrxwkvTZLOblzJblqJQTFEoprh4uUQQhKytNnsBhu+HZvSgmKRYTJHNJQ7ts+44Fi++PE0un8B2bObnqjy4X2FyMrfllEQYauYfbE7C3Es+RL6Q5Ks+cI433UUcx+L+vQpaa4oj0mHycSSYEFuRT0CkW8wqkdycbf7G6ws0m37v8vMvTknn0IdordFao5Q61gluQRASBJowCAlDTRBqwkAThtH1YfcnxFKKTC5BJhMfaIfabvtUK21q1TZKqV7wkMslGRuzicVtstkEuVz0k0/QaHjcfmeV1TWTwHjn1jqZrAkstppe8LyAhfkaSilmzxW5eHGUZ66M7ypZ2LYtSmMZU3Ro369yeJRSXLpcIptL8OqXHjA/V+Xu3XWmpnObXnt3RNGyH03C3AvbtrhydaJXn+L+/Qpaw8ioBBXbkWBCbEc+BZGlqF15f/5Ep2OGU7suP1068bXntdbU6x10SNSrxNpT0aEw1HheQKcd9I60O22/V2sgHjM7yVjcJhaziMdsnJh9JCM6m1ckeHidEMtWWJbCtqyN87bCti1iMXPeshS+r6mut1lebJDOxsjlEiSTu1sdEYYhtWqHSqWN74fkcgnOzBZIpmJko8Ahnzen2VzikR1/CZg9W2Bxsc7td1ZZXKixvt7iwb0K8YRDoZgknY6hlKJWa7O02KBQSDA+keW556eYnMod0Dt6eCYmsnzVB87xpT++z9xclQf3qoyNp8nmzIhLpdKmtUMS5l4opXjq6bFeQHz/3npUYTN1rAPko7ApmDgjwYTYTD4JmB3P6rIpaFXsm0NdWqz3zsfjNhd2MT97nHU6AYsLNbQ2w8u+H+J7AWGosR2LWNQMzfQ/6DZGM9UOzRC9WSboOBbxhEMiYVMoJIknbGKOje+HJtjoBHheQKvh0fECAj/EiVnEYjbxuE08bn43NuTiRmGoe8FDs2mCnUTCJpWKUSplSCYd4nHHvM6YTSxmXmssZve2r/se1OttHtyrsF5pUau2WZyvgaIXEDxccVFrTbvlU6m2qVc7JFMOIyNmymByMsuZ2QIjo+ldB1ZKKSYmskxMZFlfb3Hr5gpzD6pUKi1WlhqsKPOZbLV8pqayTE3neeGl6U3TdSddNpvg/R84x6tffkAsbjP/oEq77ZPOxHedhLkXl58qYVsKFDyIpj9GSzvncJwmnhfwoD+YeL8EE2Iz+TQAa9GyNRSbEs76A4rxicyhfrF0E/YCPzRH/gMkwmmtqay3WV1pUCymKI1nKBZTUR0ALwosQnw/wPNCfN9UO/S9NoAZpk845POJKJBwNg3RZ7MJ0pkYraZPvd6hUe9Q7/14dDomEOkGG/V6h5VlM6rRfexE0jzudksY+19LGJr3xfdD/MBse7Pp0W4HxOMmgBgdTZFMxchlE4yMphktpRgZ3cuKhByXLpdYW21y/16F+bkq1VqbWqXN3dvrJJI22VyCVCpGo25GI8JQk8slOHuuSKFohoNnZvLEByzsUygkefHlGZ4ue9y+tcq9O+usV1o0Gx5nzxa5/PQYl58qPZF5PbGYzcvvOkMum8BxLObnqqyvtZmc2n0S5l5cuDSKshSK7vRH47GJoSeR1ppG3aPd9s0InWPh2Ba2Y2Hb1iOfpW4wkc9LMCG2J58INqY7UtEwMphRi+Wl/oBiuEtEfS+Ijt41fhD2dpBBtJPsBhKObREEIYmkQ7GYIpnaW1Ei3wtYWKgTBiEzZ/JMzxR49vnJ3pGs1pp2O+gd2fcKDkXndajNUXnfEP12Q//ZnN0bku7SWveCiHqt09v5VistWlGCYrvlU6u2WVlqEGptAoyEje1YG+9LEOL7JpDQ6N6Xn2Ob0YbiSIpUMkYmG2d0NN0LIpLJ/R+xK6UYiR7ryrMTLMzXuH+vwtJSnVrV5EUsLdZJp+OUSmlyuQST06YMe7GYHPpOKJWKUb4ywaXLJe7dXWdlpcH58yNDO0I/rixL8XTZ9Mr5yqtzVCvtfSVh7tb5vuZVD+5XWFqsMzZ+uAcUBykIQpYW67TbAdlsnE47wG94vf+1MNRmKjCaDrVti2bTo5CPciYkmBDbkE8FsBy1K88XNnaGqytNgsCs7LBtNbQkLd8PWFlu0qh7xOLmn7Wbx5BIOL3ztmNhWxbxhE275bO+3mJhoYbjWBSLKdKZ2GOP5GvVDstLDfKFBGPjGZ4pj3P2XHHT73XrDCSTzoFktyulogDB2VR9NAw1jUaHynqbSqVFZb1FtdruBRhmeiXEcUyNBKfvy82OCo8lEk6vRkKxmGJkNDXQXPpObNtieibP9EyeZtNj7n6F+/cr1GqdXnLa1HTuUJpPxWI2Fy6OcuHi6IE/13EyNZ0nk00wP1dl9mzhQEtnnz1XxLKinIr7FRYX64w/AUFFo95hcaFOOhPn7LkcZ2YLhEHY938XbBzg9B3opNMxJidzEkyIHZ36T0az6VGptGi3fFJTG6MQiwsbyZijpfTA5bXDUJuyw+stMyx+vkihkNy0U+zueLvn43GTzNhodLh1c5W7d9eprLdYWWmwskK0rO/R0sG+b45AvE7A1EyOyakcz78wReYYVfW0LEU2a6ZLZs7kAfMe1esdKusmwPC8oPdeJB96f46y3HkqFePi5RIXLo3i+6F0sDxE3am2w3BmtmBGKpQZqVhcqB/61OewhKEpTd6oe4xPZJiYzPHcC1MUCpvrbmite71XugFGu+2D1szMFqQvh9jRqf90LEfFrOIJu7eT0lqzuDCc6Q6tTZnh1eUmiaTD7GyBicksT5fHKRZ3NyKQTse5+twkl54qcfvWGndurbK+bsoqr0R5EaYIksn6X15skMnGmZrO8fQz45uGcI8zy1K9HcZJ6N6qlJJg4gk3PZOPVn/Ag3umXPfEZPZEBRWtlsfCfJ143Gb2XJFLl0Z56pmxLYPy7mc6FrMfqWEixOOc+oBiKZru6F8uWllv0+kEACgFY+P7m6Nu1DssLzdMxv5UllIpw9PlMSYm9veFlEg4PP3MGBcujnD3zjq3b6329UNokEg4dDoBE5NZJiZzPP/i1KEdzQnxpJqazmFZsyjucf9+5dCDCt8Pabd8PC/oTfXtZrpHa83qSpPKepvSWDpaVjz5xOfciKNzqgOKMNSsLDdoNjpM9K3dX1zcmO4oFFN7XmHRbvusLDfodAJKpTQjI2kuPVXqzcsOKhazuXhplHPni9y/V+HWzRVWV5s0Gh2mpnJcfnqMS5efzKx/IY7CxGSWd733DHwR7t87uKAiDE0p9laUR9Rq+YSBafUei9m9lRmWrUjEbeJ9U4H9QUan47Mwb7qvzp4tcPZ8cVMBLyEOwqkOKNbXWzQbnWhlwcY/2ubpjt1H80EQsrLcoF4z9SymZ/KcvzDCpUulofc/AJMoePZckTOzBebnqiwv1Zk9V9z1VIoQYvfGx7O86z1ngOEFFYEf0mh4veCh0w6IxS2SCVOKfWQkRTzukMsnSKfjNBodqlUzgtpNXl5bbdJpBybIiAKLWrVDcSTJ+HiWq89NMjV98oudiePvVAcUy93loqmNFRONRmdTi/LdBhRhqJm7XyUWszl7rsDMmQJPPzN2KO3NLUv1ViAIIQ7O+HiWd737DOjBg4patc3SUoNklGhcKqVJJE0gYfqppCgUkuQLiU29XIIgpFrZWB1ViUq7d4vPddp+tEQ8z3MvTA60dFqIvTjVAcVS1K68P/mof3Qik43vahmi1pqFebOk88xsgZffc4YRaTAkxBNpfCLLy72RivU9BxVhGLK02KDV9JiayjE2nqE0lqZQMB1dH1fi3bYtiiOpTcu8fT+kWomCi1qbYjHFzJn8iUoeFSffqQ0oOm2f9bUmraa/aRXHXqc7tNYsLzUIgpDZs0UJJoQ4BSYmsrz87jNoTFCx2yWlZsVFjUTCYfZckaeGlO/kOFavCJsQR+XUBhS1umlV3q0GB6bXxdpqs3ef8fHHLxddX2/RaHicmS3wwovTEkwIcUpMTGZ5+d0zgOb+vZ3rVGitWVttsb7eolQyKy5eeEm+L8ST5dQGFF39//ubmoEl7E2VM7dSq7VZX20xcybP1WcnJPFJiFNmcjLHy+/aSNTcKqjotpcHODOb5+zZIlefm5QVF+KJc+oDin6bmoE9psxuq+mxtNBgajrHpadKnL9wsjuRCiH2Z3Iqx0svbyRq9pfpNv1eTPn78YksV5+dZHomJ7kN4okkAUVkL83AOp2A+bka4xMZzp4vUr4yIV8QQpxiZnRyJsqpMA3FtDal/aems0xO53nhxakD6zUjxHEgAUVkt83AAj9k7kGV4ojJon7hxWkpICWEYGo6z0vmK4T79yrEYqZOzLASL4U47iSgiOymGVgYaubmqqTTMaanc7z87jMH2vFQCHGydGvBWEqRTMV44cUpWXkhTg0JKNhdM7BurQnbtpiezvOu98xK5z0hxCOmZ/KMltI4jnWkXXGFOGzyaWdzMzDYuhlYt9bE1HSOl989QyYrc6FCiK0lEo4EE+LUkU88m5uBFUcebQa2vtaiUTeNt158aVqGMIUQQoiHSEDBztUxw1CzstJgaibPlWcnmZqWfhlCCCHEw059QNHpBDs2A2s1PWIxm1wuwYWLUmtCCCGE2MqpDyhq1Xbv/FbNwOr1DplMjPGJwdoUCyGEEE+yoS1TKJfLWeDHgG8BLgAd4E+Aj7uu+38+dN8S8DHgo8A0cAv4FeCfu67rD2ubdqPWPzrxUDKm1ppGw3QE3G0bcyGEEOI0GsoIRblczgF/APwoUAf+Z+BfAy8BnyiXyz/ad98i8B+B/xb4Y+BngQbwT4DfGMb27JbnBTQbXu/yw8tFuys/0pk4o5KIKYQQQmxrWFMefw94EfhfgPe6rvt3XNf9XuA54AHwD8vl8lPRfT8WXf+3XNf9Ntd1fwR4H/AJ4FvL5fK3DGmbHmtludE7v1UzsHq9QyYdpzSWkSVgQgghxA6GtZf8DkADP+q6ru5e6bruPeAXARv4S+VyOQX8deAO8L/23S8A/m508fuHtE2PtdwXUGzVDKxR90hnYkzIdIcQQgixo2EFFB8Hftx13bUtbutmPeaA9wMZ4DOu64b9d3Jd9yZwE/hQuVw+8L6+vh+wutLsXX54usP3ArxOQCodZ2xMAgohhBBiJ0NJynRd9xe2ur5cLivgW6OLXwaeic7f2Oah3gYuRj/b3Wcobt1cJQy3bwZWb3ik0jFGRlLEpcS2EEIIsaOD3lP+DcyoxNvAvwN+KLp+ZZv7r0enxcc9cLlcfm2bmy7vZsOuv7nUO79VM7BGvUM2m9ixjbkQQgghjAPLNCyXy98O/BzgA3/VdV0P6BZ5aG/za93rkwe1XWCqX/YHFA8HDWEY0mr6pDNxWS4qhBBC7MKBjFCUy+W/AfwLTKLmX3Fd97PRTd2khe06a3WXWdS2ub3Hdd3ntnnu14Bnd/rdhfnapuqYDzcDazQ8EglTHTOTkSZgQgghxOMMNaAol8sW8M+Av4MZbfgu13U/0XeX7lTHdlMaheh0fZvbhyKZMp0AgyAkm40/0gzMrO4woxNSHVMIIYR4vGFWyowDv46plLkC/OW+kYmuN6LT7fIcLmMKY90e1nZtpVhM8V99z7v57O/d5OF4wVTH7FAcKUj+hBBCCLFLw6qUaWMqY34LZunn12wRTAB8EagCfzYazeh/jEuYkt2fi+pSHKjpmTwzM/lHkjHbLR/bsshk4hSLqW1+WwghhBD9hpWU+SPAN2NGFj7ouq671Z1c120Bv4ZZFvoD3eujgOSfRRe3XIJ6WOr1DulMjLHxDJYl0x1CCCHEbgw85VEul0cxPTzANAP7a+Vyeau7/p7rur8D/DjwDcDPlMvlPwe8Dnw98G7gXwG/Neg2DaJR9xibyDzSKEwIIYQQ2xtGDsUHMdUvAf5y9LOVnwZ+x3XdpXK5/DXAPwS+CRNM3AR+GPjZ/tLdh63TCQiCkFTK9O8QQgghxO4MHFC4rvtbwJ7mBlzXfQB836DPPWyNeod0Jk6plCYWO/Dq30IIIcQTQ1po9mk0OqTTUsxKCCGE2CsJKCJBENJuBaQzMVkuKoQQQuyRBBSRRsMjmXQoFJKkUrGj3hwhhBDiRJGAItLNn5DRCSGEEGLvJKCgWx3TI5OJy3JRIYQQYh8koACaTY+YY5HJxskXDrTRqRBCCPFEkoCCjWZgY+PSDEwIIYTYDwkoMOW2M5I/IYQQQuzbqQ8oPC8EDel0jFIpfdSbI4QQQpxIpz6g0FqTzsQYHcs80nlUCCGEELsje1Awy0XHZbpDCCGE2K9TH1BYSpFOxaTcthBCCDGAUx9QpNIxiqNpEolhNF4VQgghTqdTH1Ck01LMSgghhBjUqQ8oMtIMTAghhBjYqR3nt22LeNwmk4mTzcaPenOEEEKIE+3UBhT5fILnX5wmn09IdUwhhBBiQKc2oFBKcWa2cNSbIYQQQjwRTn0OhRBCCCEGJwGFEEIIIQYmAYUQQgghBiYBhRBCCCEGJgGFEEIIIQYmAYUQQgghBiYBhRBCCCEGJgGFEEIIIQYmAYUQQgghBiYBhRBCCCEGJgGFEEIIIQYmAYUQQgghBiYBhRBCCCEGJgGFEEIIIQYmAYUQQgghBiYBhRBCCCEGJgGFEEIIIQYmAYUQQgghBiYBhRBCCCEGJgGFEEIIIQYmAYUQQgghBiYBhRBCCCEGJgGFEEIIIQbmHMSDlsvl3wT+jOu6s1vc9hvAd2zzq6+5rvv8QWyTEEIIIQ7O0AOKcrn8MeDbgXvb3OVlYBX4uS1uWxj29gghhBDi4A0toCiXy0ng54Hv2+E+aeBp4FOu6/7ksJ5bCCGEEEdrKDkU5XL5o8A1TDDxyR3u+kL0nF8axvMKIYQQ4ngYVlLm9wI54G8C37TD/V6OTiWgEEIIIZ4gw5ry+Djw3a7rVgHK5fJ29+sGFOfL5fLvRpcV8Fngv3dd9/O7fcJyufzaNjdd3u1jCCGEEGI4hjJC4bruZ7rBxGO8FJ1+DJOA+UvAHwB/CfhsuVzeaXRDCCGEEMfUgSwb3UEDuAF8m+u6vWmPcrn8jcD/A/xquVy+6Lpu5XEP5Lruc1tdH41cPDuk7RVCCCHELhxqQOG67tdtc/2/jepTfBfwEeDXD3O7hBBCCDGY41Qp85XoVHIghBBCiBPm0EYoyuVyDngOaPZPd/TJRKfNw9omIYQQQgzHYU55XAU+B7wGbFVe+0PR6Stb3CaEEEKIY+wwpzy+ALwFPFcul//r/hvK5fL3AN8AfBGzhFQIIYQQJ8ihjVC4rhtGgcO/B365XC5/K/A6phbF1wFzwHe5rqsPa5uEEEIIMRyHmpTpuu5ngfcCvxGd/iBQBn4ReJfrum8e5vYIIYQQYjgOZITCdV21w23XgO88iOcVQgghxNE4TstGhRBCCHFCSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBSUAhhBBCiIFJQCGEEEKIgUlAIYQQQoiBOQfxoOVy+TeBP+O67uwWt2WAHwa+EzgLzAG/AfxD13UbB7E9QgghhDhYQx+hKJfLHwO+fZvb4sBvAx8DbgIfB24BPwJ8qlwuJ4a9PUIIIYQ4eEMboSiXy0ng54Hv2+Fu3w98LfBPXdf9e32/+3HgB4G/BfzzYW2TEEIIIQ7HUEYoyuXyR4FrmGDikzvc9QeBNvCPHrr+x4EGJuAQQogTTXsBOtRHvRlCHKphTXl8L5AD/ibwTVvdoVwunwcuAa+4rlvtv8113Rrwn4Cny+XyI3kXQghxUgSLNeq/8gr1X3mF1qeu47+zgvbDo94sIQ7csKY8Pg58dzdQKJfLW93nmej0xjaP8TZmOuQKcHdI2yWEEIdG+yHtT13Hu76ErrbxbyxhfTGNNZLCuTCCc6mEfW4EFbePelOFGLqhBBSu635mF3crRacr29y+Hp0Wd/Oc5XL5tW1uuryb3xdCiGHrfOEO3s0V9GoT++Io4XoL//oiKGWCi9F7qGIK5/wIzqVRnAujqMSBLLYT4tAd5ic5Hp22t7m9e33yELZFCCGGKlio0fn8HYKbK9jnR7CKKaxiCn2uiK53CFea+G8tg9YEby3T+RNze6w8TuLPXkbZUhZInGyHGVA0o9P4Nrd3l4zWdvNgrus+t9X10cjFs3vbNCGE2D/th7Q/fR3/1ioqG8caTfduU0qhsgmsbAJ9toBueOjVJsGtVfy3ltC1Nva5EWJPjx3hKxBicIcZEnenOrab0ihEp+vb3C6EEMdS5/N38N5eJlxtYp8b2fZ+SimsTBx7tkDshWnssSzBfA3/2vwhbq0QB+MwA4o3otPtchy6179+CNsihBBDESzU6HzhDsE7qzjnR1Cx3SdcWuNZwpUG/s0VwvXWAW6lEAfv0AIK13XvYVZ4fFW3eT8gAAAgAElEQVRUfrunXC5ngfcDN1zXlVBdCHEi7DTVsRsq6aCyccKVBp6MUogT7rCzgH4ZSPNoYat/FF3/C4e8PUIIsW+7nerYiT2eJVis4V9bkGJY4kQ77PVKPwN8G/Dflcvll4E/Aj4AfBj4feAXD3l7hBBiX4L5Kp3P397XVEc/VUyhb60SLNYIbq/iXBgd8pYKcTgOdYTCdd028Ocw/TouA38bOAP8Y+Aj0e1CCHGsaT+k9enr+LfWzAqOPU519FOWwiplCBfreK/JtIc4uQ5khMJ1XbXDbRXgh6IfIYQ4cTqv3Ma/uYJea+I8PzXw49njGbxr8yY5s97Bymy3ul6I40sqqQghxB4Ec9Xeqg77wv6nOvqpVAyVihEu1/GvLQxhK4U4fBJQCCHELj0y1TGy/6mOh1njWYLFOt61ebSW5Exx8khAIYQQu9R55bbpHrrWxD6/q7ZDu2aNpNCNDsF8leCu1PcTJ48EFEIcI9oP0V4w1Mfzb68SPKgM9XFPG90J8F6bM1MdN1ewL4yinOF2DFW2hTWaJlys478uyZni5JE2d+LE0l5AcG+dYL6GStiodByVjmFFpyQclNo2P/jIaS8gXG4QLtYIFmqEi3WC5ToAztmiaXV9cXTPCXo6CAnurOPfWMR/e4VwtQmWQqVj2ONZrMks9mQOezKLKqYO9D3SWh/rv8FOtNYE9yv41xbw31oiWG4QPqigckmskdSBPKc1niV4cxHvxhKJD11CpWIH8jxCHAQJKMSJEtY7pqnSzRX8O2vo9RZhtWU6NcZsVKx7aqMcqxdk9IKN0TT2bAFrNH2oOzrtBYRLdYLFOuFCjXCpRrDcQDc9dL2DbnQI6x660QHAf2sZ60v3sYop7Jk8zqUSzsVRrOLWOzIdaoJ76/jXl/DfXiZcaZhgZbUBoQZtdpBWJo7KxFHZBCoTx8omsCezWFGAYY1nzfu1j/dGB6F53oXaxutcaaAycexzRZzzI9gzBVR8uEf2wxauNfHcRXx3wQR6S3XC5QYohTWWxprMHdhzW5k4Qdw2lTPdBeIvnzmw5xJi2CSgEMea1ppwuUHwzgr+zRWCBxXCSptwrYlea4JSqFwCrc1OGy8wp34IjmUCi5gNseh8Jo7KJ7HzSewzBexZ86MKyaEFGLrTDR5qhIvRyMNKw3SZbHRMK+t6B93wwFJmRCUTx57IojJx0JpwtUnwoIr/9grWW8t4X5kzwcVkFvtSCedSCauUJrxfwbuxRHBjmWClYXboKw3wQ9RoGvtiCZWNRjg6AbrWJqx3CO9X0I0OKm73AgwrEzerDbrXZRJYuSj4yCawst3zcVTcMc/VN7oSLtcJG1GAFAVJuuFBwsF6fR6rkETlkzhn8tjnR3DOjaBGDnaEZLd028e/sYT3xiLB3TXClQbBUh3d8LBKaexL5n08jG21xrOECzW81+eJvTRzLN4fIXZDAgpx7OhOQHC/YkYi3lkxO+O1JuFak3C9hUrHsQpJrGfGzQ5wiy9cHeqN4MILe8FGsFhH31zFT9iofAIrl8TKJ8zO+kyh92MVko/fTm2eI1ysEyzVoyPzGuFKE93soOtm5xpGO1ZlqWhHHceeypngIWZvuf32dAx7Oo/u+Ca4WKyboCqbwLq2gCqmsNJxwmqLcKVJuFJHdwIzAnN+BJVLPPq4CQeVcLBKmd57pJseutZG1zv4CzV0ywdbmaAi7kDcjs7bEHc2zlsWuuWZIKk3wmJGV1Q6jpWJm9GOVAzd8gnXm/hvLaPDEP96EquQQhWS2NH2OueKJrCLH+5XUrjeovOFO3hvLpoAaamOXmuhsgkT4BVTZvTrEFmlNP6dNYK5KuFcFXs6f6jPL8R+SUAhjpwONWGU2d79ItXVFuF6i3CtCU0flU+giili50d3NWSuLNXbgfazo+fT9Ta60iZYqBG8vQxJBytvjqCtXGJj7loD3SV8Wvcu91b16Win3DABRBiNQCjHMsFDOo49lTfn9zHUr+JOlO+QM9Mm6y3C1Qb69irEbLQXYo2ksM8WUbmked27fewowKEvR6MXiHUC6PjojgnKdN0zQVnHR3shKExeRiaOlTbBg30+DolHAySVipkVDFpDyydcb5lckVsr+MkY1rV5E2DkEtjjGeypPNZMzpzmEnt+z3YjrLZNIPGVOYJ5s+PGtrDGMthnR450WkbZFipKzvRem5eAQpwYElCIQ6e1Rq818e+sE9xdI7i7TlhpoSstM51RMTkRqpDEni6YYGKIR4nKUqhcEnJJE2AEoTnKrrTNyEijA45lggdAo3vn6Qskupd7UylpM6qgMvGhFDt6ZLtjNvZYBsYyZptbvhmh2UMQ8djn2BSIbb0z16GGIJpS2sNwvFIKUjHsVAx7KmdeQ7VNuN4yVSe9YNO0ipWNRo6mcljTeezpHFYpM9DrDWttOl+8awKJuSrh/YoJ+i6PHdqUxm5YYxmCt5dNcuYHLz4SGAtxHMmnVJgdfMMzeQmrTcLVaHphzawOiD0zjnNlYqCjxV7S4JuLBHfWCFabvVEIXWmjg7A3QhCbLRzqCg1lW6h8EvJJbAroIITeEktljsajs5sugzlKP+QhcYi2+YjKMytLgTWE6pC2ZaZuokRT3fHRtQ5htU14d52g6UEyhsqZ4ELlEliZBPZUFmsi10sm3c0qmLDewfvje3RefUA4VyG4X4FkDPupsQMbBRmEysbBUoRLdfzrS8SGUN5biIMmAcUpokONXm+aOffVJuFaw5yuNs2wfds3py3fzI83zXy6f30R63O3cC6M4FydxLk4inIevxPVWpsvxDcX8d9cIlium4z5tRa0PcgkTC7ERG7fKwsOgrItOIIg4bRTcQc16vQabfVGjqptwqUG4TurKFttjGBEU0pWIWlWqUxES2LHs70j+rDRwfuTe3S+PLcRSMRt7EslrPzj82SOilLKJGcu1fFemzvxAYVueWbZ7VLdJPAu1QGNfW7EJBhPZo/N/7/YPwkonkA61Gb6oC/rP1yJgodWFDQ0PegFDh54oUnAS8Ug6Zi19uMOdAKCpTr+rTX826vYr89jjWeIPTOBc3XCDME/JKy08N9cwntzgWC+ZrL/lxvotm+SBs8WzfCy7LTFDvpHjiBKgm16hDWTp+IvNaDlmc9rJo6ViVagpMzyYGs0TXBrlaAbSDi2KUiV3yJh9RiySmn8e+v49ysEizXs8exRb9Jjaa3RlbZZ5bQUrfxZqpuRyN4SaZNrhFJYI/MmB2gkjX1p1NRemcnLd8MJJQHFY4SNDp3P3SJ4UDWj3ZYCpXpJafQuK5SFSezKJVHFpDlyKiRNstwujughCgaqbcKqmQoIKy10249u7L+jfvQ6P9gYcWh5hM0oC7+58UMIKuWYufekg5XLopKOGVreZm7aGsuYx1tq4N9YhmgJp/3FO9hnCsSuTmKfKxLcWcNzzZRGuNokXK6jax2TCzETLc0c4ny/OF2UUpCOY6f7kkiD0CTE1jrmfyWqCNpdaRKut8BW2OdGhro0+DComI0qJs0oxevz2B8+3gFFuN6i+X+/trF8OFrdpBsdk+8T2yg+Z0/lIQxNzY+76/hJB+v6ItZICquYNqOhl0rm4OOY1y0RGySg2IbWGv/NRdq/f5Pg9irBoqlg2AsmiL7gevPrG0GGijvRTtokt6mEg5Uzw/uqkDKBRj5psuerJmgIK210tYWudcxccjswUxBt39RUMFu16eSRbQ5NFr1ueuggRCVNB0OVjpks+lRsyyz83VDJmCkIdSZvikkt1vHureO/s4rnLmLlk+Z1LJtld2TiZv3+5bFdB1NC7JWyrV6CbZdZldJBNz3sc8UTF0j0s8ayZvm0u4j+mgsHkuw7DDrUtD71Jt7r8wQPKtH3jlkibY1nUKn4lt8DVimzMaK62sR7YxFlK/wbS1gjd1GFJM7ZIlYuab5Pu9+p3dNUzExvJRw5WDkGJKDYQlht0/7MW3juAv7NFQg09mzBjEbAxlJCHV3ou6xDDR2zNE4v+GZdv9YP/SOYaQWC0CzPa/lREGECCbQ2QUnCMQFA70vkoX8YtfmMUpgvz9TBlZ1WSvUS6XrVH++s4bd9VDJmgoizxUOvJyBElzmyT8E2VUVPEpVPgNYEy3X8G0vErk4+ch+tNXq9RTBXNYXfFmqoVAz7rKntYY1lDjyg8v74Hv71JcL5GrEXpve0KkVZfd8pWpvia6umbgla419fMt+BjmWCkuhH2dGpY5sDuaRD/N1niL979gBfqdiJfOv30Vrjf2WO9h/ewr+9SviggjWVx5rK7Tv61VqDb5b46bYPbZ+w2kYv1c0/QcJBJWysTHpjuV5sb8vxjoqK2djT5v0h0DISIcSQ9ZIzF+t4ry8QuzppSpwv1QkeVAgeVAkfVMzoYC1KYK2bCqhWPmGqwhZSpiJsN8AYcjJqsFij/bl38N9exjpXHGiJq1JmSbeVS6LPFs1oa6VtvkPbProRov3QjNr60fkgNBVn80lUOiYBxRGSgCISrjVp/c4N/BtLZlRCKZyrkwM351FK9XpLcAyXpw2DUgqc4x8ACXESWWMZ/FcfENxZpfFvXjXl3GttcyQfBRG0fUjHsXKmwqfuBGY11601/LiN9UbSVIbNJ3uJ0U4UZAwSAGgvoPUf3sS/tWryVkrpob1upRQqHYf0zsuCu6vXgvuVoT232J9TH1DoUOP96T3af3Sb4PYq4UIN60wBa0KWMQkh9k63fcJKC2skPZRROxU3ZeL9d1bx31lFV9um0Vu3NkcpY4qpPTyKOpWLqsJ20JVoSuStZRN4vDZnkqVLGVIfuYp9prCvbet87hb+2yvotSbOc1NH8p2pLIWWVSHHwqkOKILFGu3fuWE6V95cgbht/imkKp0QYo+01vivzdP5o1vQCcww/GQOeyZvKn1O5fa9YsE+N0K4UIOEY3b+yd3lSJmqsAnIJbDPFDaqk1ZahDdXCeeqaD8k9dFncc4W97RN/u1V2l+8S3BzBfvS6LFNGBWH59TuOcP1Fo3f/BLBrVXClTrW2RGs0uG2tBZCPBnC5Trtz7xFOF/ru1Kb/IYH0VC8MtMX1kwee6aAPZ1DJXc3paoSDvYed/hbPk5fdVI9qwluLOFfm6epNamPXMW5MLqrx9Etj/anbxC8s4IaTWMVTn4CrBjc6Q0oam10vU240sB5flqiayHEnmkvwPvCXbwv3Ydwm/XcvTtjqkQu1vG/9AAANZoi9tLMlqs3DpqyFPZTYwRvLeNdWwANqW+8gnO5tOPvaa1pf+Zt/HdW0E0f59LO9xenx6kNKHocS4IJIcSe+bdX6fze22YVQh/7qRLxD1xA1ztmGef9CsGDipkGeYheadL53bdAQ+zZIwoqLpcIbi7jXZsHrUn+xTKxp8e3/R3/+hKd1+YI7qxhPzMuVS1FjwQUQhyhXmXU9SZ6vWVan+eT2GcLppjPoI/vBeiWZ4oMyRf/UISNDp3PvkNwY2nT9SqXIP6hSzjnR8wVuQT2VA7edQYdalP+PgouwvsVU7k20vm9t00J6iNoVa4shX2pRHBzxQQVoYa/EG45atKt0eO/vWwas2WfzJVrYn8koBDHmtYaOlHlw3qHsN4xpXzr3R8PwtBU9bI2ftRDl1EKFbNMj4eJrCn2c0gjUzoITRn1KGgIKy1zut4yS/62GSpX+aSpHzBbwD5TeOwSZq2j4GSuSjBfJZyrEi43eo+vMnHTxyKXNDUKcmYZocolzG07BBy6W8gtCM3jKUwDte57fQporfFfj5Iu232jDQpiL88Qe+/ZbT9TylLYYxnssQyxF6dN47zlBu3ffj0qia9p/bs3SH3bi0MJJPdKKYV9cZTg1iretYWoRb3e1JRMa03709fx31kFDdbM4Qc/4niTgEIcG2Gtb2e4aPqA6Eanr/T4cKliCms8gz2exRrPmCBjwBU+3Z4nvaZIy6Yx22Pn17d6rEoL//UW/uvzgGkWZc0WsGeL2DN5UGZOPpiLgoe56qaj3kceLwrCeFDlkcF3ZQIOLAWBNjuUUG8EEDttv22Bo1BWVMXQtlC2iq63euXnVdLpFW/rVo6l/3x8f2XhB6W1hnaAbpsOu7plOu72mudFp+FaC73S2PS71mSWxIcvY23RJG8nSpkAI/GNV2j9X18x72/Tp/3JN0h+ywtHMg2rlMI+P2Iq376xQBMTDMdfmgHA+9J9vDcXCecqOM9OnppAUuyeBBTiSOggNAlq89XeDlHXO4e7DWtNgrUmwfWNoWtVSJrAIh0zJX27ZX6dvjK/fZd1rbMpeNjva1DZuCmbno4TLtTQ661H7hMuNwiXGyahr1tzYB+BypY06No+3/8ghAB0X5iyn61S2Tj2TMGsgjhTONCuoNoLCG6u4N9YIrizBsEetzhuE//qczjPTg3UQ8KeyhH/8CWTR4H5G7c/fZ3EN5SPpqaDUthni4RqHf/aAq2o0q99YcRUEH5rGWu2uOvVKeJ0kYDiMYLFmikGE+qo4qUFTlT5MhYldMZss4OJ2Wad+QE2qtGhNkP+1bYZ3q61e+d1oM2RoaU2hqNtC2wFVt9Ro6J31KkfOgrVgTZTCN2j0phtjiCTsY0jzF5fko3rUJhSuF4AXmB6lHh9lz1zOay2COdqhEu1vX2JW8oMy6fjqEzMnO9ejtlmW3XfkXV0ufcaQ41uembHv1gH79EEOcD0RNhiZz4wZebYrULKBC2FpDnNJ1H5R7vRhtU2wb11grvrhHfX0I2HRh52CCRUIYk9mcOain6KSXTdQ1e7TeiiLrbVNrrSevSxj4iudfDfXIQ3FwEzYtINLuyZ/MBNvrQfEtxexb++RHBrdd8jX/blEvH/7CJWZucKjrsVuzpJuNLorfwI3l7B+8Jd4u87O5TH3yulFFbUu8gEFWAVkwQ3V0yjw/G9jcaI00MCim2Eq006r9w2wcR+xO3eUC9Rvw6VjKESUcARt81hXHfHEOqNeer+08BUuusFDvXO8I5KjyGVS2BN5bAnc6YFfBQ4DLPZWbeZUrhYM1MG0elWWfj7knCwxtJYJTONYpXSWKPpPSVFWrkE1pUJYlcmzPauNnsBRnB/fWMO37GwJrLYUfBgT+a2zLVQBRsKSbYaSNe+KXaka+1ex1wsE4iq7nlL9V02fwcdmKNXghAdhCZA7J73zWXtB9D2e71sdHSe9sblTfkI/dtV7xBcX+qNIPUCjIns5oAyE40mbfUYQWjet+tRSf2d/saKKGCORUF0X9AcnbfGMtgTw28jHv/ABfRK04yWAN7n72CNph+7hPOgKKVMAS1L4V+bx54pREvsj6YapjgZJKB4SFht433hDv4bC/sbt+3qmKN0XW0//r6nlW0aH9lTOZMxPpUb2lHfTvo7phItj9Nam8TJxRrhSsOMsPQaEAUbjYj8/uZEAcQdEzB0A4exqAzyEL90lVKmeNBomtgL070VA4AJVAYcDVOOhRpJwcjeihMN6xV2R93CB1WC++sE9yvo1eaj93sowNgk4ZiAIxMFGOk4uuXjv70MLX/rJ07YOJdKOE+NmaPuA+rQuxvKUiS+/hman/gyes2MkLU/fd2MNu0xP2OY7Ok8WIpgvop9qSRL7MWOJKCI6KZH54t38b8y98gIgFVKm46a0RC+9qKdTd9Qfu+6w5J0sHIJVLeefy4BMdtMVwTaHCVGmdoE4cbURhBNBVgbUyOqfzVE/5GpUiYoansbR5ktf1Pn1C1HSxQbDdH6p4ViZnTGHs+Y4GEsc2yWMiqlelMRx113xcCTQlkKlU1gPZ3AeXoMAN3oENyvRD/r6JVHA4xNotGO4KGkyUc4FvbFUZynx0xjrGPy+QNQSYfkN16l+W++bEZS/JD2vzUrPwZtUjgIe9KMfAnxOKc+oNB+SOeV26bSnbc5IFCFJPH3n8N+qrSrI5feEsf2xg7XnDe1AEwmeXRbdw4/2nGj2HSquucthUrFzNK+XKLXEOg4HClorU1Q1fJBY/JLYlHSogyLigGodBznqTGcp6IAo+n1AgxdaW0sG95hVUuPrbDPjZgg4vzIsfjf2Y41kiLx9c/Q/uQ1kyhbbdP69y7Jjz57rIIfIbZyagMK3fbxvjKH96UHj4wsqEyc2PvO4pT3VgVOKdVbFncaKKUg7qDip+P1iqOjUjGcy6VHcgp0EKKbXl9dkuin0UEH2rTpvjh6ov4nnfMj6A+cp/OHtwAI71fo/P5N4h++dOID9XC1gX9tgWChhpVL4FydwJrOn/jXJYyT8182RGGjw9oP/BbB2w8lXCYd4u8+YxKPtknyEkIcH8q2UNkEPGEVG52XZswSYdesePFfn8cqmRyak0Z7Af6NJfxrC4Rz1d71IeC7i6hiEufqJLHyOCp98DlU4uCcyoAieGd1czARs0yDnpdn5GhbCHHklFLEP3yZcK3Z62Da+f2beH98zyQAd3/GM2YK9Jgd4WutCeeq+NcW8G8s7ZhfptdaeJ+7hfefbmOfH8G5OoF9buTAlt6Lg3Mq957OlQniH7qE9/k7qNEUyb9QPtKkJyGEeJhyLBJ/8Qqt/+PLvYJput4hqHdMHY2uhN0LMOyxLNZYGlVMHUnOhW508N1FvDcWtlypAybJ3b5cMqt6omWyAISa4OaKqXeRieNcmTBTIvnHJ0prHS27F0fqVAYUylLk/8HX0fiXX8R/e0WCCSHEsWRl4iQ+cpX2p64/Uva7px0Q3qsQ3qvQWyBrRauWouXG1mgKayRtioMdQKARrjbofP6uGfndauVX3MZ5egzn6qQZVYlGVMJKC/+NBfxrC5uqzOp6B++Ld/G+eBdVSG7U5Qk1ur/wXq+IHWYFz2h66K9N7N6pDCiEEOKksMcypL7jJXTDM3VSluq9n4dbp/eEUTG01ebm4nxWVINlNIU1msaeLWJNZvc9ZRJWWqZuj7u4Zd0e60ye2NVJ7EujW+alWXmzki723rOmh8i1eYJ3VjcFJVuVod+SH9L5/J19vQ4xHBJQCCHEMaeUigp3jcKF0d71uuWbXjKLdYKlOuFSzUw1bDf6H2r0SoNgpUHAMt4rd1AjKWJXJsyqtl0mRYbRCIL/+vwjIxK96YorE7uu66IshXN+xKxw6U6bXFtArz2m/simB+FEJq0+SSSgEEKIE0olHdPr5EyB7sStDkL0WpNwpUm4YrrdhqsNc6S/RaChV5t0PneLzh/dwr4winNlAvvc1kW/dMvD+5N7eK/OPbrcvlu353JpoIRKlY4Te9cZnJdnTNfhpmdq89h9BfiU2lSQL2x0CBfrxN87u+/nFYOTgEIIIZ4gyrZQpQxWaXM1Ve2HhGtN9EqDcLVJ8KBCeL/Sdwc2kiJTMZzyuEmKHEmjO4FpX/6l+4/0Q1HZOLH3nsW5MjHUlRlKqd33TbHUtkmg4vAcWUBRLpe/H/jFHe4y7rruFkX7RZcOQnStg663zWnLh4RtKmum4+Y06ZzaCns6ar3c678RhBvdU4/pe9LNVD9uywDFyaccy5Rs7yvbHq5HSZFvPJQU2fTw/vQ+3p/ex5rMEq63Hu2JkooRf88sznOTx/b/SRyuoxyheDk6/RmgssXtjynKf/B0EKJXm71mUaZzqL3RurvbOXSHL38dhGZH3/J6nRa7vTCUtVFZU0UdSXuVNh8qX621hrZPWOugayaAoOVBKobKxrFKaVQqZh676Zkhz25XyoQTBRmx3imOHQ0dHt3Oq7fDj3qiaK+vP0on2Jib7ZYh3+l8f9DQf95SpjW4Y5nW7V6w8Z5034/ue3LAzaG0jvqqdIJeiXa8wJRm96KunF70uvv7rNjd/ipRK/otLqvu67OjlvWO1RsOHsZr6gWv3RboTc900E3FN72PxG0Jhk4Qq5Ak/lXniL3vLMHdNVPF8ubKpryIbh2MnoRN7OUzxF6cPtZlzMXhO+qAogn8Xdd1D7Gr1s50qNGVFuFywyQEZeLY/Tvrtm/aiS83zA7ADzcHGjHbNNRqRQ21vNB88XaDkEy08084JkGqr4VzWGtvXFZqo/251oT1DqBNL49MAut8GisdxxpJYXc7dY6m0dW2yQBfaRAs13v9DnTDQzdNlrhueGaH21233b/j6Zuj7LWsdrrNvaxHm35tFfj0ggTTkbMXKGxqqBZdrzCt3B96XJWKmR0kD7V0J7qqu+3dI/poJ9oLHhzbXGdF72My+tvUO4T19tbvSaBRqSj46pZq7nte81T927HRet4saTPX6e5l3X+bNq8XvfF6o8+LlYtHJcxtc5tlQRia9uBRk7dN7cH7Gr3pdhC1DO/eJwqour/bDUzi9qa23ESvcbsjS631pgCCetu0Zc8nsWfypqV8y0c3O4QNzwylNzzz9+wfIYtGyaS/y/GmLIVzbgTn3Ai65eG/uYR/bd58z3U5fQUAT1Apc3F4juRTUS6XLeAF4CvHIZjofnl2E5hUzMIqZbDPFrDHszjPjGNPZs2RWaVFuN4iXG+iKxsBQK8DpxegUg7WSMp8eSccrHQcVUxiFUzLbFVIYhWT4IWElRZhpWUet/v4tbY5io0aiwHY54pY2UTU7juLPZV/bLtvrbVZarZsAoxwqdF7jb2AItrh6VBv3jGGundE3euy2vah3iHsDwhCbXYWtmV2aH5fkOBEQUh0qtIxVCzRCx5UzDats5OxXstp82MCr97RT2/9+dY7cMAcGScdVGJjp2kCPeeRed2wHv2tl+uEyw3zs9IgbJoAQzc96PiYF8JGwzbMae96+m7rBWHRfVR/kBZdFwVlKhUzgWE2avaWjZvGbxlzquI22gvRHd+8932n2gvN6EY0iqM7ftQR1t+43A6g4/cCDx2YwJWWj255Zrlh9LlVcQeSTi/YQGM+g9W22dZ8Ensii8qVsIsp7NkC9mwBayIbBa8NwpXofVxtbryHjSgYma+a5wbz94zbqCh4Im73XWc+L4c9Ytb9H8EPzHsRt0/98L1Kxoi9OI3zwhThUt20i3csYs9PSWlssWlgF5YAAAwQSURBVKOjCjOfBtLAl47o+Xt0J8D/8gMArNE0sSvj2KMZU4TlmfEd12hrrc0IwHo3yGihGx2zcygksYpRALFDNG/P5B99XD80X8brbcJKC7TG3ke7742lZnE4N7Jpu3tHu92pgd55vREYRMPzutE3ytE9X/fQLTPSob3APF40QtALEjZNKcQ3pl3SsY3AIRU79C9wq/uenC1uvCd9I1PBssksV93AwerrBgv0d4hVSm1MO0QjIr1ph+5lx0xdqNRDgdIOVBJg//0pep1gux1uKy1Txnm12TvVjehvGAUa3Tl0azSFfWHEjEacKeBEQYQqpjb/L5Qym5cw+iHhal+AFo2UhbWOGanqmB+8YONz1em7Pgg3RsYeHjGzNv4WyrJMwBh9fkjGdp0MqIPQ/M9W24TVNrre2eiS290OOxrV6gYYiSgASjjmvqE2I0Dd/5H+0aO+88TtaEQxfiKP6JVS2ONZ7PFdJkaKU08dRbnScrn8HcBvAL8E5IEPAqPAq8DPuK7767t4jNe2uelKPB63zp07t+Pvay8wiUZ+GB1hR0eQ8ehLQ4ZnH6879dAdMeg/Kpe37/jrTqX0jWQAG6NKzpACvUdGwPpGnPp/IJpR2jj/8OP0ru997tj02esPPFBq0/P1frpBYDdwsaLArzta9/B0Vf+Um9bRZ/uhXJ7oqk2X9UPPuSk4UvIVM0QmwAtQ6RhWIXXUm3Pi3bhx47dd1/3mvf7eUYXNL0Wnfw34XeBfArPANwO/Vi6XX3Bd98f2+dhWp9MJb9y48cZOd1KgsiQKGq07BK0OgUlSEAfpcnT61pFuhdjOkf59+lOEN8aEemMivV2wZcYobBsrCnuU1Z106jsfjVkoQnQY/QQaHQbowCf0fMKOT+AF6KB/G7qPb2FFp8q2UJaNshXK0r0w2oQe21zWNsp2sGI2VpQi231cZSmU6m6XRgf927AVjR4126dWDuTNP+Es817HW3Wvur7YXn38bwyVfK9FjmqE4n8AvhP4Cdd1f7Xv+ovAHwDTwAdd1/3sPh77NQDXdZ8b0uaKIZG/zfEmf5/jS/42x5f8bTYcSfaR67o/6rruhf5gIrr+JvAT0cXvPvwtE0IIIcR+HMd05lei08s73ksIIYQQx8ah51BES0bfBWRd1/2PW9ylW8ZN6qgKIYQQJ8RRjVB8Bvjdcrk8scVtH4pOX9niNiGEEEIcQ4ceUESFrP41Jov7n0YjFgCUy+WXgB8FasAvH/a2CSGEEGJ/jmqVxwRmNcdTwJ9glo6eAf5zwAa+w3XdTxz6hgkhhBBiX44koAAol8sjwI8D/wWmBkUF+D3gp13X/eKRbJQQQggh9uXIAgohhBBCPDmO47JRIYQQQpwwElAIIYQQYmASUAghhBBiYBJQCCGEEGJgElAIIYQQYmASUAghhBBiYIfey2O/yuXyXwF+ECgDDeD/A/6+67q3dvn754CfAv48UALeBH7Bdd1fOpgtPl2G8Pf5WuCHga8CssB94LeBn3Jdd/FANvqUGPRv89BjKeDTwNcCF13XfWeIm3rqDOH/ZgT4+8C3ADOY/5v/APyk67oPDmSjT5Eh/H1eBn4S+CCQA94B/nfgf3Rdt30Am3ykTsQIRblc/mngV4Ek8AuYL7T/EvhCuVy+uIvfPw98DvguTFXOf4FpQva/lcvl/+mgtvu0GMLf53ui3/kQ8P8CPwfcBf4b4PPlcnnqYLb8yTfo32YLP4AJJsSAhvB/Mwn8EfBDwHXM/83bwF8H/rBcLpcOaNNPhSH8fb4as9/5aPS7Pw+0MQHGJ8vlsn0wW350jv0IRdTf48eAzwJ/3nXdTnT9vwI+Afws8M2PeZifwUTvH3Fd95PR7/8E8DvA3y6Xy78m1Tn3Z9C/T3SE9XOY/i3vc13X7bvtp4B/APwT4K8e1Gt4Ug3pf6f/8crA/9/e3YfqPcZxHH9PjCU7S/yBMYvtKw8xGvK0Zeb5YcpDYkoUpe2PtZjkYVtGiUYjyiQPhWhLotRy1CgUErMv2pZNac3DmIcMxx/f6567u/t3dO7rOvzO+X1edffr3Nfv9zvXOd9z3ed7X0/3vcNQ1cYpFJuHganAPHdf0Xbvu4h/WrcAtxavfAMUis8DRDJymbu/nK7fHXgNmA1cBTw7LD/A/2Qk9FDMT8clraACuPsqYqvuC83soKqLU+/EHOCdVjKRrv+V+IMZA9w4HBVviKz4AOcTXYFPtCcTyVIio7+oYH2bJDc2u6R3U08DW4GPS1e0gXJf1yYClwNvticTyXLgGUBDHr0r0XZOBL5vJRPp+j+A1jD7KQXrWwsjIaE4E/iDCGKnNURCMFgX7Mx0zpouZWuB39P3kN7kxuczYgz4pS5lfwI7iTkVMnS5sWl3GzAduB74qUjtmi03Nuenc17oLHD37e5+rbsvL1HRhirRdr4Fxqde2HYHpuOomxtW6yEPMxsLTAI2VUxg2ZCORwxym6np+GVngbvvNLPNwGQzG9ueicq/KxEfd/8A+KCi+FwimagqlwqF2k7rXtOAO4HH3H2NmS0uV9PmKRSbY9PxEzO7mpg4eDTxIYurgDvcfVuhKjdKwbbzCLEQ4AUzmw9sBs4C7gK+A1aWqXF91L2HYl8iE/yuonx7Ok4Y5B6tiUmD3WM3YPyQaycl4tOVmfURXbcAjw69ao1XJDZmticx1LGFGJOXfCVi03qXu5CIz9fAY8BXwE3EpMx986vaSEXajrsvBeYBM4ie2B3AamIo6iR3/6pIbWuk7gnF2HSsWl7Ten6vYb6HdDcsv1sz24dY7TEFeB14sqfaNVup2CwFjgKuc/cdJSomRWLTGga8BLjI3S919wXEsuvHibZzX25FG6pI20lL4RcRQyfPEYsD3gWOBFaOxoSv7gnFr+k4tqJ8z3Qc7IWuxD2ku+K/27REtB84lWh8V7r7QK8VbLDs2JjZacSSxBXu/lbBujVdiXbzZzq+1DHZfIDoSfoNuMLM6v4aX0cl2s5E4k3RXsBx7n6Nuy9w95OBxcQS+acL1bc26v7Hth34i+qupb6286q0uq0Gu8cAMfYoQ1MiPruY2THAe8DxxJLe2e6uCYC9yYqNme0NPEWMFy8qXbmGK9FuWmXvdxa4+4/EnLE+YP8e69hkJeIzFxgH3O/uX3SULSbic4GZHZBT0bqpdUKRJkluAA4xsz26nHJYOq4b5DbrO87dJd3z4PhW/ldOXZuoUHwAMLMziVU3BxNrs89TMtG7ArGZns45HPjZzAZaD6L3CGBjeu7QglUf9Qq1m9YS66p30a3nfxl6DZutUHwmVZ2TepE+7ThvVKh1QpH0E43j1C5ls4jehbcHuf6tdE63paGnp3uvzatio/WTFx/M7HTgVWJi7DJ3n6sVN0X003tsNhHvpLo9NqdzHkpf/1Cqwg3ST1676U/H2Z0FZrYfMBnYqKS8Z/3kxeebdLSK8inpOKr2ChkJCUVrQt4yMxvXetLMLiUSglfcfUvVxansDWCGmc1pu34ccE/68pHitW6OrPik7YFfJLoH73D324ezsg3Tc2zcfZO7393tQawkAFienlNCMXRZ7Yb4h7eOeF2b23b9bsQOjXvwzwZKMnS58XmRGDZZ2LlNd1pCeiSwtpfP06mzMQMD9Z/vZmYrgJuJ/epXAxOBK4BtwCnuviGdN5PYyOojd1/ddv1UYk/1PiLQW4jdM6cQY1xaDpchJz5mtozYNOkH4h1vlSUalhq63LZTcc+1xDs3fThYhgKva9OITZYmENs5r0/nnQC8A8x0953/zU8z+hSIzwIiudtBbNe9lRhKnEH0YJzRZX7FiDYSeigg1vLOI5brzCcC8jxtQU1mEpuGzGm/2N0/B04GXgbOIf5IfgZuQHvdl5ATn/PScUIqq3qMlL/VuslqOzKscl/XPgSmEZNnjyc+TK+PGIaapWQiW258HgTOJoZGLiY2H5tEfDjltNGWTMAI6aEQERGRetO7PhEREcmmhEJERESyKaEQERGRbEooREREJJsSChEREcmmhEJERESyKaEQERGRbEooREREJJsSChEREcmmhEJERESyKaEQERGRbEooREREJJsSChEREcmmhEJERESyKaEQERGRbEooREREJJsSChEREcn2N9rLFRRbw5n6AAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(\n", + " results, 'mean_power', \n", + " colors[2:], labels[2:], filename='lfp_speed_power_30', ylim=(5, 35))" + ] + }, + { + "cell_type": "code", + "execution_count": 81, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhQAAAGaCAYAAABXKNrQAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOy9d5Qc5Z2/+1RVh+nuyUEzo4ACggaJYASWZWnBXpINxnK4OGB2sTisLfYCy8UYHe/ey8Iac/ey+OdrFhuDzTE6OBwwdy1jC4OCAZElIRAICbXSjCZP5xyr6r1/VE/PjGYkTdSMpPfR6VPTVdVVb3W3uj7vNypCCCQSiUQikUjGgzrVA5BIJBKJRHLyIwWFRCKRSCSScSMFhUQikUgkknEjBYVEIpFIJJJxIwWFRCKRSCSScSMFhUQikUgkknEjBYVEIpFIJJJxIwWFRCKRSCSScSMFhUQikUgkknEjBYVEIpFIJJJxIwWFRCKRSCSScSMFhUQikUgkknEjBYVEIpFIJJJxIwWFRCKRSCSScWObqAN5vd5a4F+BlcAZgB94HnjA5/MFjtj3HeBTRznUCz6f77qJGpdEIpFIJJLJRxFCjPsgXq+3CngbOBf4G/Be8e/rgC5gmc/nay/uqwIJoBd4epjD7fP5fL8f96AkEolEIpGcMCbKQnEfloC43+fz/UffSq/XezvwKPBD4Obi6rMBN7DJ5/PdP0Hnl0gkEolEMoVMVAzFfCyLw8NHrP9NcfnpAesuLC4/mKBzSyQSiUQimWImxELh8/m+cpRN5xaX3QPWfaK4lIJCIpFIJJJThAkLyhyI1+utAS4HfgLowI8GbO4TFEu8Xu//AhYDOWAz8O8+n2/fZIxJIpFIJBLJ5DEhQZkD8Xq9twK/KD41gH/w+XzPDNjeBTRjBWb+EQgClwCfAeLAlT6fb/sIzrP7KJvmAK/6fL6VY74IiUQikUgko2IyLBQB4CEs0fBV4Hder3eOz+d72Ov1erCyPvzASp/P19b3Iq/Xuxp4HPit1+td5PP5jDGe37Fw4cIvAhOrlCQSiUQybkxT8PLm/Rw6EGLm7CocDm2qhzQswUAKm03l4k/O5syF9VM9nBONMqYXTbSFYiBer3ce8A7QCHzS5/O9e5z93wSWA8t9Pt/bYzzn7oULFy564YUXxvJyiUQikUwi6VSeLa8cpO1wlHkLalCUMd27Jh0pKEbPpFbK9Pl8rcB/FZ9+aQQv2VZcnjkpA5JIJBLJlJJK5ckXDOwOdUrERFcyysFYgMmcTJ+ujNvl4fV6ncBlgObz+V4aZpdDxWWD1+utA84BAkcJvvQUl5nxjksikUgk049UMk8hb2C3n3hXR7qQpyUeQhcm1Q43dS7P8V8kGTETYaFwAC8Cz3i9Xscw25cUl/uAK4A3sLI/BlGsoLkCK/bhuEGZEolEIjn5SKWKgmIKYic6U1GShRypQo5AJnHCz3+qM25B4fP5Elg9O6qA+wdu83q9FwPfA5LA74GXgBhwjdfrveqIQ/07sAhYNzBYUyKRSCSnDn0uD8cJtlBk9QKBTIJkIUdGzxPJpSkYY439lwzHRGV53ImV+vmvXq/3UqxAzLnAlwET+IbP5+sB8Hq938USFy96vd4/Au1YgZjLgL3AP0/QmCQSiUQyjRBCTJmFojMZJZnP4dA0TCFI6wWC2STNnqoTOo5TmQkJyvT5fB1YguJRrE6j/wfwWWAd8Cmfz/f8gH3/APwd8FfgSuB2oB74f4r7+idiTBKJRCKZXhTyBvmcjq6LExpDkdN1/JkEiUKOCnsZbpuDdCGHP5OQBQYmkAmrQ1FsUf4vxcfx9n0Hq825RCKRSE4TUqk8hYKBza6gqicuw6OrGDthVzWcmg27qhLLZ0jks6T0HB6784SN5VRmUtNGJRKJRCLpI5XKky9meJyotM28YdCbjpPIZ6lwlAGgKiplmp2MXiCQSZ6QcZwOSEEhkUgkkhNCn4WiJxdnh7+NRD476efss05oqopT63ezuG0OUoUcwUxS1qSYIKSgkEgkEskJIZXKk8zkSZpZetJxdoe6CGdTk3a+QtE6Ec9nqXSUoQwoAFlms2EIQUrPE83J0kcTgRQUEolEIjkhpJJ5YukMOXQyep7eTIKPwz30puOTcr7udIxEIYeqqDi1wSGDCgoem4N0IW8FZ0rGzaS0L5dIJBKJZCCGYZLJFEhkc2TdBaqdbgqmQSCTQCDIGwZzymvG2EViKLpp0pOyYieqHK5B1ok+XHYHwUyScDaFbhrY1OnZqOxkQVooJBKJRDLppFN5Utk8eVMnaxZw2exUO124bHb86QQt8SCH4hPXY6OnaJ1QsNwbw+FQNTRFIaMXCGYmz/VyuiAtFBKJRCKZdFKpPMFkkoJiYNc0NMWaz1Y6XKiKSiCTxBSCvGlwdnUj6jgahxmmSXcqRiKfoeKI2Ikj8didpPU8gUyCJk/lmM8pkYJCIpFIJCeAVCpPJJWmoOi4bPZB28rtTlRFJZS1RIVumpxT04RNHZsR3UoTzSFgyLmOxGWzE8tliOezZPQ8LttwLakkI0G6PCQSiUQy6UTiaRLZLFmlgEsbepN32+zUlZUTyaXpScX4KNRFztBHfR5TCLpSMavuhP3Y1gkATVFx2mxFK4WsSTEepKCQSCQSyaTTFoyQz5uomnLU4EenZqPBVU48n6U3HeejUCfpQn5U5+lNx0kUchjCxG0/tnWiD7fNSbpguT1kTYqxIwWFpMSjjz6K1+sd8rjgggu4/PLL+bd/+zfa29unephHxev1ctlll5Web926Fa/Xy/e///0pHJXF5ZdfjtfrpaOjY6qHIpGccIQQdEZi6HmDMuexb/J2VaPBXUFaz9ObTvBRqIvuVAzdNI97nn7rxPFjJwbistnQhUGqkCeWlzUpxoqMoZAMYenSpSxduhSwfggymQwtLS386U9/YuPGjTz77LOceeaZUzzK4zNr1ixuv/12vF7vVA9FIjmtiaWyhFMpCoZBueP4fTNsisoMVznBbIrudIxkIUebPUy9q5wmd+VRe28EMgkS+Sy6aeKxjzwWQkGxGoYV3R7VTveIXyvpRwoKyRCWLl3KHXfcMWT9+vXrufvuu3n44Yd5/PHHp2Bko2P27NnDXodEIjmx7Ovxk83pYAOHNjLDuKqoNLjKSRfyxPMZork00VyG7lSMKqeLJncldWXlpWwQIQSdySjxYs+OkVon+nDbnYQySULZFPNHYA2RDEW6PCQj5gtf+ALl5eVs3bp1qocikUhOIg4EAuRyOna7NqobvYKCx+5khruC2jIPumnQk47TFg+zO9TNDn8bbYkwOV0nmEmSyOcomAbuUVgn+rCrKkqxJsVklgM/lZEWCsmIURQFTdOwDVMkZvfu3Tz11FO8++67BINB7HY7c+fOZeXKlaxatQp1QPpXe3s7jz76KO+99x49PT1UVVWxZMkSVq9ezXnnnTfouLlcjrVr1/KXv/yFtrY2nE4nF154IatXr+aTn/zkMce7detWbrrpJr74xS/y4x//GIAf/OAHrFu3jldffZVnnnmG9evX09vby4wZM7jmmmu47bbbcLsHmzt7e3v5xS9+wZYtWwgEAlRXV3PppZdy2223MXv27LG+nRLJaYFuGnSEIuTzOuXFbp+jRUHBqdlwajYMYZIq5AlnU0RzaWK5NB3JCDZVI57PUGF3oo6h3GZ/Ke4c/kyCJqrGNNbTGSkojkNGz5M3jKkexjFxaNoJyZ1+6aWXiMVi3HjjjYPWv/HGG9x66624XC6uvPJK6uvr6enpYfPmzTz00EMEg0HWrFkDQDgc5pvf/CaJRIKrr76amTNn0tnZyYYNG9iyZQt/+MMfOOeccwDIZDKsWrWKnTt3snjxYm644QbS6TQbNmzgpptu4sEHH+SrX/3qmK7ljjvuoK2tjauvvhqPx8OGDRt48sknaW1t5ec//3lpv4MHD3LTTTcRCoX4zGc+w7XXXktHRwfPP/88L7/8MmvXruXcc88d4zsqkZz6tCUiJJI5MBQcjvEbxTVFpdJRRoXDSUbXSRVyRPMZXJqDvKlTW+YZ87Hddgc96TixXIZa1YNN1qQYFVJQHIP7tv6Fpz5+C3OapxGpisLN5y7nPz71xQk53rZt23j00UdLz3O5HIcOHeLVV19l2bJlQ7ImHnroIQCeffZZFixYUFp/4MABrrvuOtatW1cSFC+++CLBYJAf/ehHfO1rXyvte9lll7FmzRp+97vf8cADDwDwyCOPsHPnTr7zne9w9913oxR9pbfffjtf//rXue+++1i+fDlNTU2jvsZoNMqLL75IXV0dAKtXr+aaa65h8+bN9Pb20tjYCMA999xDOBzm8ccf57Of/Wzp9e+88w4333wza9as4c9//nNpbBKJZDAHYn5SyTxObCi2ift/YgVS2nHb7BRMg4xeoM5ePq4Km5qi4lRtZPQCMZHF7ZSCYjRIQXEM1n789rQXE2ClSq39+O0JFRTbtm0bdltNTQ2hUKjkFhBCcOedd6Lr+iAxAbBw4ULq6+sJBAL9Yy0GO33wwQd8+ctfxl7ME7/22mtZsmQJzc3NABiGwXPPPUdtbS133XXXoBt2Y2Mjt9xyCw8++CDPP/88q1evHvU13nDDDSUxAVBbW8uSJUt4+eWXaW9vp7GxkQ8//JDdu3dz1VVXDRITAMuWLeOKK65g06ZN7Ny5k4suumjUY5BITnVMYbIv5CeTLVAp3CiT1HvLrmrYHRNzcLfdQbKQI2akaUaW4h4NUlAcg1XnfvqksFBoisqqcz89Yce7/fbbB2VH5HI5/H4/L7zwAo888gjvvvsu69ato6GhAUVRuPLKKwEIBALs27eP9vZ2Wltb2bVrF6FQCLAEgqZpfP7zn+exxx7jueeeY+PGjSxbtowVK1Zw2WWXMWfOnNI5W1paSCaTNDU18dhjjw0ZY2dnJ2DFboyFI8UPQGWl9eNRKBQA2LVrF2C5aQZabPqIxWIA7NmzRwoKiWQYOpNRwrEUQhfYbCqKOv0teWU2O5FcmqxhuVMkI0cKimPwH5/6Ij+4+HOnfQyF0+lkzpw53HrrrUQiEdauXctvfvMbvve97wFWnMFDDz3Ea6+9VqoyN2vWLC655BL2799PLBYrrW9oaOCPf/wjTzzxBJs3b2bDhg1s2LABsGb9999/P/Pnzy/drHt6evjZz3521LH17TeWazoSZUD6GUA8Hgdgx44d7Nix46jHikajYxqDRHKqsz8WIJrIUKY4UE6Su41arEmRy+lEcrLI1Wg4ST7iqcNlc+CS71KJ5cuXs3btWvbu3QtAOp1m1apVhEIhVq9ezRVXXMGCBQsoLy8HYMWKFUOO0dzczP333899993Hvn37ePvtt1m/fj3vvPMOt956Ky+99BIejxVYdemll/Lkk0+euAscQN8Y7r77br773e9OyRgkkpMVIQQHon4SiRy1VKBo09860Yfb5iCuZ4nnMxSm+YRyOiHrUEhGRSQSAaCiogKAt956C7/fz/XXX89dd93FBRdcUBIT4XCYcDgM9M/6//rXv3LfffeRSCRQFAWv18uqVat49tlnmTdvHq2trfj9fhYsWEBZWRl79+4lnx9ay3/79u38+Mc/5q233pq0a120aBEAH3744bDbn3vuOf77v/+bQ4cOTdoYJJKTlZ50nGA2iZ41sZvaSWOhAMvqi6KQ1XU6U2Ozgp6OSEEhGTHpdJqnn34agKuuugqAsjIrr7yrq2vQvrlcjnvvvbcUhKnrVtfAvXv38swzz/Db3/520P7xeJxoNIrH46GmpgaHw8HKlSsJBAI8/PDDpeOAJWruvfdefvWrX5HLTZ6Pc8mSJSxYsIBNmzbx0ksvDdq2a9cuHnjgAZ588kmqq6snbQwSycnKgZifcDZFuXCCwUklKBQU7KqGLgyShexUD+ek4ST6iCUniiPTRoUQBINBNm3aRDgc5oorruBzn/scABdffDHz5s3j9ddf58Ybb+Siiy4iHo+XikDV1NQQiUSIRqO4XC6+/e1vs379en7605+ydetWFi1aRCaTYdOmTUSjUe69914cDise5J577mHnzp08/fTTbN26laVLl6LrOhs3biQUCnH99dcPyb6YSFRV5eGHH+bmm2/mzjvvZMWKFXi9Xvx+Pxs3bqRQKPCf//mf1NbWTtoYJNOHrF6gNxNnTnkNqiLnYsdCCMH+qJ9wOkWDWY0wmLQMD8n0QQoKyRCOTBvVNI2KigrOPvtsrrvuOq6//vpSAKPL5eLXv/41P/nJT9i+fTu7du1ixowZnH/++dxyyy28/fbbPPLII7zyyit861vfoq6ujt///vf88pe/5M033+T999/H4XCwePFifvjDH3L55ZeXzltZWckzzzzDU089xYsvvsizzz6L2+1m/vz5rFmzhpUrV056/YfzzjuPdevW8cQTT/D666+zbds2ampqWLFiBf/0T//EJZdcMqnnl0w9GT3Pe/423gu0kyhkWda0gMtny4ZzxyKcS+FPJ0hnCjixYYC0h58GKKda73ev17t74cKFi1544YWpHopEIjmJSRVy7PC3sTPYTlcqRmcyim4aXNQwh384ZxkzPbI089F4p+cQ6w7uJBLI0Nxbg5EQ2OtOLkURDWXRbAqXfnoBX/rUBVM9nBPNmGZq0kIhkUgkA0jks7zrP8yHwQ5LSKSiaIrCnIoawtkUhxMhNrd/zI1nL0VTT66b5IniQDRAKJuiFg9CZ0IrZEqmL1JQSCQSCRDLZdjub+XDYCc9acsiYdc05lXUUe10oSgKlY4yPgh0cDAW4F3/YT7VNH+qhz3tiOUydKWixPMZzjDrKOhCCorTBCkoJBLJaU0kl2ZbTwsfhbvoTsXoSsUo02wsqKqnyuEaFKdjVzXmVtZyKBbgre6DnF09g5pxNKM6FTkQ8xPJpSm3O1HiKsIwUGVLjNMCKSgkEslpSSyXYWtvC7tCnXQlY3SlorjtDs6qbqDS4Trq6+rLyglkkkXXx16uX7jkpGsOZwqTrb2txHIZLp25EI99aOXYsbI/aqWL1jo9iJwoujwm7PCSaYz8mCUSyUmDEIJEIUeF3Tnmm3gin2VbbysfDAi29NgdeGsaqXCUHff1iqKwoLKeXaFO9kZ62B3u4ry6WWMay1SQN3T+evgjdgY6SBVyHE6E+MK885ldXjPuY6cKOTqSEaK5DGeU1VLQBZiATBk9LZCCQiKRnBQYpsmGtj3sDndR6SjjzKoGFlQ2cEZFDTb1+HesVCHHtt5Wdgba6U7H6EhGcdnsIxYSAymz2ZlVXs2heJAtnfuZX1k/obP8ySJZyPGngzvZE+7mUDyATdWI5zMk8lk+O8vLxTPOGJe15WAsQDSXwWW3Y9Nt5HUdRWNMxzQLgnyHCQo4Z6ko9pPLCnQ6IgWFRCKZ9uimwQutH/Ge/zB7o72UaTY+DvdQW+amxulhbkWtJTCq6oc0ysvoebb3Hub9QBtdqRgdyQhOzcbCqgaqnEd3bRyPZncVwUyS1niIVzr3cd2888d7mZNKIJPgT4d28nG4h+5UjHNqmnDbHByKB9kZ7CCjF+hMRfncGYsos9nHdI79MSu7o8bpRmTG5+7Id5oYCevvrGFStkA96VxLpxtSUEgkkmlNwTT4c8uH7Ay0sT8a4MyqejRFJZxNszfSC4Av0kNNmZtqh5tZ5dWcWdXA3Io69sf8vOdvozMVpSMZwaaqwwZbjgVFUVhQ1cDH4W52BTtYVNPMgqr6ibjkCaclHuQvLR+yN9JDIp/lvLqZJdGwsKqB3kyC3eEuUoUcwWySL867gBnuihEf3zBNWhMhDseDRHJpzitvxowWBcUYmoKZWYERH/A8BYWAwDFDCorpjBQUEolk2pIzdP50aCcfBq1UzbOqG6kuWhWqnW6EEKT0PJFsisOJMPsMP9VRFzuD7dQ43cRyWdqTEVSFQemfE0W53ckMVwUt8RB/6/iY2eWfxqFNr5/VD4IdbGrbw8eRHoQQnFc3c5CLSFEUmtyVlNud7Iv0Ei9kiecyXDnnXM6rm3nM9yuQSbA73M3H4W4CmSS96RhOzYbL5iCTM8AQ4Bz9+533Dy24WOgRaOUCzS1FxXRlen3zJRLJKUXBNLApYzNVZ/QC6w69z65gJy3xIN6aJiqPiHVQFIVyu5Nyu5M5FbXkDJ1INkUgk+RgLIjLZmdORQ21Tvekmctnl9fwQbCDlniIN7sP8vfTpCy3EILXuvbzZvdB9oZ78NgdLKhqQD3K+1Bud3JB/SwOxALsDLaT1vN0pqJcMecc7AMESLqQ5+NID3vCXXQmowSzSQKZBHnToL6snHNqGgHLyiB0UEeZVWvmBUZ0gKBQgOLTXJuJ6yz1pGqFfjohBYVEIhkTQgjSep5YPkui+IgXsqUgv3g+S1YvUFvm4ZIZczm3tmlEwZNg3bT+5+B7fBTq4nAizLm1zZSPIOjRqdlo8lTR5KlCCHFCfO5a0Y1yMBZge28r59Q00TzFZbkLpsFLh3fzXqCNveEemjyVzPJUH/f9sKka3upGulIxdoW6SOt5/JkE1849j0guzZ5wNwdjfkLZFP5Mglg+Q7XDzZzyWqqcrpJYEYbAzIsxNQUrBPrFhOIA52yV7CGr27DIQ75L4JwjBcV0RAoKiUQyKvZGeninp4VYLk3eNMgZBXKGPuiR71uaBtUOF62JEM3dVSyZcQYX1M06ZtBfIp/l/zvwHrvDXXSlYiyqbRpTBsWJDOCrdrqpdLg4nAixaYrLcqcKOf506AP2hLs4GAswr7KOBtfI4yEURWFWeTXldif7Y34S+Sz+dJyUnieQThDMpiiz2WgoK+fMqoZB1os+zBxWy3IVFHXkn4NZEOjhfkFhb1DQyhXsMxQKRTeIHhFo5Sa2Gln2fLohBYVEIhkRQgi29rbwasc+9sf8pAp5dGHgUG04Nevh0GxUOMqs56oNm6oSzKbYH/VzOBGiPRlma08LF9bP5qKGOUPSNWO5DM8d2MGecDc96TiLaptxjTHj4EQzr6KOD4qxHjsCbSxtnHdCzy+EwBft5fWu/fgivXQko3hrGo9ZpOtYVDldXFA3i/1RP+/6D6MqCvWuchbXNeO2Hbv0pZm1rBOjrT+hB0XJvaHYwFZjiRF7o4KRFJhpa1uuU6B6BKpDWiqmE1JQSCSS42KYJpvbP2a7v7WYrulhQWU9Ds12VJ98HzM9VTS5Kwllk7QnI7QlwnQkI7zrP8zi2mYuaZxLXVk5kWyK54qWiWA2yeLa5jGnL04Fdq2/LPebXQc4q3oGNU73pJ9XCMHBWIC3eg5xOB6iPRkhrec5r27muMWYQ7OxqLaZjF7AZbOP2OpjZhl1UzBhCAqhwdaJPuuGoig4z1DJ7DOtQlmmFU9RdqZMJZ1OSEEhKfHoo4/ys5/9bMh6p9NJfX09y5Yt45//+Z+ZM2fOFIzu+Hi9XhobG3nttdcA2Lp1KzfddBNf/OIX+fGPfzylY7v88svp7Ozkb3/7G7Nnzy6t93qtAD6fzzdVQzsuOUPnLy0fsivYgS/qZ05FDU3uylEdQ1UUGlwV1JeVEy02j2pPWsJiZ7ADb00j3akYe8LdRHNpzqudOe2yJUZCf1nuMM/s285Z1TNYWDWDOeU1E+4CEULQEg/xVs9BWotCIpbL0Oyp5MyqBmwTdD5FUXDbR9eMwyq5LUZVjKoQLFbVBNDAVjv4tapDwTlLIdduiQ4zDYVegaNJCorpwoT9j/V6vbXAvwIrgTMAP/A88IDP5wscsW8d8O/AF4Fm4DDwa+AnPp9Pn6gxScbG0qVLWbp0KWD9aGUyGVpaWvjTn/7Exo0befbZZznzzDOneJTHZ9asWdx+++2lm7Zk9CTyWdYdsiortsaDLKyaQU3Z2GfdiqJQU+ampsxNIp+lKxWlKxClMxlFNw2Seo7FtTOxaydnrea+stx7wt2Ecyl8kV7qyjzUlnk4s6qBs6tncEZF7YiDU49GWyLMm90HORQL0JGMEsmlaHRXsqBh9riPPRGYOctCoY6wAKkwhSUoitjrlGEzOWw1KkbSRI9Y+xb8Aq1CoHmkqJgOTIig8Hq9VcAbwLnA37CExLnAHcD/5vV6l/l8vvbivtXAFmAR8EfgAHA18BCwFLh+IsYkGTtLly7ljjvuGLJ+/fr13H333Tz88MM8/vjjUzCy0TF79uxhr+NUIKMX6E3HURTQFBVNUbGpKjZFRS3+rSkqWnHdWMzC/nSCdYfeZ2+kh550fMSZFiOlwlGG19FERs/TnYpjIlhc2zwtbojjocxm5xMNc4jnM4SyKfZEutEUlX3RXrb2eqgr8zC/sp6zqmcwr6JuVJaYzmSUt7oPciDmpyMZIZhN0eiq4BP1c6aNCBOmwMwVMzxGeGl6WIBRfKKCvf7o31fHTAUjJRB563kplfQY7hWhC/S4lY5qpEErt7JHZFv1iWWiLBT3YQmI+30+33/0rfR6vbcDjwI/BG4urv53YDHwv/t8vl8U9/s/gT9giY+v+ny+P07QuCQTyBe+8AXuu+8+tm7dOtVDOe0QQhDIJGmJBzkUD9KVjJIo5ACBqiioioKCMuTvPiFRX4zIX1DVQLO78rgCoyUe5M+HPsQX6SFRyHJe7cxJi2dw2RzTtsLkWFEVhWqnu1R8K57PFi0WPSgo+CK9bO9tpcbpodlTiaZqqAM+v9KjtE4lkktzIOqnIxUlkEnQ4CrnE/Wzp51rSOSteAgARuB1EaYYlCpqq1WOeaNXNCueInugmEpasII0nWcMzuwRxgARkaQU7AlgxCGz38Q5T0VzSVExUUzUN3E+0As8fMT632AJik8DeL1eF/BdoB14om8nn89neL3e7wNfBW7FslxIphmKoqBpGjbb0K/N7t27eeqpp3j33XcJBoPY7Xbmzp3LypUrWbVqFeoAf257ezuPPvoo7733Hj09PVRVVbFkyRJWr17NeeedN+i4uVyOtWvX8pe//IW2tjacTicXXnghq1ev5pOf/OQxxztcDMUPfvAD1q1bx6uvvsozzzzD+vXr6e3tZcaMGVxzzTXcdtttuN2DTfq9vb384he/YMuWLQQCAaqrq7n00ku57bbbBsVDTDQ5Q6c9EeZQPEhLPEg4myaaSxPJpYnlM7TZezoAACAASURBVNhVDVVRMIVACIGJ6P9b9P96aopKud3JrlAnNU53KaDyzKoGzqioHXJD+jDYwca+yoowpLKiZHQoikKV00WV08W8ijqShRzhYuaLQOCxO1GwxJ8Cxb9BRYEB6wxhEswmqSvzcGH9bJzTTEj0Yfa1LB9hUzA9KhCF4hPFCsY8Hppbwd6kUOixvudGTKBHwFYFRlygx4TVB2Rowc0SogDZAybO2YpMQZ0gJuQb6fP5vnKUTecWl93F5VLAA/zR5/OZA3f0+XwtXq+3BbjM6/VqPp/PYBqQzxsYhnn8HacQTVNxOCb/B/+ll14iFotx4403Dlr/xhtvcOutt+Jyubjyyiupr6+np6eHzZs389BDDxEMBlmzZg0A4XCYb37zmyQSCa6++mpmzpxJZ2cnGzZsYMuWLfzhD3/gnHPOASCTybBq1Sp27tzJ4sWLueGGG0in02zYsIGbbrqJBx98kK9+9atjupY77riDtrY2rr76ajweDxs2bODJJ5+ktbWVn//856X9Dh48yE033UQoFOIzn/kM1157LR0dHTz//PO8/PLLrF27lnPPPfcYZxo5QghC2RSHEyFa4sFSkF0kZwmJjF6gyumi2ulmXmXdMW8oQggEYAqBKczSDLk9GcGp2tgb6aHG6aHa6WJuRR1nVtWzoKqBnYF2Xuvaz95IDx7bsSsrSkaPoihUOMqocJRxRkUtKT1PVi8g+sQgwIDPrrgGkQBb0MF5c2firhxdgOSJZjQZHkIcYZ2oUVBHGMhpb1AwEgIzZT3PdwryneLoIkIDW7WColGqaYGAXLvAyJg4mhWZMTJOJkXier3eGuBy4CeADvyouOns4vLAUV56CMvaMf8Y+/SdY/dRNk1YtOCf1+3mzddbEMdQudMBRYEVl85n5VcWT8jxtm3bxqOPPlp6nsvlOHToEK+++irLli3j+9///qD9H3roIQCeffZZFixYUFp/4MABrrvuOtatW1cSFC+++CLBYJAf/ehHfO1rXyvte9lll7FmzRp+97vf8cADDwDwyCOPsHPnTr7zne9w9913l/6z33777Xz961/nvvvuY/ny5TQ1NY36GqPRKC+++CJ1dXUArF69mmuuuYbNmzfT29tLY6NVPviee+4hHA7z+OOP89nPfrb0+nfeeYebb76ZNWvW8Oc//3lMP0RiwBfrLy0f0lEUENF8hmhRRNhUjWqnizMqaql0lKEqI5tJ9c12LTGgUu8qp95Vjlk0v0dyKfZHezGFYF+0l3f9lnk+oxfYG+lmhquS2eXHr6woGTsDy4YfCyEEmXYDPSVQAiqMLsHmhGPFT4gRlcc2YiBy/c9HYp3oQ1EUnHNUMvtNK/5iuN9pDWxVCrYqBbW832KieQTZNrMUt6EHBWZWUHaGjKsYDxMuKLxe763AL4pPDeAffD7f34rP64rL8FFeHisuqyd6XGPhrTdap72YABDCGutECopt27YNu62mpoZQKFRyCwghuPPOO9F1fZCYAFi4cCH19fUEAv1JPqZpWXs++OADvvzlL2O3W375a6+9liVLltDc3AyAYRg899xz1NbWctdddw26sTU2NnLLLbfw4IMP8vzzz7N69epRX+MNN9xQEhMAtbW1LFmyhJdffpn29nYaGxv58MMP2b17N1ddddUgMQGwbNkyrrjiCjZt2sTOnTu56KKLRnTeYDZJr/8wHUmr+2UfLx3+iFg+S97QqXCUUeN0M7u8ZsKLOlm+fRfVThfzKqzS2ZFcms5UlP1RP4qiMK+iblSdJiWTix4V6EkrHkBxmphZFbVs+t70ShkeR6mndRA/73EYl7Dz6YCXMiyLi1aloI6ykZjqUHDOVskdHmBF1sBWqaBVK2jlw7tdtAoF10KV7GETkS2OOynjKsbLZFgoAlgZG81YMRG/83q9c3w+38NAn60ud5TX9q0/brKRz+cb9u5ZtFwsGtWIj8Lyv5t3UlgoVFVh+d/Nm7Dj3X777YOyI3K5HH6/nxdeeIFHHnmEd999l3Xr1tHQ0ICiKFx55ZUABAIB9u3bR3t7O62trezatYtQKARYAkHTND7/+c/z2GOP8dxzz7Fx40aWLVvGihUruOyyywbVt2hpaSGZTNLU1MRjjz02ZIydnZ2AFbsxFo4UPwCVldbUr1CwHLq7du0CLDfNQItNH7GYpX/37NlzTEHRkYyQLlgh6X/Y/y5mlZt4zup70YdDs7GwqgGP3XnCXAyKouCxO/HYncwuryFv6AiYtr750xEhBIVegZGyTPlmBgohgXPW9LzhCSEQxaZgw2V4pMixBR8GJq5kNWWZfvfN+zNaqMHNbGooP/4toIStSoG5KmZaoHqKImIE5b5VpyUqcu0CI1Z0LfXFVcheIWNiwn85fD7f/wD/A+D1eu8D3gH+y+v1vgJkirsdzQnYZ/tLTvS4xsLKryzm818457SPoXA6ncyZM4dbb72VSCTC2rVr+c1vfsP3vvc9wIozeOihh3jttddKZvxZs2ZxySWXsH//fmKxWGl9Q0MDf/zjH3niiSfYvHkzGzZsYMOGDYA167///vuZP39+6Wbd09MzbLGtPvr2G8s1HUnfTKZvrPF4HIAdO3awY8eOox4rGo0OWSeEoDURYmtPCy3xIBnDEil7wj3UOxqpdJQxw13B9uL+s8trxnQdE8l0yxaQgBEV6EkTkbdunEZSUAibOJqGr9Mw1QgdTL1YoGqYn6SdtGEUq1ct8vdPIDorwnzk6ig9r8bNLGqYTQ3NVGM/Tg1vW5UCVaN/PxRVwXkGFAKUAjwRkGsTqOUq1E7z2eQ0Y1J/QXw+X6vX6/0v4H8BXwJai5uO5tLoa9E3trvEJGDdqGWEex/Lly9n7dq17N27F4B0Os2qVasIhUKsXr2aK664ggULFlBeXg7AihUrhhyjubmZ+++/n/vuu499+/bx9ttvs379et555x1uvfVWXnrpJTweq+fxpZdeypNPPnniLnAAfWO4++67+e53vzui15jC5EAswLaeVg4nQnSlogSzKfocvBfWz6Ky9tRKkZRMDkII8r0CMynQ3AqKE0iCmRHoUYG9bhoKir6AzGEyPBJk2VuMz69PVdCY6u/IumdGx6B9o6SJkmY3nbiwcxWLaWRyOrgqioJjhoLqEuQGxFVoSQ2hm5iGFBUjZdyCwuv1OoHLAM3n8700zC6HissGoG/70QInzwRSQNt4xyWZHCIRy+9fUWH52N966y38fj/f+MY3uOuuuwbtGw6HCYetcJm+Wf9f//pXtm7dyve//30qKirwer14vV7+8R//kWuvvZbW1lb8fj8LFiygrKyMvXv3ks/ncTgGG7W2b9/Oli1bWL58OcuXL5+Ua120yPKcffjhh8Nuf+655+ju7ua6665j7rx57I30sK23lY5khM5UlEguzQxXBRfWz+ZAsYezFSopkRwfIyYwkiZmHuyV1o1PdYGZtqpK2mpPTHv20VAqaDXMHOw9DmMWhfUF/rml9YpH8AnPHDqJ0EGEeMmQbZGhwEZ28yUuopKxNTobCbYKBfWIuAolq+JvScLk/MScckxE8q0DeBF4xuv1DufKWFJc7gN2AAngs16vd9C5vV7vAmAe8PZ0SRmVDCadTvP0008DcNVVVwFQVmb5Oru6ugbtm8vluPfee0tBmLpuVVTfu3cvzzzzDL/97W8H7R+Px4lGo3g8HmpqanA4HKxcuZJAIMDDDz9cOg5Youbee+/lV7/6Fbnc0cJxxs+SJUtYsGABmzZt4qWXBmvlXbt28cADD/Dkk0/Srqf49cdv8tyB93ir5yC7w92UaTYuaphz3PROiWQ4hBDk/VbshObub5KlusDMYwmN9BQPchjMnIBhUkZjpNlPDwDVGTdNiX4jtaNBYx71rOAsvsFSvsFS/o6zmE+9VYsDyFLgJXaRo8Bk0hdXoQ1wnzg98v/vSBn3O+Xz+RJer/d5rADM+4F/69vm9XovBr6HFRPxe5/Pl/V6vb8HVgP/Avy0uJ9Gf1Gs/iIAkinhyLRRIQTBYJBNmzYRDoe54oor+NznPgfAxRdfzLx583j99de58cYbueiii4jH46UiUDU1NUQiEaLRKC6Xi29/+9usX7+en/70p2zdupVFixaRyWTYtGkT0WiUe++9t2SNuOeee9i5cydPP/00W7duZenSpei6zsaNGwmFQlx//fVDsi8mElVVefjhh7n55pu58847WbFiBV6vF7/fz8aNGykUClx12yr+Fm6hMxklbeRpdlexsGrGhDVmkpyeGAmBETcxc2Af4CFTVAXVWQzODJponunljrVqUAiUI7I13uNwKavzwkC/dUItA+2IhKJKXFTi4lxmcoBeXsFyr8bIsIk9XMP5aBMyFx6evriKeHcB1QY1zZNnFTnVmCjpdSdwCfCvXq/3UqxAzLnAl7HCc77h8/l6ivv+X8DngP/X6/VeDuwBrsKyZPwBqw+IZAo5Mm1U0zQqKio4++yzue6667j++utLplaXy8Wvf/1rfvKTn7B9+3Z27drFjBkzOP/887nlllt4++23eeSRR3jllVf41re+RV1dHb///e/55S9/yZtvvsn777+Pw+Fg8eLF/PCHP+Tyyy8vnbeyspJnnnmGp556ihdffJFnn30Wt9vN/PnzWbNmDStXrpx0k+95553HunXreOKJJ3j99dfZtm0bVdXVzLtwMfM+t4JkcyXhWICZniq87ka0EdaJOJURQmAmQY+ZGAkBWP5/1QGK07ohqg4FxTGyaPzTDSEE+Z6idcKlDHmPVHcxlTQiMGeKEReCOhH0VclUBxSbDZPiAH4AbIbGzFhtaZt9xrGLSS2kkRgZ3uMwAN1EeYP9XMbZk+o+VBQF4RQga1KMCkVMUE6k1+ttAO7FCr6cCUSAV4D/2+fzfXDEvs3AA8B1WIGYLcBTwCM+ny8/znHsXrhw4aIXXnhhPIeRSIZgmCbb/K283X2Qw4kwvek4s8qraXJXnfbVJIUpMJJWsKARt4oEmTkws9bvi2IDNKtKoaJZzxVNQbFbZmbVCapbwVYzMdUKjbQg32UijAFCZuDSPn3FjB4XZPbrFELiqF03CyET1aPgmq/haJweIlYYguQunUKvwN7QL4Q2s5sWggB4YzO5+HAxZVsD96LjN64TCF5lb0mUAHyS+XyCMybnQopEQ1k0m8Kln17Alz51waSeaxoypv8cE+YcKrYo/5fi43j7dgP/NFHnlkgmm65klI3tH3MoFuBQPEiZZuP8ulmT1jDrZEAYYkDfBIFRFBEiKxCmJRS0cgUUK/IfA0ROYBogDABREhhoCmoZ2OvUcVcrLIRNcu0meszszzjQFLDRL2i0orBwDF0qjqLgmQKRaNWdMDFSAtV19NRQ1a1YwZkh87iz/BOBMKyMFAxA6RdrQRIlMQGwKD6r9LdWMbJxKyhchpckOXqKCYDbaaGCMs5kxsReiGRcyGgTieQYZPUCb3YfZIf/MK3xEJF8mnkVddSVeab8R/xEI0yBmQUjVRQQCatNtZmz1itYFgCt0rI8DHp/SuHaA2p9mJawEAaggx4RiIJplUCeq6F5Rvf+ClOQ7zbJ95joUYGiWk2kRPE8ZAaIGWWwmOkXGkBJcFjiwrJoWFYUxWkJn8n67M0k6HETMwv2uqPvp5aBkbAsMUZcWHUYpgAhrKJQuS6z9J0YWGVyR6lSANQKD654f/0X2yhKiGuoXMVinuf9UhbIFvZSThmNI6xFniDLh7TTRohGqljK/FEV0JIcHykoJJKjsD/q5+WOvbTGQ7TGQ9SUubmwfjb206TzptCFdcNKgZmy/hYFgZkHkbesEYpqWSJs1aOb1SuKUrxx969Ty0CPCQoFgciDY6Zqmc5HcEyzIMgdNimELTGhuRVUz5HjOYqYMawKiWbWmmELk6MLDhvYa1WcZ6iTUlgq7y9aJ8qOXbhKURS0gSmkk1Oi4ZiYWUGu00SPmuhxK7tDqyjWywB6idM2oMvCsvSZpRoPYO07Gsqw8znO48+8Tw4dA8FGPjpuOmmUNB/Qxn78pWZrSfwcJsgS5nE+s1AnMcjzdEIKColkALppEM6meafnEB+FujgUD5I1CpxVPYMq56kX7S1E8SZafJhZYYmHFBgZy2UgCkUBUQAEqHbLNWD3YImCCZqtK3YFWy0YcSuDQegCM6XinHNsF4iRFmRbDSt+IymwVSrH7HUxnJgpbgGGvieY/YJD6GAWrOyLsnkT21PDSAr02PGtE32obtBDfRaNE9ffQxhW0GghYKInBWa6KOCqB38XdtBS+ruBCurjleh9Y/cwJkFWjZurWMxf+RATQZYCG/iIlVyE84jbWZAEO2kb5HIZiI7JNg6xjx7+jrNonh4tpE5qpKCQnHYIIUgWckRyacLZlLXMpYlkU8TzWXJGgVA2RUcyQqO7krNrZpy02RuiIChErRm/0MUgF4Mwis/NYsvn4qzdLAoIUSjOyu2KJSDKmVABMRyKqqBVCcyMQiEsrJt3VuCcq6G5hw9OzHVYs2RRAHutMu5ukYpSjLcY8uuoYOYtE3++YGDmre6UtuqJ+W7ke02MFMe1TpRGoykodnHC+nsIYWWW5Lst94aeEKj24d/zbqJ00l+S/hLmYST6t9sqxz7WZqq5lLPZgg+wLBB/Yzef53wUFHqIsZM2OogMeW05ThYwg330kC3WtIiSZj0fsJAZfIozcR+1M4TkeEhBITnlEULQlYrxUaiTQCZJJJcmo+fJGAWyeoGMXij+nSer66BAud3JotpmPMdpLT0dEUJgpq1Zvh4RpZm1MIum/j7xYFISEqigKFiCwa5YxZSmKK1TURQ0t5WJYcQE+aJ7xTlbxVZnuUCEaWVx5HuL8RIa2GqHplhONKpDQamz0jb7rCiOJnA0jy8w0kgVrRMZgb125MdR3QpGYvL7exhpQb7TCnTVE5YFx1Y5fHdQgeDdAbETTVTRnK8mm+3PKNTGISgAzqaJOBneLxZV7iTK3/iYDHl6iQ/Zvxo3n+AMzqQBFZULmcN2WkqlwAEO4OcwIT7JfM5l5rjGd7oiBYXklCVn6OyN9PBBsIOOZAR/Ok48nyVrFCiYBk7Njstmx6XZqXKU0eiqwGWzY1e1ExpwKYQ1yzTiVotqDFDLwVZuZUkoI6wzIExrBlkIFks2Z8DIWMGJqqN4s7GDqmAJCBXLyq9OTUbD8VDtCkqt9b703bztSRVHk0qu3aQQMTFiVjbE0HiJyUNRFWw1VgBlISQQuoGZVnHOVcdcE6JknXCOzsKiFCfT4+3vIURRdOaseBSRAzNvWbbMvPVcTwrMjEDzKKjuo7/fnURK2RhgWSfMAfd4xcmo25QPx8XMI06GgwQAaB3GtVFPBZ/gDOZRN6huRRl2LuVszqGJN9hPsNiPsoDBWxzARw8X2s5gxggDPiUWUlBITjmCmSQfBDvYE+7Gn4nTUxQSdWUemj1VuGx2nJp9SmtHCLOYKVEUEaW6DTnL/VBKY7SD5lbRKixxoQ3jezazgkJIoIdNjIzl0zbzfcGSyrQqfDRaLBcImGnQwwJTtywSRsp62KqGnyVP+rgUBa3C+nz0qLCaSOUEZfNGn51ipIXlsskIbKOwTvSNYyz9PYQQ6EHLbVESDUUX2MD4EWH0x5OoTuWodTFKxz3COjGr2C00E++PxhyPu2MgVjrpOSTI4T/CKtFMNZ9gDrOoOWYBrAYq+RJL2Es32zlEvhg1GiLJy1V7WJibwXIxb0LGezogBYXklMAwrS6fHwTbaYmH8KcT9GasH5kmdyULqxqwjTA7w0iI0sy+L3hPURVrJq9RWo8yulmxme8XEEZClGZ+fQ2VVEfRf64W+zUkrFmj7jAGpDAqaJ6i5cJp3WT1uGWNMNOWSVl1KVYzqWlauGm0KEpRSBVdIGbKEl0TES8xXtQyBbut6AIpWHEnA10zI6HQa/XlUEZpnSiNwQWFVF9/DxXNc+z9jbSw4k5iJma6aJkwsIRs6TtvZbaozv4A1pG4U9oIEaA/WOIS5iEMgZnq32e87o6B2FC5msVs4CMCJDiDOj7BnFF1JlVRWMRM5lHPNg6xn97StgNOP1ujLXyVT0zYmE9lpKCQnNTE81l2hTrZFeykN21ZI8LZJFVON/Mr66lylI34h93IWH55PWpF8ZfiCooPpegeKAmJPrdBH8oRS4qvwYpbMHP9AsLMD6jbUF6MVxgwTtVpHUgYfTNISzDoQvQXYLIVMw+yRUtGxdDjnEr0xS+IPNOqbLdiG5qdYk+pOJpV6/sx8DtzBEZGUIhaN/bRWidK5x9hf4++4lOFXhM9YX3HNXexrkZf/Y1xfHeOtE6cQS0zqLRiLvrCJ7TBZbknAhcOvsRFCMS40j/dOPgs5+CliTc5QARLBXlsJ18c1VQhBYXkpEMIweFEmA+CHeyP9hLMJOlOx8mbOo2uCi5smDOqDp9mQVjFkIKi5CdW+3zTfYGLxUdfQCOKKAkN6BcOw9InKgwrc0B1jjzlUtEUFJc1CxUCMOivA5EpWixqmfKZ+olCURWUSa5FJBCkyBEhTZQ0EVJEi397cHIli6hi8F2xlJ2SVtDDlgukELY65JY+4wFxK9bSCi41U0WBNI7P8Hj9PfSEIN9hoBctZKpdwV47ttTNo9FCkDD9poiLmQdQ7OdiMdLqmKNFKf6bCJqp5qss4eN4D3ZN44LyWcd/kQSQgkJyEpHRC+wJd7Ez2EFPKkZPOk4gk8BtczDTU0VtmWdUcRHCEBQCwiomlLRqGKiO45vShRCDREb/hsFP+9b1odjGN6vuS2fUbMAwKZSS0WMi6CJCmFRRQFjLwsAKTAPIobOR3XyZJdgZbAkY5JqJC0QM6/PvE5/Qb+ka+CiAVjO+z1O1KyiqVf5cDwscjcWaGgWrimUhZFpjKhw9O2M85NEHVcWcTz31VFixGvH+/wSjqY45laiozCrUoompL2t+MiEFhWTa052K8UGwg72RbgKZJD3pOKlCjnpXOYvrZuK2jS5vXAjrRzffUxQSCesH31ZtlVs+HoqicLTJkPzpOXlIkGUzu0sR/iMlSprX2cffc86ws2LVoaDWDyiSNVB49lm5Bj7KmZDA2SP7e+iR/pLYZkKguBRskxBb00uMl9lLkmxpXZ91wkwzruqYkpMLKSgkJxRdN6yZnHZsX2fBNPBFetgZ7KA9EcGfidObTmBTVZrclXirG9HU0ftL9UQxTiJRbK09oFywnImcPnQQ5mU+Jleq3TgUDw6q8VCDm2rchEjycbFuwUH8NFLJYo5tDh9OfE7Wt2xgf4+Mz8RIFktiC8sCMlC0ZMjTTpg6yqmjfEznMxF8QBs7aB1kmVvETGqwIkONAdYJtXxiXSyS6YcUFJITQiKRo/VQmO7uBApQXuGgorKMykonFZVlVFQ4sdlUhBDsDnfxZvdBupJRetJxovkMtU43Z1fPoNzuLBU2MnPFgEW9mNrWF98g+oo2WV0vS+sKVpliI2mlaGqeoeWCJac2AsEHtPMuLYNugs1UU0851bipwU0NHhxH/DyaCKKk6S7WWHiHgzRQMW1qFZT6e6QEhayJkR5aM0Ig8NHDVg6RL4qpOdSyhLmjuo4UOV7h49J7AZZQuph5XDigrfhgd4f8f3aqIwWFZFjyhs723lYC2SS1Tg/1rnIaXOXUOj0jtgwIIYhEMrS2hPH3JInFssSiGQTgdNhwOjUcThvOMhsOh0bBptOaD+EnTpceJavkabBVMketQ82oiJggmzetwjuF/tLRpeqPRzxEyczcb3Y288VUv/rpkyUgOTHk0dmCb1ABJA2VSzmbs2g87utVFC5nEevYQZo8JoLN7OErLME1Tco1q27QI4AphsQCRUjxBvsHFZ0CaCdMO2FmU8NFzKXpOCmXhwmyBd8g6045ZVzOOYPSNfuymvqQ7o5THykoJENoT4TZ2P4xh2IBQtkULpsdj82J2+bAZbcPEBgV1Jd5qHdVUFG0HIAlJAL+FC0tYUKBFLFohkQih8ttp3lWJZqmkMsZ5HI6qWSO3kCCSCZNmhxpCmSVPFUuDzMdNWAq5A0BhjGk8A4MTHcDK+KNwWmeYJWGLK6zl58+GRGSfiKk2MRuYsXW1wAVlHEVi0dl8nfj4AoWsZ6dCPpm6nv5POejToMIGkVTsNcPHoeByU7a2Ekb5gC7jMLgIOIOInQQYSbVLGHukGZZOgZbOcQeugatX0ADl3L2EIvOwOyOiaqOKZneSEEhKZE3dF7vOsC7/lYOxUMk81maPJXkDJ2uVJSUngfAbXOUHh5739LJTHcVFWkXegD0pEE0miWdyuMpdzBrdhV2R39UvM2m4XTZ6ExGCChx4kqWVDaHCwe1eFCSCroARRUDWkhb1SP7CkxN15LRkunFIQK8hm9Q5sZsavh7zqUM+6iP10QVS1nAVg4BVqnp9zlcCkScTnQT5XX2DRJSYGVhfJqFhEjyPofxDyhG1UWULqI0UcUS5jKTaiKkeZmPS7UZwCoqtZyzOJvGYYNTpbvj9EMKipMcIQSmKdB1E0MfMP84In9RHLFC01RsNuuhKAqHEyE2tX3MoViQlniQmjI3F9TPxjbAvSGEIG8apPU86XyeRCZLIJogl9cpyzuoTLpx5u3YsxqarlFR6aS+3kO524Fd0wYdpzedoD0ZIZ7PEMtlsKsa9VXl2EdYzVJyepEixx66OEAvBQxq8PD/s/dmMZJta37Xb609xpwROQ9VWePJc+oM9wx3aLt9wYY2xsjYAiSQeDBPgMwjL2A/tBDIMhJCshDjK7KMwKKRH4zbdLu76b74dvftO5x77nDinrGmnCqHyBj3uBYPa0fkXJWZlZmVVbV/UmhH7MiMiIyM2Ou/v+H/NUaXMg1Kh9o4FZof8CU/5dG+/R9wnQ+58VwRhXdZYJ32aDT2j7jPJBWuc4K545dASMyf8CVNVvftL+Hx69xhkYnR7Ws0eMw2P+L+vsFaq+zwf/NTJiizTZ8UNbpvEKDhoQAAIABJREFUnDL/Cm8xxtEuVTrVqD3NM+fpjplzdckFxRVGa836Wpft7QFJnJIkav8lTklShVJGVGh1UDZwhDGCQUiBlAKlFQ/72ywHLTajLoGOuVmZohS6pF0TLtVpZs+bACm4iYuTulS1mV6pFCSxIu6lxLGi4wVQhDY2GzsdvK6NbzlUvQJl22N90KEVDtiJ+iitqftFfOv0Z4o5rz5P6PAzHvEFT/aJ4lV2DtUCVPBpUGI8K678JSus7Bmh7WLxF3lztJg+D2aOxBJb9EZn/3/Ap/xbfESFC3beegoazZc84ft8ziAbzz3kbeb5JjcOpSYEggUazFNnhRY/4v6+YsuDbbXvMM+3uYX1FFfKvemOi3DHzLma5ILiitLeCWh+us76WpdOJ0SlGqW12SqNUrtCIlWaRKUkWmFJiS0t7KNSAXt2aQX9OGI76hOkMQMV41guVbeE7EAgUpAmkHnk2Gu1+5hCgpSCQslBFqAmPKI0JUwTenHEdtDHkhJ/0MG1HDMmPE2ouj4lxz03h7ucVwOF5ms2+BmPjhxFfRwdAjoE3Gfz0H11Svxl3qZG4dxep4vNb/A2/5gfkaAISfhdfs6/yQfYz2EBfVYiEn6fT3lw4O9vUOK7vPHMLg6BYI46c5mw+DEPeMz26H4fh7/IEtdOEIVJ9vzb7GpuDvW6kAuKK0YUJnz+2SYPHmyzvdWn0w4pVzxsRyKzqIJG01cx/SSil4b00pBIJUZQCIklJLaU+JaDbzt4lj267ls2lpDc72yx1evQCgYkqaLmFPGEtaflkpFoOHLs9VPmEwB4lj2yv9bokcDoxyGOZTHjVZDi8g+6ORdPQJw5T/YYEFHApTi6eBRxjzy7DYlpssrPeUyX8ND9JTzeZo5JqmzTY4seW3TZokeyJxx/kNtM8V3eOJQSOQ+Gi/Xv8ylgzua/z+d8lzfO/bmeRoeA3+YTWvRH+ywkH7HIuyycesbFLGPMMsYaO/yCFWwkH3GD4gm6WbTWh+y2c14PckFxRVBK8+hhi88/22Brc8DWVp9CwWbhWo1EKDpxSDcK6IQBvTgiUilRmhCmCVGaoNA40iLVilQpZCYqbGEiFpaU2MLClgJLSHpxxE40oGi7NAqns6w+LQKxT2DkvBrEpKOFfTu7bNE7FGo/Ch9nn8gA+JL1I4XB0EDqJhOjhXFuTweCRtMh2CcwtugRkfI+13ib+QuNgt1hmjXao+6HT1lhmipvMHNhz7mXddr8P/xs3/s+T52/wF2qzxmRmaZ2qsmdcMAdU4BVea6XkPMSkR/hrwCbGz2anz5h40mPjY0eoBmb8OkQ8ElrmX4cGeGgjHiI0hQpBZ40i3TF9XGkHB00NZpEKVKtSJS5RElk9ilzwLakZNwv5Yt8zqlYZYdf8Jh1OnT2WC2floB4FMk4CoHgFpO8w/yJQvVVClQpcOMc6iPOwq9xmyd0RqO7v8dnOFhco4F9AZGRIV/yhD/g030Fkx9wnY+48cJSifvcMUu5O+brRL6avED6/YhfffqE5eU2W5t9ur0QWYKOFXC/s8kgieknIVGa4lgWrrQpOR4N36QtjkMgcKRlQrwHjmUaU4shxflN58t5tdFoHrDJxzw8cU2Dh02DEiU8AmL6RPQIn2p1Pfy9t5jjHnOUeHnGRltIfoN7/BY/JCQhRfG7/AIbyTUa3GCCa4zjndMhd+j4+QO+Gu2TCL7LG5cWGTmOvF309SUXFC8ApTRffrHJV19usbnZY3WjQ+zE9P2QQZTQTyKCNMaVNkXHY9x3zi0lIRBYeYFUzglQKD5nnZ/ykO09ufm92EjqlEZtnHWKNChR4Ohi2wTFgIg+Ib1s2yciJGGSCneYutAz+oukjM9f4i3+GZ+M+lESFF+xwVdsZEWPY9xgnEUmziyYUhTf4zN+tacl1MsKROcOmFFdNofcMXNB8VqRC4pLRinNzz9Z5ee/WuX+4y36OiIupgx0RL8fYQlB0XapeQXsvGgx5wwoNBEJIfHobLmERxn/RN4LMSmfssInPKJ3RHHkDDXuMcckFSr4p4p02Ugq+C+0tfIiuUaDv8b7/JzHPGRrn5mWRvOYbR6zzf/H50xS4QYTzFNnnNKJCidDYn6HX+xrh63i81d491hPiMtkb7pD+Jxoem/Oq0MuKC4RIyZW+Bc/+5oHj7YJ/Yi+HZHGmqLtMlEo76uFyMkZkpDSI6Q7ugQExITEBCSEewREdExaQWDOoitHXgoI4Bcs83MeH5maWGScb3Cd6SsyDOuqMkONGWokKJbZ5ms2uM8mwYFi1WHNxQ/4CgvJBGWmqTKVXQ5GMNoM+G0+2ed6OU2Vf413zuT4eRHsS3fk3R2vHbmguCSU0vz0p8v8wcefsbbSZcftYbsWNaeAZ9m5iHjNUWjaDNimR4dgj3gw10/SOfEsNLteDSdFIrjDNO+xMBpJnXMybCTXGec64yg067T5mg2+ZuPQ/yBFsUZ7X41KCY+pbJppEY/v8/k+UXKHKf4llp5qMHWZ6FSj9tTY5umO149cUFwCSml++JOH/N5PfsXWWp+2N6BS9ig5L0/RWc75EWbdDZsH2hzTp3gpnAUBeDgIOLUgcbB4k1neYYHyS1QceVWRiFHk4jvcYose99ngIVts0N03tGtIj5CvCEf23nv5kEU+ZPFKnYjk7pg5uaC4YJTSfO+HX/KHH39Oa31Azw+pV4t5u+ZrgkKzkg1b2qLLJr0j6xJOggCKeJSzSwEXHwcPBw87u5jrPg4O1mjBSUhH0YmjLsM0iY/DO8xzjzm8KxJGf9UQCMYpM06ZD7lBimKTLuu0WafNGh26x0SRJIJ/mSXunGDc+mWTu2Pm5KvaBaKU5p/98af8yc++ZudJQFSMmaiWsPMBWK88m3T5jDW+YJ0+0Yl+RwBVCtQoUMbPCilNMWUZjyLemQda2VijboyjCEkYEFHBP7cQuoo1JKY477IXF51oVAiyYObWXGUs5KhuYkifaCQw1mnzhA4+Dn+Jt5g5pdHUZXDIHTNPd7yW5ILigkhTxf/5vZ/wyacrtJ+E6LJiolq+UEfKnBdLl5AvWONz1o81bBriYjO+Z1LmOGXqFF9Yy+QwwnFWtNaoAai+Ju2D6mn0MMsiwSobC2arIi688j/taYKvlXFrzJwarWr23M7L8f0r4nKDiRdm1HUatNKED9R+d8zyczxeZtUfpQmRSklUSt0r4uZR3StP/h+6AAZxzD/8gz/ji8836W6G2FVJtVK8UvnOnPMhIuFrNviMNZb3tPLtxUxzrDNNlQZlxjPDp5f586CTTDj0NWlfG7vl40pAFKTtYUuhRri74sIqn28EIelowq/V7pRdvf+5ZdGIC7siXkjk5FVDJ0a8qT02JfaYOJU7ZqLVyAE4UglxmmJJiSfNDCIlLVrRgMlC+aX+zrwO5ILinNkOevyD3/8zHn7VYrAZUxhzKJWfPVAn5+WiRZ8fc5+v2Di2mHKKCneY5haTFE4wVOkqoxNtxtn3NGl3v3nRqR8rgmRTk2xqEMae2SoL7LHni14kLU34cI+YOAKViaB4VSOcTFxUBbKci4vTokJN8JVC78noWRVw55/9PgZpQi8OR3OI3OEYAcfH83dHCpQdj0fdbXq9iCBJKNh5Xc9VJhcUz4nSiq2gz5NBl/V+mx/8+AHL9zvELUWl7uGV8rf4VWJAxI+4zy9ZPnLdquBzl2luM3UljIbOik40aQ/SribtafRJOk2FqVmQRYFVFNkcB8zjdEyO/ZAQ0aC6oLqaeE3jzgrs8dMX9MVbiujRnv+IBG/R1IKkbU3a3pOCGT51vCtshAvegsQq56LiJKT9LK20x67Ebgjc+Wf/7yKVshV0qboFqq6PKy2KjkfF8UYiwrcchsGIRJnhiO1ogG/nLfZXmXy1OwVBErMRdHky6PJk0GF90GFz0DVjxOOI/uOYeFkj2xbVhodbyIsvXxUSUj7hER/zcJ/7IZj6g1tMcodppqme+YA3TCMIOysmfI4z5mFNQ9rV5gxSkI2bZ3f0fLZFZvs1pH1OLiAssEqZgCiJYwsg7cquyZGK9EhcpF32p0k0RMuapKXxFiTSP9nfH28oouX9LYv+TYlVFNnzC/ScRgW74kIN9j+GjiD4UmGPC9yZ04XsXzeStia8vz8S5MwInMlniwmlNVtBj5pbYL5cZ75Uo+R4WPL4QuD5co3V/g6dKMijFFecXFCcgB+uP+DHTx7QCvsMkpheEhoBkQkJjaYyKFBZL1DouXgNC7twNcxmcp4PjeYz1vgzvj7U7lnB55vc4CaTZ+6M0EqT7phFNO3suUOYPn6rJJAlgVV8+tTGUVFklpJIexxf03BGhA2yLLCyFIVwTy96pCuQ4wJnPHvNfRO9iDf1qKhP9WHwmcKZfvoipbUmXjeRjb2v0b91WIwIIbAKYBUETJsOlKG42Pu+J5tmnzsvr8xgK62NGBKCE4usiyLeVESP98fm3GsCp36yz/9ONMCRFnW/xN2xKeynCIkhtrSYLdXyKMVLQC4onsHDzha/8+AX/HJ7lUES4UiLouNStF2mixVKtoeTWAzWFPFAIUoCu5B/2F8FHrPNn/Alm3T37few+YBF7jF3JiFhWuxMzj/d0Ufn/DWonhEIwx8QPqNUglUUJqLQ3SMg0iMe5zk4DwHx1McX2WOXBM6EJlzWpK3szdAQr5r3x1uQyAPfKa010Yom2dgjJpxMTHjPfo3S2RU2aV8TPlKjqIyOIfxakY4J3DmBsF/c91krTfho931xZgTu1OWfrGhthFu8vj+t5C9KrBNabPeTiCCJmS5WuVubPJGYGDJXGmO116YTBQyShGIepbiS5ILiKaRK8c8fNbnf2aRou7zVmME54CGhlWZwX5HsmC/a87RL5VwNtujxp3zJQ7b27ZcI3mGe97l+atOn4dl40jLRiGMXfwsTWThCZOgAkkBjXtZTKg+HZFEOWTDnc3qoTVR2Xel9+9AgPNN5YZUEwru8QkVhC/zrgqSmiR4rdJabV4MsWjElcKYEQgojJh5pku09YsIzaY6zFHVaRUHhjiR+ki2Y2cMmLU3S1XhzEqt2+UWbKjIdK2pP+ile1aAV7vTliQqtsve7dUC83Tgs9I4j0YpWOGDcL3GtUqfqFU71GmwpsyhFQCcaUMijFFeSXFA8hT9bv89XO09oRQPen1g40pAqfKRIWgoVaJxG7g73MpGi2FF92nFAP4qI46xiPYGaU0L7gpbfo+sG3BZTfJMbVDnZgVArE6ZWgyx339H7quH3IcGuCey6iT6gzUKa9rRJYfQ5cfRhmCaxyllR5BU3dTqIXRNYZWlqKfYIhnhdk7Q13rwk3sgiOxmyYMTE80QShBS40wK7ZjpFRjUWCYQPFFYV3Hl5aT4WaVcT3FdH/t/jNSMqnOnzOd5opdEpkIBOs0uS7Uuzz+GettDTijeNZjvoUXJcIyjK9TO9ztlSjZXeThaliCnaL3fn1KvIuQmKpaWlMvB3gH8buAFEwI+Bv99sNv+vAz/7x8B3jnmof9JsNv/aeb2us9IK+3x/9Uu+bG+wWGkcKSbiTUX8RJHu6FP3XudcHlprev2ITj8kjlOIBFYs8SMHPy0w+QyRoIXG8gXSF8S+QvpZAaJtzpZ1zD7xoAZPEQ9DMsMluy6xKgcWfsEoFTB8/To0oXnVy4oms8eXBUyNRZaaeBU+g8ISeNcE1pgmeqRG3Rk6gOCL/YUhspiJiXP6u6Uv8O9Ikg1NtLobrUjbMOgp04VSv7gTB61NGida2R+BssfFvnbdYerBmT595ERrTfxEk2xlnS8nCHYNkSUTmTjN+92JQrSGulfk7tjUmd87W0rmyru1FAXbyaMUV4xzERRLS0sV4HvAe8CPgP8RqAH/DvBbS0tLf6fZbP697Gcl8C7wFfC/HvFwvzqP1/Q8aK35/Ue/4kFnC8eymfAP5zHSgc6iExpZunj3v5zTobUm6Su2WwPsto0XO1TP+HEXWpiCx8EetyQw3x7NqWoXZMkY/9i1k+fmhTAmTNIX0MheQWI8HF4FAXEcdkVgvSGJVjPPigNYFdMaet5RGCFMMahVNd/x0QTNFBP639K4c7tdJOfFwXoJ82LAXTBFjyrWBF+q/aJCgzNzclGRDoxIO9jlchKsMYG3IE71fodpQjcOmCpUuFWbwH/O2oeZ4jBKMcijFFeQ84pQ/GcYMfE/A/9Js9nUAEtLS78J/AD4r5aWlv5Rs9n8HHgDKAK/02w2/4tzev5z5fOdJ/xia5nlXot3xucOfVl1qgm/Tkl2FELmU/WuClqbM/juToTeASexKZ0gRaHRRE5C6iiEC65t4UY2KuDpkYbkKfeBqWHwTQ2D9I2J0nkJzxdZKHiZCEvgzWepiEe7JkpWzUQxLjKlIz2Bf0uSbGURgyw4ovoQfK6M78LM+RRtHlUvIRwjmIbCRTqCwm3J4MvdAtL4SSYqZp8uKrTKOmLWnxKOEKYQV1hAthWWQFhZa3D1dNEQpTVbYY+aV2SmVGPSr5z4d4dEUUJ7J6Ra9XA9e7eWIgrZyaMUV47zEhT/HuZc7W8PxQRAs9l8vLS09D8B/yXwbwD/HfCN7O6Pz+m5z5UoTfj9R02+am8yXaxSOKCAtTa+9XHLhB/PYsKTc34MRUS4YwSelVjYR3ysFZqtUpfUT5COxHUsSq5LyXGxHIuyOPqrMKqFCPZsBxyKSghnr3gwAuIyixpfdayyoPCGJGlphDBny5fx3gohcMYFVkUTLSvSPRM1ky1TqOjOnM2Ma0ja0QQP9tdLyJLpoDgoVoQtKNySBF/uio94Q6MB9xhRkfYyMXbAVMyuC5wJsSsezlmctcI+nrRpeEVuVic47bqvlGZ1pYvv2Sw/7jA7X8HzbGazKEU7CugnMaU8SnFlOC9B8feBWrPZPGqYwfBjPJSn72fbKykovr/6Jfc7mwzSiDfqU4fuj59ook1F2tEml/qSFb2dJ0M3RdXT6GTYRWDOmPSwU0EPOwqy23vP2gumFuE0hW4qNgViamBmSCQDhUyNQ5N1YLCWQrNe3mFQC5molbhu1059NiOk8YA4GN7WsZlmCebveV0iBi8SIQVO48W8z9IV+Dcs0o4mXN6zOCtjxhVvZt0gJ2yhhKfUS0wI3NnjBYqwTeRkr6hINsz3zp3bFRU61Uemi4STuYKe4rWell4SEaYJM6Xqif0mDtJqDXBsydRMmU47ZGW5w8xsBd+3mSuNjaIUxVNEKYYt2zrVpnD5JRkW97JwLoKi2Wz+D0ftX1paEpg6CoCfZtuhoPhwaWnpvwXexoiO3wV+s9lsvrAaiieDDj9Y+5qv2pvcqk1gif1fgrSbnaW0Xt4Po84WfOOaeLrXr+Ks6yCzZD7rPIc02h3WBLvOkHtFhnAwFebZBEvVN5EBfSDNIA/4QCgUq+UdWmNdalWfG/YE7gU0MwlHYOWt8K8dViWLlGxmRZtZGkSHEHylsGrgzu7vgNDaCG4VgB5GukKz3Wc+JsBbENgnMIkaiYqvdushhsLBnYO0y76C1iH2hOlmucjam0Sl7IR9xv0y1ysNKq5/6seIopR2K2B+oca9t2dYfryDELC63GFmtsxMsTrq+OjHMSXn2VEKnWiSHW1SOJ4g3daogimAfp1PDM+Ti24b/VvAt4Evgd/O9g1THn8X+C1MMec3MWmTv7q0tPQbzWbzB8964KWlpZ8fc9fts7xQrTW/+/BT7ne2KDsedW9/YYSKNcH9lKSlEI5Z9F4GRh0CvWy4U1ePxjoL2yzcwjYHKLM1i6WwjTVzOjjcWXDurzGBtGNCv6OCR8mJnR5ToVgrt1ipbVOsOty2p7j7Eox9znk5EcKkCuyxLAKwtRsBSHdg0Db1FejdVNmzPssH6yVO9Dr2Rir2iArV0/tqMcCk37wFOeocuig0mq2wT9nxmSiUmS+Nnf4xtGbjSY/aWIHZuSrzC1VmZiumOFkIVlc7TM9UTJQiDtgO+xSdp0cpVGjajq2iwKoJ7JIg3lIkHU2yCVaVExmi5TydCxMUS0tL/y6mZiIB/oNmsxkvLS2VgGVgHfjrzWbzwZ6f/48xRZ3/YGlp6V6z2Txn37+n87PNZT5vrfNk0OG9iYV99w3rJpIdc6ZhNy42Nz6yJG6bwUzCAuEKpGu2wsVcP+IsQ2uz8BsHxd10xOEfNI6Au2cwev+dJ0TYpm1ReuzOhNg7H0KIfbd1mh1k++agd/AMasRTDsA9J2Cz0GWr2KVV6OEXbW5bU/wF7hyKWOTkXBTCNl0PdsNELkdeDZoju1KOw6qaxf4saTNh7YlUZM9/UEzsNQW7aDqRefK6V+Ru7Wwtot1ORJooxieKvHnPPIZtCz74aB6Z/Q1rKx0mp8tUHN/UUsQRJcc79FjDY6nq6czrRRpDLtfUvYSPFGnbiA3pcriFO+dUXIigWFpa+lvAf49Zmf5ms9n8HkCz2exhohGHaDab/8vS0tLfBP48Jqrx/ac9R7PZfPuY5/45cO80r7cfR/zh8md82d5gvlzHs/a/LfGqJt5SpD2Nc0F1E1qZ3N7ww324FfFAyyKAxUhkSBdUnAmI4xbpc0A4jEyTrNLT7Zg1mpiUkISIhICYkISgFhNgLkmscAc2/sClNPCpDYqU4t0DQ2BFbBa7bBW6bBY7bBW6aEdznXEWmeDb3MAhH8KW8+KwigL/tikYjVeOEfBk0b+s/Vd67BbvPmf6QVgC/+Z+UQEmjeguSDO/5BLoJRHdOGKqUOF2bRLPPv3ykqaKrc0+0zNlbt+ZoFjcTWXYtuT9D+fMOYqA9bUek9UyHTdkO+hRdNx9UQqtNGnbpDrscYEzKY1wy47fdlViLQmiVY1cVyQdRbxp3I7l6bM0OZyzoMg8Jv4b4D/F1EX8+81m87dO8RB/ihEUt3mGoDhP/nD5M+53Nkm1YrZY3XefVppoaF5VPl9ffx0b8ZC2s8mLpzCYASA1jooM9DOtEKS/a4AkC9nvJpmfQWLEiM5umy2QmFCpVTKmSaqkCdyIDjEBEQNiBtk2zMTC7tZc9LP+KCe77HnbvcSmEhboOxF9JwQBZXxuMM6HXGeaGjJvFcs5JxKVkmiFKy2kOFuESwiBUxfYVU28oVEDbVKjewTERRbuDkVF9NgUK9uNk03/PC+6cUg7CpgolFkojzFeKJ3pcbY2+xSLDhOTZRZvHHbUtCzJNz6YG6U/VlY7lGyXjhzQiyPKWZRib72EM2GExFGdOKO25LogfChIdtRoGq045+F6rwPn6ZTpAv8bxilzC/gbw8jEnp8ZB94EnhxTfDn8FJ7BduVsPOpu85MnD3nQ2ebN+vShD1zaMz3iaHN28bxobXKuyfZ+O9ujkOW9Y59BRzrb8kzxITwTSRg5KB5xMDOHzqwiHM2AmB36tOizw4A2AwZE9DMBkZz3+MpjCO2E0O4wQZm3mGGRCRqU8n7znHMnSBO2gh62lMRpii0lnmXjWjaeZR8qzH4WwjJFjy8CYQm865f73BpNJwrpxSGTBVOEeaMyfqbHGgxiet2Ia4t13np7epTeOMiuqDC3ew9DynaBVmTsvXXIqF7CHhP4ixZW+envi1UUFO5K4g1BtGK6+MSOgLwj9VScl1OmBfwj4K9jHDD/arPZbB7xo/8q8L8D/wTYZ6+dRTd+HbNUPrMo8zxIlRoVYjb84pHVyGnbFDUK9/nVvgoPOO8dRJoqcrtqTJBSS7FJB4nAw8HHwcMy9Q+JERYqMjUTOsp+fzgZ8ggBkaKISOgTjUSDERBmG5/3uMo9OFh42KO/Y/di4+MeeT2vh8i5SPpJRCsc0PCLlB2PWKWEaUqUJvTiiO2gjzUUGNLGsywsKXNhm6HR7IQDgjRhsljhZnWchVL91H4TsFuIOT5RYnGxTr3+9Kp3KQXvvT+HlAKNpv3FAMe26LYivMgx9RINib948pkjQgrcKeNiGz5StIXCzmOhp+K8IhT/OUZMPAC+22w2Hx/zc78N7GC6Of5ys9n8nT33/Sam9uG39hZrXiQ/fPKAr9obtKI+7x8oxBySdjQq0s+VhxxGJfa67Q0RjhEPdtXUJaRS8ZBtvuIJD9g8tMhLBL5w8BwH37HxS85okRYwqlc4apueU4TBx6GAg49LAYcCLn4mFoxosHH3XPdycZBzxRiG6Mf9MnOlKnfGpkiVoh0HtCMz0bIXRyOBMUgjdqIEgaDul/Cti26Qu9qYgV99YqWYLJS5U5tiplR99i8eQ6sVYFmS8YkSd984WYeWlIJ33ptFCMFm0CO8n9JXIUE1pjrpUl70kWeoTwmthOXxFm0VcE2PMzb5krT0XQGe+1uxtLTUAP52dvPHwH+4tLR01I/+YbPZ/L2lpaX/CPiHwD9dWlr6LeAhpm7i14BPMa2mF04/jvgXK1/w5c7xw79UpEkHppdb1M72PCrKohLd/futGjhTEumbtscHbGYiYuupkQKFpk9En4vp4fRxqFGgRpEaBcp4mWBwRttcs+e8rBwM0S+U69ysjiOEQFoW41aJcd9kXhOl6EQBnUxkdOOAXhyzFfSYKpSPPGa8Dig0W0EPrTVTxTJ3x6aZLByed3RS4ihlZ3vA/EKNpTcncdyTv69SCt5+d8bY5+uEJ1GH7sSA++4Gyy2L+dIYda94ouhyP4543GuxHfaZLlR459Ycd8Ym+WDh2pn/tteN85DZ32W39uFvZJej+LvA7zWbzf9jaWnpAWYy6W9kv/sA+K+Bv9dsNtvH/P65shl02YkGKK2OHP4FuyOnz2JLe2xUwgJvXqBrmgdigy+zSMRx9QkWEhtJ+MzBESdHIkaiYWyPeKhRxCd3a8p5NTkYor9RGTejtI/5attSUveL1H3jSZMqxc+3VkhUylbYZ7JQfinTHxpNrBRhEqPReJaDa1kn+luU1mwGXYQQTBUqLNVnRu/PmV6L1mxs9KjWfGZmjd/EaZFS8O57s0xOlhE+fDpY5eMnD1np7XC/s8XD7jagmOp3AAAgAElEQVQL5TEaXulIYdGNQx53W+xEA2aLVT6cvMYbYzN8Z+Ymc6Uznkm+pjy3oGg2m/+YU2bNms3mH2NSJC8WDVIcXxuRdjQq1Kc2PFGRmeiXHoxKVKE93+NPncd8zcaxIsLB4jrj3GSSa9SxsVBoQnbbLcOsDTPIOiwCTK+oO0o5mBSEi7Vnn0lDmLzgy3cgzMk5K3tD9FOFMrdqk8yecrGwpGRpbJowjVnttWmFg0MGeFeVRKWEaUKQJoRpjEDgZ5bV22GfVCt8y8G3HfxjilFTrdgYdHGkxUShzFuNWapncMHcS68bkcSKufnSyHPiLAghmJ0zKZcZqnx76gY/fHKfH2fC4lGnxaNui/nSGOO+ERadKOBRt0U3DpktVblTm+Stxizfnr7BdPHs6ZvXmdc7EfgUtNbGXjoCecLPltameyNaPhyV2Jzb4c/GvmJTdI/83aGIuMUkC5mI2ItEUMClkJcd57zGaDRKa3MicEJRrHQWogemimXeGJtm4owhes+2uTs2RZSmrPXb9GR0Itvny0ZplYmHhCCNUVrjWw6eZVNzfTzboer6WELSCgcESUSQJvTjiFbQx7GskcBwpCTVmo1BF99ymCyUeasxc6SR1GlIU8XmRp+p6TK3bo9TKp3f+1h0XL47d5dvTi3yoycP+fH6A1b6OzzqbvOwu41r2QziiLnSGEv1ad5uzPGdmRuMHxOtzjkZuaA4BtU3XRlaZXMlnoFOjZtm2tm/v13p84cLv6DtBId+x8FiMYtELNDAzgsXc3KOJNWKfhLTi0MSpZBC4EoL17JxLetYDwmlFRtBD0tIJgsllsaeL0QPMOYVuV5pkGjFxqCDkz3/VSDViq2gR5SmuJaFZzk0vDKeZVF1fWpegZpboOx4u0PEtKYbh7TCPtthn04UjoTI5sCcAGmg7HhMFsrca8zi28+fGt3a7FMoOkxMlrhx87DnxHlQsF1+ffY2H01e5ycbD/nh+gNWejtmcFljlnfH5/nW9I2XJtJ01ckFxTGYdEfmRPmMMJzWmvD+/hRHIlN+MPcFX9XXDyWEZqnxFnMsMpGLiJycY9BowqyFM0hjfMuh5hbwbZtUKUKVEqcJO2FMotI9LZ4WjmUjhWBz0MW1bCYLZd6sz5xpUNVRXCvX6cYhcZqwGXSZLlTObIp1XqgsiuBZDhOFMiXbGwmIqutjHTPxUwhBxfWpuD7XKg2iNGE77NMKB+yEAwZpTKoUDb/IW43ZQ07CZyEYxPR6Mdeu1Xjr7Wks62LfO992+LWZW3wweZ2fbS4TpjHvjM8/d8omZz+5oDgGU5CpESfoYY7X9T4xsVze5k8XPqPv7nZiOFjcZZq3mKPB2VzkcnJeJlKtCBJT22NJC1uIE/k4JFrRjyN6cYgQgpLtMuYVqLoFposVGl6JME3oxAHdOKQTBQRpTJSmRGlKkCa0o4BUK6quGVL1Vn2W4nmmJgTcHZtikEREqSnSHPdfnPmazjovbGkxWSjz9vgsBftsf69r2UwXq0wXqyitaUcBgyRi8pw6W4JBzPpal0ajyLXFOo3G5UUHPMvmo6nrl/Z8rxu5oDgCnZihXCoC5xlFx2lHE62p0YHkYXWDP1r8dBSVqFPkHvPcYepCxmjn5FwlNJooTenFIYMsqgCQxhGJViitsKTEFha2lNhCmtvSIlGKfhwSqoSC5dLwSxQdl0m/zFSxuq9WwbEsyu5uDj9OU7pxSDcO6MQh3TgkShNKjse9+uyZ5ko8C1tKlurTRGnCar9DJwpfyBmvRtMKByg004UyS/WZM4uJg0ghGPMKjHnP78WglGZ7e0BnJ2RissjUVJk3libP4VXmXBXyFe4I0q4xsxLy6YN7VKTpPUiwsrRFxx3wx9c+QwjBTSa4xxwz1PKOipxXHqU1/cREFZTWlByPmSyq4EqLII0J04REKRKtSJQizWZoBHFCqo0oLzsuDbvEmFdgqlhl3C8hT1D571gWdWu3xVNrTZAmeFnq46IoOR63apPEKmV90MXNihkvk25W8zBVqPDG2DQV9/mKJS+CMEx4stbFsiQL12tcX6wbzwnnatSe5JwPuaA4gqRjohPiKe2ikUrZfjCgnBrlnoiUP1r8lLvWNB9wnSJX70udk3PeRMpEI/pJhCdtqm6BkuMy4ZeZLlbNsKbh10hDpLLWxSQmyAr/gjQmTBKEEEwWykwVKs9d9CeEoHAOhYMnYapYoRMHxEqxFfSZKlawL6meop9EdOIwa4WdoOFfrXSq1pqdVkBre0C9UWRyssS9d2aYms67KV5FckFxAK21qZ8I9bEDZTbpsrza5lZ/erTvJ/Nf863CDW5wMtvYnJyXFY2mH8f0EtNxUXJcpgsVKlmNw2Shgi0lWmuiOEUIM9BJSpF1ZdjwihXD3axO0IsjYpWyFfQuxfQqTBNaYZ9xv8K1SuPUvhoXTRylrK+b4rL5hRrzCzXuvT2N6+XLzqtK/p89gA5BBRqdgjiQhtRofskKj1rb/PrGm6P9y/UtPmpcp8yrdZDMOT9MSJ9z7QQYejIML8Pberhvz23Hsija7qmnZ+5FaU0vDunEIY6UlB2Pou1S90qMW0U8HOJByka7RxSlJHGKZRlhkSqNZQlsS2LZEtuWWFa2tSW2JXFc69gJk1cdKcSlml7FKmUz6FH3SsyWqixWGhf2XKdFa027HbK92ac2VmBissRb96aYnate2jj1nBdDLigOMEp3OPvbRUMS/ogmG2GXf/3R+6P9gR9xa76BRZ4LzDlMohXtrPUObSrofduhYNmnrpgfFjwGaUyQJMTKDKuSQowcX+WB27YwkQHT+dCmYLmUHRfnhFbLYMRQNw7pxRGesGlQppDaVHSBQuRAHwInJXXAdS1KJZd63cJxLZMj15AkKUmqSBNNkijSVJEkimCQZPsVqdJMz5QpFJ4/VaG1pr0TYtmCUsm9lIXsoOnVlu5lXS0A5v8hzLVs9LbZWkLinGKKaaoVG0GXquszWSxzd+zsDpPnTZKkPFnvkSSKufkqM7NV3n535lz+pzlXn1xQHGCY7tg78nadNv+cXzJQEX/l/jdwlHnbtNTUF/2X9qwq5+JQWtPN2hqLtsds0YSjjRiI6UQDpJAUbAc/m6VAYgqCdQrSF8gCKKEJkt1aA0tIfMu4HPq2jUBkXRMSW0qsYdeEkFmrpkQI2Ar6tLMJmptBDykEZcej4LjHDntLVEo3CulHMYXUoaHKeMpmvFJiqlbG82wcx8J2LAoFh1LJpVgy21LJpVR28bLwdhwrwjAhDBKzDROC4fUgIRjEbLcGrK10mJqpUCyefQFSSrO22kErjdKwudGnWvWoVH1s+2JrG4amV8OWWY0RNxqN1iq7TnYbQJMoY6tbsF1828F7ithTaDaDHgXLZdwv8ebYzIUWnZ6GMEhYWe5QqXrMzZdYenOSa9fHrozYybl4ckGxB610Nq4cnKy26TPW+H9porXm1x7fZSzYLXryr1mnnvOR82ozrC/YiQZ4ls1UoULDL7FYHccWku2wz3bQZycaGDfCJGY76CP6Ai92cEoWsiCI+ylJS5HYKVZB4PnGMtm3HWpekbpboOYVcKR1ogP2QqlOJw5Z6++wEXTpxcZ1shUNKNkeJcfFySImUZrS7YXEQUpBuTSER7nsMVevMjtWpVorMDFRolL1MhHhPnOhdl0L17WoVI4uVk5Txcc/XkYgWF/tMjVdongGK+Y0VayudLAtyey1Go5rsbMT0N4JePigRbHoUKv5eL59YQvdtXKdgu0wSKLdlNQx6SilNYMkIkjMiPRW2EdpbYRmNldjKC6G80gsIZkolHirMYtjXY3IaBQlrK50mJgsMjdf4933ZimVr54lec7FkguKPaQ90woqACwIifkev0Kjub01za3t3SJMe0Jg13IxkbNLkCbshH1AMO6XqLo+N6rjNLzSqNNh1q4xW6qRKMVOOGCt1War0yexFFE5oVPsERUTKv0CxdDDjjycyKYUuUyUykzVy2dzFRRQcT3KziTXyw3Wuh3Wem16YUQ/jNns9nCwkakgjTSuY1EpetSrRRbHG9ycGWdyqszk1PmkJA5iWZJvfDCHkCYNsLbaYXK6fKr5DkmSsrLcwfcd5uaqfPDRPNWaz9pqh4cPWmxu9Gi3Q9ay9sVqzQilc48wCk41K0RpMwV1M+ixHfYYJDGDJKYdBmzplEI2UyNKTXvtcMrnZXWxPIs4Nu97vVFgfqHGR99awLavhtDJuVxyQbGHtJ2NK3dNvvOXrJCgqPdLfHP59ujnZBHc2VxM5BhilbITDYjTlGpmc7xQrjNTqh4bjtapJm4pSqHP9ZsN7IrEmoV1u02kEq6V60xRQ7Ykm2t9up2Qdjvg4f0WpbJLteaP0glgwvxpokb1CHvrFNKsdiFVGpWa8Lq0JNOyRiBiOjKgZxtDKeVoauMu02MV3rs5zxvXpmg0iheeKoBMVLw/ZyIHAtZWOjBVPtGZbhSlrC63KVc8ZueqfPTNBcpZNGR2rsrsXHUUpVhebtPthOzsBGxt9KlUPao1/4V5IkghRmPStZ6gHQVsBT22wh792KS6upm/x2TB1ExcFcvoJFGsLLep1Xzm5mt88FEuJl5nckGxh+G4cqsoSFH8nMc4icV3H7yFpbMDqg3eoszzgi8pWmsz6SgFrcxleB1l6hdQgADhCKRnun3EgbNYjSZWmUV0ElJxfMb9ErPFGtcq9WMLLpUyffk7rQHVms/MTIUbtxrcuj1+7KIdRynLy20ePWzRahmnwZXlDrYlzJ+SKJTSyKxrYm8nRaFgY9vCtG1apt5CSoFlSxzHwnHMNhYpy0EL4cJHN69xfbLxQj7jUgre+8YsUpjixdXVDhpNuXy8r0sYJqwudxirF5ibq/LhtxaOjKJUaz5vvzvD3aVJlh/t8PBhy/wvdgIeP2wzPlGkUn2x/jFCCDN/wytwU0/QicORuAiSmMXK+JknpZ43aWrERLnkmff9mwu4bi4mXmdyQZGhIk06UOjELCCfs06fiD+//AblaPdswL8ukU4uJl4GtNboGHSC2caZYACQICwQErAyR1RHILN9WoOOIO1rdBuErVG2JrYTQpEQqgSBGTo0U6wy4ZdZrI4/NQzd70VsbPRxbMn8Qo3pmQpv3pt66mIJ4LgWizfqXF8cY3t7wKMHLdbWuvR7EULub8X0PBvft/G87JJddz1rn4C46GFMz4OUgnfemzWpCAGryx205sj6i8EgZm2ly/hEkfmFGh9+NP9MnwPXtbhxq8H1G3U2Nnrc/2qb1ZU2q6sdwjBhfKJ4NU4YsjRVxfVY1KbQ87gBX5eNUoqV5Q4F32FuocaH31rA9/Pl5HUn/wRkmGFgZpFBwk95hJvYXG/tes07M+JYs6ucw4yiAcos0ChAZy25T7E0P/NzpaDi/eJByOz5HIEsikxECIRt9pn7QDrDfWa/ijXBTkLQigh7KXGQIgKJm9p4OJR9H9e3qBULTBerVGzPWLEHEUrpPRcTPYhjRRyljE8UGZ8o8cbSJDOzlVMtXEIIGo0ijUaRMEzY3hrgOHIkGmz71YmcSSm4987MqNVyZaWD1ppqdVfc97oRT570mJousXBtjPc/nDtVuF1KwdRUmcnJEl98voltS9ZWu6wsd5ieOWOtykWRtZdeBZTSrK50cV2L2fkqH35znmIxL8DMyQXFiGG6Q3qCR2yzTY+bnalRS52wwZl8NQ7W54VWWQQgNgPVdCYY9gkIgYkGZFsE6DZYJVOL8rwLoAo1qq9RZqjlSBzIihEI0jVCwiqZrfTM//JgCiNVil42i6IbmQmWiaeoXStQFT71sIQXOJRCn4JycVMbIgi7Cb1exEDGSCmQUiCyrZVddxyJ7zuUKy43bjS4fXf8ufPMnmczM/uMyXUvOUZUTI8KNZeXO6BN6qLdDtjaGDAzW+H64hjvfmP2zAJACMGduxNUqh4/+3iV1dUOjx/tMD1T2VenkmOE+/pqBykFs1ma41kRtpzXh/zbQma33TURClmFT3gIwHx7133OqopX5uzvrOjUCAgVZRGAhN2zek8gJYfEgxAmKjBKK2hIuop0R6MCsGsg7NO/rzrJWnwTsMoCp2oiC1YhExBFkCVxyKAMjDFQPwqNeMhqIAZJTMFyKDkeFcdntlSjmm2vVRpcK9eZK9WQSNo7ARsbPTY3+7R3gpHj49D10dlz3ey3sG3J+HhxVCiYczKEELx1byrrxBCsLLfp92PCIGFuvsrN2w3eujd9Lp0a09MVin/O5eMfPWZ1tcPKcpvJyZMVhb4OaK1ZX+uiNczNV/nwo3lqtatRHJpzNcgFBaD65kxXK9hyujymhVSC2U599DNW9eUXE8O0gE4xkYSnkf25Ot2TQlAHIgAOSM+c/VtFcxsrSytkF6z9C7rWmmRLED5WpB1NvKWzxf9k0QqtNKoH6cAUz7p1gTMlsccE0j+ieFJrYyQVB7QjYzQ1SGJ8y6bkeJQdj+lihaLtMuYVmS5WmS5WmCnWmCvVzNyJA4zVC4zVC9y5ax7/dReaF40QgqU3JzP3T3iy3mNuocobb0xy542Jc33/KxWPb/+5RT75eAXXtVhd7RKGCfVG4YX+n/v9mE47oFzxKBadS38tWms2nhgHzPn5Gu9/OEe9cXHW4jkvJ7mgYJjuMOHxT8QjAGa6YzgqC0tLsC6psPqoWgC0eQ1CAlJk2916j9FtIUwaImUkHHRiIgujTobh7z3reJQJDiFNG60sCiMkCgKrhEkhlMQ+R9GTIITAGRdYFUH4SJFsK5Id8/5bVY4teNXaRDRUVyMccMYFdl3izUmkv1+wDNKYdhTQiYyISLWi4vhUXZ8Jv0zZ8ai4PjPFWiYeqkwNJ2OeklxMXA5CCO4uTWDZgmKxxa074yzeqD/7F8+A61p88NE85bKLbVusrnaIopSp6RLykositdZsbw9o74SM1Xw2n/Ro2ZLxiSK+f3YfiiBI2GkNiOMUKSWWtb8TaN9tS7LTGmRRoRrvvT/H5OTV6DTJuVrkgoLh/A7NwIv4gifAgXRH+fCZ73mgtTb1Bpl4UFkawbQsZpEAX5j0gWLU0qgVEJsFdnRbA8KIj90UQ1aM6O+mHaQtEF4mSg5EKTSH9wlrVzxYxfMrppSuwL8pSeuC4LEibWvSbY0ugCzvX6hVrEnb5m+zagK7InHnBXbVDJ7qxmEmIAa0oxABVF2fiuszVxqj4nhMl6oslOrMlmrMZOIhFwMvF0IIbt+Z4Nbt8Qv/30kpWHprytRVfLLK+mqXx4/azMxUcC6pNTJNFetrXdJUs5B1BW1t9WltD1hd6eL7No3x4olbNbXW9PsxO62AKEqp1XxqtYLxKUlNAXGaasI4IU0VKtXmPqWxLcncfJV33pt95Wt3cs5OLihSUD1TP/GL6mM0ZuG61h4f/Yh1zo6YKjZhex0bP3/hmDqCYdpAOOb6sBZA2MIUPWbtjyrZ2w6Z7Ve7kQzpmMiB8Ni3lR6HUhAvEiEEdl1QqpgUSLyhSNoatWmiFcKGtAM60kbQlAXujESOa9rxgO2dPtthH4mg6vrUvRKLlXEqrs9sscZ8ecwYTBWrR6Yucl5OLvPzOzdfo1hy+fjHy6ytdnj8qH1mW/DTEAQxa6tdikWX+fky996ZYW6+ShDEfPHZJo8ettjeHvD40Q7lskv9KeZjSmm63ZCdVgAaamM+1arP3HyVqZkKaaKIopQ4Ts02Sg/dlpbg7hsTLFy7WiPSc64Wr/1R1u5bqEgTWwmfyhUAxgdl/GT3gGFXzucAphNT/Kkic9ZvlcUogmAVMWmFYlYLcOigefxr0DqLbKQX05J50Qhb4C9a2PUsDdLWJC0TKpE+2OMC0YBevc8j1af9JKBgOzT8Evfqs9T9IvOlOgvlMebLdaYLlSvTr5/z8jM2VuA7f26Rj3+yjOu2WV/vUhtLGRvzz13cDKekbm/1mZgsMT1d4b0P5kYeHL7v8Pa7MyzeqPPZrzZYWWmzvWW8Sao1n7G6P0rLpKmi0zaOoLYtaTSK1Go+C9fGuLY4dmILda3NiU8+BDHnWbz2gsLqW6gQPi+tEWNcj663J0b3y9LZuhD2ohNN2sNMMS0K3JrAbgiccWlaJ5/ziypEVhB5ydb+qVIMkoheEhGkCbaQONLClmY7vAxHaT8LuyqxlgTRiiJaV8SJou9HtBo9OvaAWlqg7he5XZ1kolDmVm2S27UJFkr1XEDkXCi+b/PNby3QLD/BcSVrKx3CIDnXugqlNE/Wu0Rhytx8jWvXx3j73ekjW4zLFY8PPprnxladX/1qg431LpubfR7c36Fe90kSRacd4Rdspqcr1MZ8FhfrzF+rndpiXIjhuPWcnKfzWgsKrU2EIo1Sfl5+PNp/c2dqdN1+ju4OnRohoQKNLAjsCYFTlyZsX3h6xKGfRGwFfbbCHqlSlF2PqmPqAoq2e6lhX601YZrQTyL6SUQvNtswTfAtm2I2djlKE3pxSKxSEqWIVUqsUqQQmdCwcKTpJ1XsTl7UeyYvKq3RjkY0wEltKg2PmUKFN71pZks17tQmuV2bZMIvX5nUTc7rgWVJ7r0zTbXm8QtnzdRVPGwzPVt5bsvpKEpYWzVmUQvXa7z51jTXF589+rveKPLt71xjfa3L57/aYHOzz9ZWH8exmF+oUm8UuXGzzsxsNY8w5Fw4r7WgIAQZSb6yN+iJEIBKWMAPd9MdZ2kX1SoTEgON9MGZENg1iTsrsYrHdzF04sCIiKCH0tqMva40cKVNOwpoxwGPey1SrU3RYda5UHK8Y4dQPfV1ak2qFbFSJNniv1cMJColyISEAIq2S9HxqHtF5ktjFB2XiuMzUShT94rEKh2JjkESMUhi4jR7TJ2a61qBZhS1kEIgMFspBDK7LoTAtSwWK+Pcrk1yqzpB5YoMRMp5vVm4Nka54vHTn6ywttph+VGbyanSmf0qup2QjY0e9XqRqeky770/R71eOPHvCyGYnqkwOVXm8aMdHj5o4Xk212+MMTFRyoV3zqXxWgsK1QVi+EVlNzrxjfb10XXhGZ+Fk6KVRvXN/AfpZa2N1UxIHGHZrbRiJwzYCntsBX1sKWl4Je6OTTHmFblZneBObZKK67Pca/Go22Klt0M7GoxaItcHHaI0oez6VLK2x71n+wqVCQe9u0VnAsJMnrSFxLEsHGFhWxZOdtu3HMZ9m5LjUrBdxv0SE4Uyk37FbAtlSk9ptdRaj0SGGclsxAaAJUxqxBISW0psIbGkuS6Fue3bDs4xQ7Zycl4kpq7iOj/9yQqut8PaKf0qlFL0+zG9bkQQJMzMVJlfqPHuezPPnEVyHFIKrl0f49r1sTP9fk7O8/J6C4oObNFj0+6O9i3saRe1T9HdoVVWSCjAaQisqsSdMX4Lew8wiVK0QpPKaIUDfMuh4Rd5uzFLwy9xqzbBndqUiUzs6Uy4XjGvS2nFWr8zEhiPutsjcdGNQ4TALMoIpJC7Z/57IgBCSBwpsbN6B1faFGyHgu1StN3sukPRdik5HpOFMg2vdOo6BRNlsHEtm7HcIDLnFcPzbD761gKVpofjWKauIkyYmj56DkiSpPR6Mf3e/9/e3cfZXRV2Hv/cO5N5zjwkk+dASEJyEEgJWNCVBfFpXVEQ0MLqLra72q6tK27Rl4IPoFDtg1tBhGLXpa+1ay3aFu3SpbvdqrEbtcWq1ZaHY8ODAvIgAgnJTObx7h+/3yTDcO9kMuc3dx7u5/16zeuXued3f/ckZ+7ke8/5nXOGOTg4SmtrMx2dy+hf1cW27dl0WIcltJg1bKAYGxuncgD2tD9+6LFNo/2UDxz+RDzT4Y7KeIXRpyuUmqF5RZm2Y8o09RwOEiPjYzyd3w+xd3iQrubWfDhjJf1tXWztWcW23tVs6Ow94n/a5VKZdZ09rOvs4YWrN1GpVPjZwQM8vP9pnjy4nxLZ/QpN+Y2RTYfCQx4gStmxtak5DxDLam61LWl65XKJE16wmp6etmy9isezqaVr1nbR0tLE8PAYAweGOXBghJHhMdo7ltHV1crqNcvp7m5l1eou1qxd7hLWWhIaNlAM7B/h6dEBHmvbe+ixnc9OGu5ohvIMhjGnhon2rU00dZQYHhvlqaHsfohnhw/S3dLOyrZOtnavYnXHcrb3rmFrzyrWdnQnjXGWSiX627vob3flOmm+rFvfTWdnC9//h2y9ikcf2ZfN3qpAR2cLK1a0096RHVet6mLVavcI0dLTsIGiMl7h7vLheydW0En3vo584ujMNgObGiZatpR4vLKPp352gIHRYXpa2lnVnoWH9Z09HN+7mm09q1nZ5o1S0lLT3dPGi/J9QCZ2Ke3oWMbK/k5W5dukz/b+CGkxaNif7qeGDnB/0xOHvt8xvpGxZw+XH2m44zlhYmWZ8qZx7hl8gtZyM+s7e+ht7WBDVy/be9awtXcVfa1upCMtdRP7gKxb303zsmyH2dluqy4tNg0bKG5/+AeMl7LVGDto4bj9qxgZzwuPsBnYoTCxLOuZqBw7xt2Dj7G2o5sT+tZyxprNh2ZnSGos5XKJ9Ru657saUt01ZKAYHB3m9of/8dD3J7GByr4SEztjTbcZ2NQwMbxxmPsGn+C47n5OXLGOC7fsNEhIkhpOQwaKPc/8lGdHDwLQPF7mhNL6bDfLXK3NwKaGif3rB3ho6GlC7xp29G/kvM0/R6ubUEmSGlBDDu6dsGItJ/eup1wpcfK+Y1g22JRtrpWrthnYc8JEX4mfrdnHT0af4eSV6zhz/fFcuGWnYUKS1LAa8n/AZeUm/stpb+Bzd3yHgYERxg4e7p2othnY5DDRtKLET/qfZqg0wo4VG3jZxsAZa45z1oYkqaE1ZKCAbP2Gct5BM7r3cKCothnY6DNZmCj3lfjRip+yrLWJHX0bOHfTDl6wYm3d6ixJ0kLVsIFiQmkMKkOHv586XbQyWsmGQ/oq3N/3OL1dHZzQt5bXbzmFjV199Q+kIwYAABVbSURBVK2sJEkLVMMHivLw4WWnq20GNj4EY8vGeYK9rOnLpoVetPVUVrR11ruqkiQtWIUFihBCF/B+4CLgOGAY+B5wfYzxS1POXQlcBZwHrAN+BPwB8IkY4yh11DR0+L7UasMdYwcr7G0aYM2aLnasXs8Fm3fSscwlcyVJmqyQWR4hhOXAN4ArgQPA7wF/ApwC3BZCuHLSub3A14F3At8FPgkMAL8N3FpEfWaqMgal0cMhYup00cpohZHhMUotsGn9Cn7h+BcaJiRJqqKoaaPvA34O+DTw8zHGy2OMbwVOAh4Frg0hHJ+fe1X++DtijG+MMV4BnA7cBrwhhHBRQXU6osoBKJGFiGqbgY0PwVDzCF29rexYu4Fl7sopSVJVRQWKS8iWmbwyxnhoykSM8RHgZqAJODeE0A78CvAQ8PuTzhsD3pN/+/aC6nRElf2H/1xtM7DRwXGGm0fpXdXGySvW16takiQtOkUFiuuBD8YYn6lSNjGHYjlwBtAJ7Ioxjk8+Kcb4APAAcHYIYc67AsZGx6kcOPz982Z3jFUYGh6jtb2Zrcesoqd1BnuZS5LUoAq5KTPGeFO1x0MIJeAN+bc/ALbnf95T41L3A5vzr1rnFOLRh56d2Lqj6mZgY0MVhppG6O1t47R1x8xlVSRJWvTmetror5L1StwP/G/g3fnjT9U4f29+7D3ShUMId9Uo2jqTij10395Df662GdjQwBi0VOhf1cGW7v6ZXFKSpIY1Z3t5hBAuBm4ARoFfjDGOABNTJIZqPG3i8TndrnN8vMJD9x0enXne7I7xCsNDY3R0LmPHlvU0lRtyyxNJkmZsTnooQgi/CtxINqjwlhjj7rxoMD/WmnvZmh/31yg/JMZ4Uo3Xvgs4cbrnPvH4fgYHsuUuKlRoXv7cwDAyOM5I0yh93Z2ctuHYI1VFkqSGV2igCCGUgY8Dl5P1Nrw5xnjbpFMmhjpqDWn05Me9NcoL0dbeTLmpxPhYhfGWcUrNz/1nGBoYpaW9iWPW99HX2jGXVZEkaUkorC8/hNBCtpjV5WTB4ZVTwgTAvfmx1n0OW8kWxvpxUfWqpre3nddcvJ3yahjpeu7CnOPj4wwPjdHesYxTt26cy2pIkrRkFLVSZhNZmLiIbOrnSyYNc0z2HeBZ4Jy8N2PyNbaQLdn9rXxdijnVv7aTci/P+xc4ODAGzdDd08aO9a49IUnSTBTVQ3EFcD5Zz8JZMcZY7aQY40Hg82TTQi+beDwPJB/Pv606BbVehgZGae1o4vhj+ml2ZUxJkmYk+R6KEMIKsj08INsM7JdDCNVO/ZsY41eBDwKvBq4LIbwcuBt4FXAa8EXgz1PrNFujY2OMDY/TvbKVM7Ztmq9qSJK06BRxU+ZZZKtfArw+/6rmo8BXY4xPhhBeAlwLvI4sTDwAvBf45OSlu+ttYGCE5mVN9Pd2cUx/33xVQ5KkRSc5UMQY/xx4/r7f0z/nUeBtqa9dpAoVhgZHWd7Rxgs2rXnevh6SJKk2V2zKHRwdpTxcpqOrhVOPd6ltSZKOhoEiNzgwQmtLM+tX9LCy17UnJEk6GgYKYKwyzujgOK0dzZx83DqHOyRJOkoGCmBgZJiWsWa6l7exfdPq+a6OJEmLjoGCbHZHy7Jmju3vo7d3TvclkyRpSWr4QDFeGac8XKK9o5kTN611uEOSpFlo+EAB0DbWQn9vFxvW9Rz5ZEmS9DwNHyhK4yVamps4tr+PvhXO7pAkaTYaPlA0l5ro7Gphy4aVlMsOd0iSNBsNHyiWlZtZ29fNmrXL57sqkiQtWkXs5bEolUolmspQbimzcWUfKxzukCRp1ho2UKxuX05/WxfLmptZv7abpqaG76yRJGnWGjZQlMtltvSsogKsXtM139WRJGlRa9hAAdDUXKa1pYn+/s4jnyxJkmpq2EDR3d3KmjXLWdnf4XCHJEmJGjZQNDc38cLTN853NSRJWhL8aC5JkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpI1z8VFQwhfAM6MMW6sUnYrcEmNp94VYzx5LuokSZLmTuGBIoRwFXAx8EiNU3YCTwM3VCl7ouj6SJKkuVdYoAghtAGfAt42zTkdwDbgr2OMHy7qtSVJ0vwq5B6KEMJ5wD1kYeKOaU7dkb/m94t4XUmStDAUdVPmW4HlwK8Br5vmvJ350UAhSdISUtSQx/XApTHGZwFCCLXOmwgUm0IIX8u/LwG7gY/EGL890xcMIdxVo2jrTK8hSZKKUUgPRYxx10SYOIJT8uNVZDdgfgb4BnAusDuEMF3vhiRJWqDmZNroNAaAPcAbY4yHhj1CCK8B/gL4bAhhc4xx35EuFGM8qdrjec/FiQXVV5IkzUBdA0WM8ZU1Hv/LfH2KNwOvBf64nvWSJElpFtJKmXfmR++BkCRpkalbD0UIYTlwEjA4ebhjks78OFivOkmSpGLUc8jjBcC3gLuAastrn50f76xSJkmSFrB6Dnn8PXAfcFII4T9MLggh/BLwauA7ZFNIJUnSIlK3HooY43geHP4PcEsI4Q3A3WRrUbwSeAx4c4yxUq86SZKkYtT1pswY427g54Fb8+O7gADcDJwaY/xhPesjSZKKMSc9FDHG0jRl9wBvmovXlSRJ82MhTRuVJEmLlIFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyZrn4qIhhC8AZ8YYN1Yp6wTeC7wJOAZ4DLgVuDbGODAX9ZEkSXOr8B6KEMJVwMU1ylqA24GrgAeA64EfAVcAfx1CaC26PpIkae4V1kMRQmgDPgW8bZrT3g68DPidGOP7Jj33euBdwDuATxRVJ0mSVB+F9FCEEM4D7iELE3dMc+q7gCHgN6Y8/kFggCxwSJKkRaaoIY+3AsuBXwNeV+2EEMImYAtwZ4zx2cllMcb9wN8B20IIz7vvQpIkLWxFBYrrgc0xxptjjJUa52zPj3tqlN+fH08oqE6SJKlOCrmHIsa4awanrcyPT9Uo35sfe2fymiGEu2oUbZ3J8yVJUnHquQ5FS34cqlE+8XhbHeoiSZIKNCfrUNQwmB9bapRPTBndP5OLxRhPqvZ43nNx4tFVTZIkpahnD8XEUEetIY2e/Li3RrkkSVqg6hko7s2Pte5xmHj87jrURZIkFahugSLG+AjZDI8X5ctvHxJC6ALOAPbEGB+vV50kSVIx6r052C1AB89f2Oo38sdvqnN9JElSAep5UybAdcAbgf8cQtgJ/C3wL4CXAv8PuLnO9ZEkSQWoaw9FjHEIeDnZfh1bgV8HNgAfA16bl0uSpEVmTnooYoylacr2Ae/OvyRJ0hJQ73soJEnSEmSgkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJSmagkCRJyQwUkiQpmYFCkiQlM1BIkqRkBgpJkpTMQCFJkpIZKCRJUjIDhSRJStY8Xy8cQng7cPM0p6yKMT5Zr/pIkqTZm7dAAezMj9cB+6qUD9SxLpIkKcF8B4pB4D0xxvF5rIckSUo0L/dQhBDKwA7gnwwTkiQtfvN1U+Y2oAP4/jy9viRJKlCpUqnU/UVDCJcAtwKfAbqBs4AVwD8C18UY/3gG17irRtEJLS0t5WOPPbao6kqS1DD27Nlze4zx/KN93nzdQ3FKfvxl4GvA54CNwPnA50MIO2KM75/ltcvDw8Pje/bsubeAeqpYW/PjffNaC9Vi+yxcts3CZdvk5quH4jeBNwFXxxg/O+nxzcA3gHXAWTHG3bO49l0AMcaTCqquCmLbLGy2z8Jl2yxcts1h83IPRYzxyhjjcZPDRP74A8DV+beX1r9mkiRpNhbiSpl35set054lSZIWjLrfQ5FPGT0V6Ioxfr3KKZ35cbB+tZIkSSnmq4diF/C1EMLqKmVn58c7q5RJkqQFqO6BIl/I6k+AEvA7eY8FACGEU4Argf3ALfWumyRJmp35muWxmmw2x/HA98imjm4ALgCagEtijLfVvWKSJGlW5iVQAIQQ+oAPAheSrUGxD/gb4KMxxu/MS6UkSdKszFugkCRJS8dCnDYqSZIWGQOFJElKZqCQJEnJDBSSJCmZgUKSJCUzUEiSpGR138tjtkIIbwHeBQRgAPgr4AMxxh/N8PnHAtcArwBWAj8EbooxfmZuatxYCmiflwHvBV4EdAE/AW4Hrokx/nROKt0gUttmyrVKwFeAlwGbY4wPFljVhlPA+6YP+ABwEbCe7H3zf4EPxxgfnZNKN5AC2mcn8GHgLGA58CDwR8BvxRiH5qDK82pR9FCEED4KfBZoA24i+4X2b4C/DyFsnsHzNwHfAt5MtirnjWSbkP3XEMLvzlW9G0UB7fNL+XPOBv4XcAPwMPCfgG+HENbOTc2XvtS2qeIysjChRAW8b9YAfwu8G/hnsvfN/cCvAN8MIayco6o3hALa58Vk/++clz/3U8AQWcC4I4TQNDc1nz8Lvoci39/j/cBu4BUxxuH88S8CtwGfBM4/wmWuI0vvr40x3pE//2rgq8CvhxA+7+qcs5PaPvknrBvI9m85PcYYJ5VdA3wI+G3gF+fq77BUFfTemXy9APzmHFS14RTUNjcA24F3xhhvnHTtq8n+03ov8L7CK98ACmqf3yULI2+MMf5Z/vxm4A7gVcCbgM/NyV9gniyGHorL8uM1E40KEGP8EtlS3a8LIWyo9eS8d+IC4JsTYSJ//iDZD0wJ+I9zUfEGkdQ+wLlkXYH/bXKYyF1LlujPK7C+jSS1bQ7JP039IfAE8IOiK9qAUn+vbQR+Afja5DCRux74H4BDHrNXxHvnDODpiTCRP38UmBhmf0mB9V0QFkOgeDkwStaIU32FLBBM1wV7Tn7OV6qU7QaG89fQ7KS2zz1kY8B/WqVsDBghu6dCRy+1bSa7EjgdeCvwbCG1a2ypbXNufs4XphbEGPfGGN8SY7y+iIo2qCLeOz8DuvNe2MnW58cld2/Ygh7yCCG0AJuAB2vcwHJ/fjxhmstsz497phbEGEdCCA8Bm0MILZOTqI6siPaJMX4X+G6N4n9NFiZqlauGgt47E9c6FbgK+HSM8SshhI8UV9PGU1DbnJIf/ymE8G/Jbhw8mWyTxS8BH4oxPllQlRtKge+dm8gmAnwhhHAZ8BDwSuBq4CnglmJqvHAs9B6KFWRJ8Kka5XvzY+8015i4MWm6a5SB7qOunYpon6pCCD1kXbcAv3f0VWt4hbRNCKGVbKjjYbIxeaUrom0mPuW+h6x9HgE+DfwYeDvZTZkr0qvakAp578QYrwXeCbyUrCd2P/BlsqGoF8UYf1xIbReQhR4oWvJjrek1E4+3zfE1VN2c/NuGEJaTzfbYBvwl8Aezql1jK6ptrgVOAv59jHF/ERVTIW0zMQz4euC8GOOFMcbLyaZd/z7Ze+e3UivaoAp57+RT4a8gGzr5I7LJAX8HnAjcshQD30IPFIP5saVGeWt+nO4XXRHXUHWF/9vmU0R3AWeSvfkuiTFWZlvBBpbcNiGEf0k2JfHGGOPXC6xboyvifTOWH/90ys3mFbKepIPAxSGEhf47fiEq4r2zkexDURuwM8b472KMl8cYXwx8hGyK/B8WVN8FY6H/sO0FxqndtdQz6bxaJrqtprtGhWzsUUeniPY5JISwA7gTOI1sSu+rYozeADg7SW0TQugE/jvZePEVRVeuwRXxvpko+/bUghjjPrJ7xnqAVbOsYyMron0uBdqBj8cY/3lK2UfI2ue1IYR1KRVdaBZ0oMhvkrwfODaEsKzKKVvz493TXObeKecekl/zmOyl4nhKXRtRQe0DQAjh5WSzbo4hm5v9GsPE7BXQNqfn5xwPHAghVCa+yHqPAB7IHzuuwKoveQW9byamWNf6FD3x+MDR17CxFdQ+m2qdk/ci3TXlvCVhQQeK3C6yN8eZVcpeQda78I1pnv/1/JxqU0PPyq+9O62KDW0Xae1DCOEs4C/Iboz9WIzxUmfcFGIXs2+bB8k+SVX7eig/55P5988UVeEGsou0982u/PiqqQUhhH5gM/CAoXzWdpHWPo/lx1CjfFt+XFJrhSyGQDFxQ97HQgjtEw+GEC4kCwT/M8b4cK0n52V/Bbw0hHDBpOe3Ax/Nv72p8Fo3jqT2yZcH/iJZ9+CHYowfmMvKNphZt02M8cEY44erfZHNJAC4Pn/MQHH0kt43ZP/h3U32e+3SSc8vk63QuIzDCyjp6KW2zxfJhk3eM3WZ7nwK6YnA7tnsp7OQlSqVhX+/WwjhRuAdZOvVfxnYCFwMPAm8JMZ4f37eOWQLWf1DjPHLk56/nWxN9R6yhn6YbPXMbWRjXE6HS5DSPiGEj5EtmvQM2SfeWq5xWOropb53alxzN9knNzcHS1DA77VTyRZZ6iVbzvne/LwXAt8EzokxjtTnb7P0FNA+l5OFu/1ky3U/QTaU+FKyHoyzq9xfsagthh4KyObyvpNsus5lZA1yK5MaNXcO2aIhF0x+cozxh8CLgT8DXk32Q3IAeBuudV+ElPZ5TX7szctqfS2Wn9WFJum9ozmV+nvte8CpZDfPnka2mV4P2TDUKwwTyVLb5xPAvyIbGjmfbPGxTWSbU5661MIELJIeCkmStLD5qU+SJCUzUEiSpGQGCkmSlMxAIUmSkhkoJElSMgOFJElKZqCQJEnJDBSSJCmZgUKSJCUzUEiSpGQGCkmSlMxAIUmSkhkoJElSMgOFJElKZqCQJEnJDBSSJCmZgUKSJCX7/+lkLp3fzEIBAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(\n", + " results, 'mean_power', \n", + " colors=[colors[0], colors[2]], labels=[labels[0], labels[2]], filename='lfp_speed_power_baseline', ylim=(5, 35))" + ] + }, + { + "cell_type": "code", + "execution_count": 96, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhQAAAGaCAYAAABXKNrQAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAAXEQAAFxEByibzPwAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8li6FKAAAgAElEQVR4nOzdd5yddYHv8c/znDq9pPcKDyRSpIiAgAKK7qKuorJiu/eqa0XZvejiqshe3bWwKkrTy2v3uhakK7vLYgMVqSEQCQnJkz49k0w/Z+a0p9w/njMnM8lMMpNzpmW+79drXs+cp/4ymeR8z68avu8jIiIiUgxzqgsgIiIiM58ChYiIiBRNgUJERESKpkAhIiIiRVOgEBERkaIpUIiIiEjRFChERESkaAoUIiIiUjQFChERESmaAoWIiIgUTYFCREREiqZAISIiIkVToBAREZGiKVCIiIhI0cKlupFlWfXAF4C3AcuBA8DDwFdt2z542LnPAueNcqtHbNu+slTlEhERkYln+L5f9E0sy6oBngFOBR4DXsx/fyXQCrzWtu2m/LkmkADagR+PcLsdtm3fXXShREREZNKUqobiKwQB4ibbtv9xcKdlWZ8GbgX+D/A/87tPBsqB39q2fVOJni8iIiJTqFR9KFYR1DjcfNj+n+S35w/Zd0Z++1KJni0iIiJTrCQ1FLZtv2OUQ6fmt21D9p2Z3ypQiIiInCBK1ilzKMuy6oBLge8ADvC1IYcHA8VZlmV9G1gPZIDfATfatr1jIsokIiIiE6cknTKHsizr48Cd+Zcu8H7btu8ZcrwVWETQMfMhoAM4B7gE6AMut237+TE8Z+soh5YBf7Bt+23H/YcQERGRcZmIGoqDwDcJQsM7gZ9ZlrXMtu2bLcuqIBj1cQB4m23bjYMXWZb1MeAHwE8ty1pn27Z7nM+Prl279q1AaZOSiIjI7GAc10WlrqEYyrKslcCzwALgXNu2Nx7j/KeAC4ALbNt+5jifuXXt2rXrHnnkkeO5XEREZLY7rkAxoTNl2ra9D/hW/uXbx3DJhvx2zYQUSERERCZE0U0elmXFgIuBkG3bvxrhlD357TzLsuYApwAHR+l8WZHfpootl4iIiEyeUtRQRIFHgXssy4qOcPys/HYHcBnwJMHoj2HyM2heSND34ZidMkVERGT6KDpQ2LadIFizowa4aegxy7LOBv4OSAJ3A78CeoG3WJb1xsNudSOwDvjF0M6aIiIiMv2VapTHZwmGfn7BsqyLCDpirgD+CvCAq23b3g9gWdbfEISLRy3LeghoIuiI+VpgO/CJEpVJREREJklJOmXatt1MEChuJVhp9Drg9cAvgPNs2354yLn3Aa8D/hu4HPg0MBf4Rv7cA6Uok4iIiEyeCR02OhU0bFRERKQo02/YqIiIiMwOChQiIiJSNAUKERERKZoChYiIiBRNgUJERESKpkAhIiIiRVOgEBERkaIpUIiIiEjRFChERESkaAoUIiIiUjQFChERmdWuu+46Lr744jGdm0wmufTSS7nhhhvGfP+GhgYsy+KNbzx8ke3h7r//fizL4otf/OKY7z2dKFCIiMisddttt/Hoo4+O6dxMJsNnP/tZWlpaJrhUM1Opli8XERGZMTKZDF/96le5//77x3R+S0sL1113HZs3b57gks1cqqEQEZFZ5fHHH+ctb3kL999/P5dccskxz7/jjju48sorefnll8fcNDIbqYZCRERmlQceeID+/n6+8pWv8N73vpdTTjnlqOffddddLF26lC9/+cs4jsMTTzwxKeV0HIf169cf9Zzly5fz29/+dlLKcywKFCIis5yXGcB3slNdjGMywlHMWHnR9/nQhz7Et771LSorK8d0/ne+8x0uueQSTNPk6aefLvr5Y2WaJp/+9KdHPPbwww/T1NTE2WefPWnlORYFChGRWezAz/6Wnt/dBr431UU5NsOk9vJPM/993y3qNuedd964zn/DG95Q1PMG9fb2cuutt456fOvWrcNem6bJtddee8R5v/zlL2lqauL000/nH//xH0tStlJQoBARmcV6Hrt9ZoQJAN+j57Hbiw4UU6W3t5fbbrutqHts3LiRL33pSyxcuJA77riDWCxWotIVT4FCRGQWq73sUzOnhsIMUXvZp6a6FMftWP0d7r//fr70pS+NeryhoYFPfepThMNh7rjjDubNmzcRxTxuChQiIrPY/Pd9l7nv+qdZ1YdiJurt7eVjH/sYvb293HLLLcfsrDkVFChERGY5M1YOs/SNeibI5XJ85jOfYe/evXzmM5/hzW9+81QXaUSah0JERGQau+mmm3j22Wf5y7/8Sz71qenb5KNAISIiMk3dddddPPDAA5x55pn88z//81QX56jU5CEiIjINbdiwgW9/+9uEQiEuvPBCfvzjH5PNZvF9f9h5V111FYsXL56iUh6iQCEiIjINNTQ04Ps+ruty++23j3re+eefPy0ChXF40pnpLMvaunbt2nWPPPLIVBdFRERkJjKO5yL1oRAREZGiKVCIiIhI0RQoREREpGgKFCIiIlI0BQoREREpmgKFiIiIFE2BQkRERIqmQCEiIiJFU6AQERGRoilQiIiISNEUKERERKRoChQiIiJSNAUKERERKZoChYiIiBRNgUJERGaVnp4evvnNb3LFFVdw+umn84Y3vIGvfe1rdHV1jXh+d3c3X/va17jssss4/fTTefOb38xdd92F4zhjet5DDz2EZVnccMMNRz3vhhtuwLIsHnrooXH/maaDcKluZFlWPfAF4G3AcuAA8DDwVdu2Dx527hzgRuCtwCKgAfg34Du2bY/tb0hERGScEokE11xzDbt37+b888/nsssuY8+ePfzkJz/h17/+Nffddx+LFi0qnN/X18cHPvABdu3axZve9CaWL1/OU089xb/8y7/w8ssv8/3vf38K/zTTS0lqKCzLqgGeBK4HmoBbgc3AtcCfLctaNuTcWuCP+WMvAt8DBoBvAveUojwiIiIjue2229i9ezfXXnstP/rRj/j85z/PD37wA7785S9z4MCBIwLC7bffzs6dO7nxxhv5/ve/z/XXX88DDzzAm970Jn7961/zm9/8Zor+JNNPqZo8vgKcCtxk2/bltm1/3rbttxKEhsXA/xly7o3AeuBTtm2/y7btG4BzgYeAqyzLemeJyiQiIjJMc3Mzc+fO5cMf/vCw/W9/+9sB2LRpU2FfOp0u1Fj89V//dWF/KBTi85//PAD33KPPwYNK1eSxCmgHbj5s/08IaivOB7Asqwz4G4JajB8OnmTbtmtZ1vXAO4GPE4QLERGRkrr99ttH3L97924A5s2bV9i3efNmBgYGeOMb34hpDv/8vWzZMpYuXcrzzz+P67qEQqGSl/W5557jgx/84FHPecc73sE3vvGNkj/7eJQkUNi2/Y5RDp2a37blt68BKoCHbNv2DrvHXsuy9gIXW5YVsm3bLUXZRETk6PxUDj83/f/LNSIhjLJISe/Z29vLs88+yze+8Q3C4TCf/OQnC8f27dsHwPLly0e8dtmyZTQ3N9Pc3MyKFStKWi6AJUuW8OlPf/qI/Y7j8KMf/Yh0Os3ZZ59d8ucer5J1yhzKsqw64FLgO4ADfC1/6OT8dtcol+4hqO1YdZRzBp+xdZRDa8ZVWBGRWazv648z8LMXwfOnuijHZhqUv+8sqr9waUlu9/Of/5ybbroJCJoxbr75Zs4///zC8Z6eHgBqa2tHvL6qqgoIOm6OxbZt27j11luPenyopUuXcu211x5x3o033kg6neaaa67h3e9+95iePRlKHigsy/o4cGf+pQu837btx/Kv5+S3I4/Ngd78duS/PRERKamBu2dImADwfAbufrFkgaK+vp6PfvSjHDx4kN/85jdcf/31tLW18ZGPfASAbDYLQDQaHfH6wf2ZTGZMz9u+fTvbt28vqsz/9m//xr333sv555/PF7/4xaLuVWoTUUNxkGDExiKCPhE/syxrmW3bNwODfyuj/fQH98eP9RDbttePtD9fc7FuXCUWEZmlyq85a+bUUIQMyq85q2S3u+KKK7jiiisAuPbaa7n66qu5+eabOe+88zjttNOIx4O3olwuN+L1g4GjoqJiTM87Vn+HG264gV/84hejHv/d737HzTffzMqVK/ne975HODwhjQzHreSlsW37QeBBAMuyvgI8C3zLsqzfA6n8aSPHPYjlt8lSl0tERI5U/YVLqbruolnbh2LQ0qVL+chHPsI3vvENHnvsMU477TRqamqA0Zs0EokEAJWVlRNSpqFeeeUVPve5z1FZWcmdd95ZKNt0MqHxxrbtfZZlfQv4NvB2YF/+0GhNGoM/od5RjouISIkZZZEJe6OeTrLZbGFUxsUXX3zE8WXLgimTBmfMXL16NQCNjY0j3q+xsZHy8nIWL148QSUOtLe38/GPf5xMJsNtt91WKNd0U3SgsCwrBlwMhGzb/tUIp+zJb+cBg8dH6zi5BugHRv7bExEROU7ZbJaPfvSjlJeX8/TTTx/RN2Lr1qCv/6pVqwB41ateRUVFBRs2bMDzvGFDR5uammhpaeGCCy6YkCGjgwYGBvjEJz5Be3s7X/7yl7nwwgsn7FnFKsXEVlHgUeAey7JGasoYbPDaAbwAJIDXW5Y17NmWZa0GVgLPaMioiIiUWmVlJZdddhmJRILbbrtt2LEtW7bwox/9iPLycq688koAYrEYV155Jc3Nzfz4xz8unOu6Lt/61rcAeN/73jdh5fU8j+uvv56tW7fyvve9j/e///0T9qxSKLqGwrbthGVZDxN0wLwJ+IfBY5ZlnQ38HUGfiLtt205blnU38DHgM8At+fNCHJoUa+RZR0RERIr0xS9+kS1btvDDH/6QjRs3csYZZ9Da2spjjz2GYRh897vfHTa51XXXXceTTz7J17/+dZ599lnWrl3L008/zdatW3nLW97CZZddNmFlveuuu3jssceor69n6dKl3HnnnSMuSDbS0NKpUKo+FJ8FzgG+YFnWRQQdMVcAfwV4wNW2be/Pn/sl4Argu5ZlXQq8AryRoCbjPoIFxUREREpu4cKFPPjgg9xxxx089thjvPTSS1RXV3P55Zfz8Y9/nFNOOWXY+fX19dxzzz1873vf4w9/+ANPP/00S5cu5XOf+xwf/OAHMQxjwsq6d+9eIOjT8c1vfnPU86ZLoDB8vzRDhSzLmgd8maDz5WKgG/g98M+2bb902LmLgK8CVxJ0xNwL/D/ge7ZtZ4ssx9a1a9eue+SRR4q5jYiIyGx1XCmpZIFiulCgEBERKcpxBYpSrTYqIiIis5gChYiIiBRNgUJERESKpkAhIiIiRVOgEBERkaIpUIiIiEjRFChERESkaAoUIiIiUjQFChERESmaAoWIiIgUTYFCREREiqZAISIiIkVToBAREZGiKVCIiIhI0RQoREREpGgKFCIiIlI0BQoREREpmgKFiIiIFE2BQkRERIqmQCEiIiJFU6AQERGRoilQiIiISNEUKERERKRoChQiIiJSNAUKERERKZoChYiIiBRNgUJERESKpkAhIiIiRVOgEBERkaIpUIiIiEjRFChERESkaAoUIiIiUjQFChERESmaAoWIiIgUTYFCREREiqZAISIiIkVToBAREZGiKVCIiIhI0RQoREREpGgKFCIiIlK0cKluZFlWJfAPwDuBlUAW2ATcYtv2Lw4791ngvFFu9Yht21eWqlwiIiIy8UoSKCzLqgKeBE4HXgTuAGqAq4CHLMv6B9u2v54/1wROA/YCPx7hdjtKUSYRERGZPKWqofh7gjDxA+CTtm37AJZl3Qg8D3zVsqz7bdveBZwMlAO/tW37phI9X0RERKZQqfpQXA34wBcGwwSAbdstwJ1ACPiL/O4z8tuXSvRsERERmWKlqqG4BaixbbtnhGOZ/LYqvz0zv1WgEBEROUGUJFDYtn37SPstyzII+lEAbM5vBwPFWZZlfRtYTxA6fgfcaNu2+lCIiIjMMCUb5TGKTwCvAfYAv8rvG2zy+CfgIYLOnOcQNJu8xbKsy23bfv5YN7Ysa+soh9YUVWIREREZtwkLFJZlvQf4PuAAH7JtO2dZVgXQChwA3mbbduOQ8z9G0Knzp5ZlrbNt252osomIiEhpGb7vH/uscbIs6xPAbQQdNT9g2/bPx3jdU8AFwAW2bT9znM/eunbt2nWPPPLI8VwuIiIy2xnHc1FJZ8q0LMvM94u4A8gB7xlrmMjbkN+q2UJERGQGKeVMmVHg5wQzZXYBb7dt+8nDzpkDnAIcHKXzZUV+mypVuURERGTilaSGwrKsEHA/QZjYS9Bk8eQIp15G0AnzOyPcwwQuJGgmOWanTBEREZk+StXkcQPwNqARuMi2bXuU834F9BKM5njjYcduBNYBvxjaWVNERESmv6KbPCzLqge+kH+5CfioZVkjnfqEbduPW5b1N8DdwKOWZT0ENBF0xHwtsJ1gqKmIiIjMIKXoQ3ERh/o+vD3/NZJ/Ah63bfs+y7IaCVYmvTx/bSPwDeDrtm33laBMIiIiMomKDhS2bT/MOIeY2Lb9LEETiYiIiJwASjpsVERERGYnBQoREREpmgKFiIiIFE2BQkRERIqmQCEiIiJFU6AQERGRoilQiIiISNEUKERERKRoChQiIiJSNAUKERERKZoChYiIiBRNgUJERESKpkAhIiIiRVOgEBERkaIpUIiIiEjRFChERESkaAoUIiIiUjQFChERESmaAoWIiIgUTYFCREREiqZAISIiIkVToBAREZGiKVCIiIhI0RQoREREpGgKFCIiIlI0BQoREREpmgKFiIiIFE2BQkRERIqmQCEiIiJFU6AQERGRoilQiIiISNEUKERERKRoChQiIiJSNAUKERERKZoChYiIiBRNgUJERESKpkAhIiIiRVOgEBERkaIpUIiIiEjRFChERESkaAoUIiIiUrRwqW5kWVYl8A/AO4GVQBbYBNxi2/YvDjt3DnAj8FZgEdAA/BvwHdu2nVKVSURERCZHSWooLMuqAp4CvgD0A3cA9wNnAA9ZlvWFIefWAn8ErgVeBL4HDADfBO4pRXlERERkcpWqyePvgdOBHwDn2Lb9d7ZtfxhYD7QBX7Usa23+3Bvz+z9l2/a7bNu+ATgXeAi4yrKsd5aoTCIiIjJJShUorgZ84Au2bfuDO23bbgHuBELAX1iWVQb8DdAE/HDIeS5wff7lx0tUJhEREZkkpQoUtwBfsm27Z4Rjmfy2CngNUAH8wbZtb+hJtm3vBfYCF1uWFSpRuURERGQSlKRTpm3bt4+037IsA7gq/3IzcHL++12j3GoPsCr/Ndo5IiIiMs2UbJTHKD5BUCuxB/gV8L/z+7tGOb83v6091o0ty9o6yqE14ymgiIiIFG/C5qGwLOs9wPcBB/iQbds5IJo/nBnlssH98Ykql4iIiJTehNRQWJb1CeA2go6aH7Rt+8n8oVR+Gx3xQojlt8ljPcO27fWjPHsrsG7spRUREZFilTRQWJZlAjcDf0dQ23CNbdsPDTllsKljtCaNmvy2d5TjIiIiMg2VcqbMKPBzgpkyu4C3D6mZGLQ9vx2tn8MagomxGktVLhEREZl4pZopM0QwM+Y7CYZ+XjBCmAB4AUgAr8/XZgy9x2qCKbufyc9LISIiIjNEqTpl3gC8jaBm4SLbtu2RTrJtOw3cTTAs9DOD+/OB5Ob8yxGHoIqIiMj0VXSTh2VZ9QRreECwGNhHLcsa6dQnbNt+HPgScAXwXcuyLgVeAd4InAXcBzxcbJlERERkcpWiD8VFBLNfArw9/zWSfwIet227w7KsC4CvAlcShIm9wOeB7w2dultERERmhqIDhW3bDwPGOK9pAz5S7LNFRERkepiwia1ERERk9lCgEBERkaIpUIiIiEjRFChERESkaAoUIiIiUjQFChERESmaAoWIiExLXjZFpvElfCc71UWRMVCgEBGRaSm1/Y/0bbiPxIb78D1vqosjx1DS5ctFRERKJdfZQLZ1O342Tbh2EeXrLivqfr7rkNz4IG5/NzWXfAQjpLfAUtJPU0REph3fyeH0tuOl+si2bKU/EidUs4jYknXHdz/PI7nxQQZ2PIUZr8Tt7yJcPb/EpZ7d1OQhIiLTjtO7Hz/TD4aJWT2PbOtWki/8AqfvwLjv5fs+/ZsfJbV7A9mWV8DXklETQYFCRESmHaenFS/Vh1lWRWTeGsAk07qNxHP34mXT47pXasefSNlPkG3ZAr76YkwUBQoREZl2nO4W3HQCM16FYRhEF6/DS3aSadlKcuOD+GOsZUjve5H+zb8i07SZ8JwVoH4TE0aBQkREph2nuxU/ncCMVwNghCNEl6wnd2A36YYXSW37/THvkW2zSb7wSzJNmwlVzydct2Siiz2rKaqJiMi04mXTuImDeOkkZryqsN+MVxGZv5Zsc76TZu0iYotPHfEeuc4mEhvuJ9P8Mma8ivDcVZNV/FlLNRQiIjKtOD2teJl+jHAMIxwZdixcsxCzah7ZlldIbvwFTt/BI6/vO0jfM3eTadoMRojIwpMxDGOyij9rKVCIiMi04nS3FDpkjiQyfzUA2dZXjuik6ab6SDzzMzLNL+M5GaJL1mEYequbDPopi4jItOJ0t+ClExjxkQOFYZhEF6/DTXaSbdlK8sVf4Ps+XjZN4pmfkW7ajNffTWzJaRhmaJJLP3upD4WIiEwrTncrXjpBpGbRqOcY4SjRxevJNL+EEasgXD2fXGcT6cbNON0txFacdURziUwsBQoREZk23FQf3kAPfnYAM1551HPNsnwnzfxMml6qD+fAbmLLzsCMxCepxDJIgUJERKYNN187YUQrxtRcEa5ZiJdOkGnajJ9NEV2y/phBRCaGAoWIiEwbTk8LXrpv2HDRY4nMX4Pb04YRryRUVjOBpZOjUaAQEZFpIxjhkcCsqBvzNYZhatKqaUCjPEREZFrwfR+nuw1vyAyZMnMoUIiIyLTgJTtx0334ThYjVj7VxZFxUqAQEZFpIVhhdHBBML09zTT6GxMRkWkhmNCqb9QJrWR6U6AQEZFpodAhc5Qpt2V6U6AQEZEp53suTm+7OmTOYAoUIiIy5dx8mAAwNMvljKRAISIiU254h0wtNT4TKVCIiMiUG+yQOZ4ZMmV6UaAQEZEp53QfqqGQmUmBQkRESsJ3cviedxzXZXH6DuClkwoUM5gChYiIFM1NdtH16M0kNtw77mudnja8TBJCYYxIbAJKJ5NBgUJERIqWaXqJXGcjmaaXyXU2jevaQ/NPaLjoTKZAISIiRcu2bMPtO4DT1Uxq55PjulYdMk8MChQiIlIUp+8AuZ5WvFQfbm8bmeZXcPoOjP16dcg8IShQiIhIUbItr+AmDmKW12KU1+H0tJDa+dSYrvUy/bjJTvzsgALFDKdAISIiRcm2bsNNHCRUNY9I/TKcrhYyjS/h9vcc81qnuxUvk8SIxDFC4UkorUwUBQoRETluTt9Bct0teKk+QpVzMMuqMWMVON2tpHc/c+zrBztkav2OGW9C4qBlWfcCF9q2vXSEY/cAV49y6Vbbtl81EWUSEZHSy7Ztw012YJbVYoQiAITnLCe33ya990XKrEswY+WjXl/okFlWM1lFlglS8kBhWdaNwHuAllFOORPoBr4/wrGx9+IREZEpl23ZitsXNHcMMstrIRTB6Wkhvec5yk99w4jX+r4frOGRThCuO+Lzp8wwJQsUlmXFgVuBjxzlnHLgJOB3tm3fVKpni4jI5HOTneS6WvBSvUQXn1rYbxgGkfrl5Dr3kd7zPGUnXYgRjh5xvTfQgzvQi5/LYMQqJ7PoMgFK0ofCsqy3AtsIwsR/H+XU0/LPfKkUzxURkamTaXkFN9mJWVZTaO4YZFbNBd8n19VMet8LI14/WDthxCowTHXpm+lK9Tf4YaAK+CRw5VHOOzO/VaAQEZnhsq2v5Ed3zD3imGEYhOuX4XQ2kt71LL7nHnFO0H9C80+cKErV5HEL8AHbthMAlmWNdt5goFhhWdbv868N4EngH23bfn6sD7Qsa+soh9aM9R4iInJ83GQXuc5mvIEeogtPGfGcUPUCch37yHU1kWnaTHzFq4cddwZHhwzpfyEzV0lqKGzb/sNgmDiGM/LbGwk6YN4FPAX8BfCkZVlHq90QEZFpItu2DS/ZgRmvxghHRjzHME3C9UvJdTaS2vn0sJVIfc/D6W5TDcUJZLJnERkAdgHvsm270OxhWdZbgP8C/t2yrFW2bfcd60a2ba8faX++5mJdicorIiIjyLRsxUkcPGbtQrhmEZnORnIdDWT328TynTfdxMFghVHPw4iOPqxUZo5J7QVj2/bltm2fNDRM5Pc/CtwD1AN/OZllEhGR8XH7e8h1NuEN9IzYf2IoIxQmVLsYp7OR1I4n8X0fyHfITPVhxisxDGMyii0TbDp1q92Q36oPhIjINJZtfQUv2YkZrxpxOOjhwnVLcPs7yR3Yg9OxD1CHzBPRpDV5WJZVBawHUofXUORV5LepySqTiIiM36HRHWPrTGmEo0EHza4mUjueJDJvVaFDZrh2yQSXVibLZNZQnAo8A/xslOMX57cbRjkuIiJTzB3oJdfRiNvfTajy6M0dQ4Xrl+H2tpNp206usxGntx0vncQoUw3FiWIyA8VGYDew3rKs/zX0gGVZ/wO4AniBYAipiIhMQ9nW/GRWsSqMSGzM15mROKHKOThdLSRf/A/8TD+YJkZ47PeQ6W3Smjxs2/byweHXwL9alnUV8ArBXBSXA/uBa2zb9ierTCIiMj7ZltEnszqWcP0yMk0v4fYdyHfIrFKHzBPIZI/yeBI4h2BExznAZwELuBN4tW3bOyazPCIiMnZuqo9cRwNusuu4JqMy45WYZdU4Pa246pB5wpmQGgrbtkeNnLZtbwPeOxHPFRGRiZNt3Ybb3xUM9RxHc8dQ4frl5FpfgXCEyNzVJS6hTKXpNGxURESmsWzrK7h9B4qaKjtUXoNZUQeGiVleU8LSyVSb7JkyRURkBvJSCXIH9+H2dxGeX9x0QdFFI6/9ITObaihEROSYMm3bcJOdGLEKzEh8qosj05AChYiIHNOh0R1aGVRGpkAhIiJH5aWTQXPHcY7ukNlBgUJERI4q27Y9aO6Ilqu5Q2mlDUgAACAASURBVEalQCEiIkd1aO2O8U9mJbOHAoWIiIzKy/STPbgXN9mp5g45KgUKEREZVabxJdxEJ0a0DDNaNtXFkWlM81CIiMgRfN8nteNP9L/8a3Id+whVz5/qIsk0p0AhIiLD+E6O5Kb/ILX7ObLNL2NWziFct3SqiyXTnAKFiIgUeOkkiefuId24mVzbdsLzVhGuXTzVxZIZQIFCREQAcHraSDx7D5mWLTidTUQWryNUUTelZfJ9X0uczxAKFCIiQqZ1G8nnHyTTshUv1Ud0xVlT2gnT6d1P8rl7wQxRec5VhGsXTVlZZGw0ykNEZBbzfZ8B+wn6nv4p6b0b8Z0ssSkOE77v0//n/8JL9eL1d5F45qe4fQenrDwyNgoUIiKzlO/kSG58iOSm/ySz70WMeBXRpadhhKa28jq3fwduT2vhtZ9N0ff0T3D7u6ewVHIsChQiIrOQl0rQ++SPGNj+BzKNfyY8ZznRBWunvL+C7/uktv/+yP2ZJImnf4KX6jv+e7sObn83Xi5dTBFlFAoUIjKredkUbn/PVBdj0rj93fRv/hXdv7uV9K5nybXZRJe8atqM5Mi2bMXtO1B4HV97fuF7b6CHvqd/ipfpH/d9ne4Wen//Q7INL5J48t/xsgMlKa8cok6ZIjJr+Z5L7x//FW+gm9pLP3FCr1WR62omvetpMs1bcXracLqbwQxPeefLoXzPI7X9j4XX0cXrKF//Rsx4FQNbfgOAl+wg8czPqLrwg2NaqMz3PNI7/0TKfgJ8P7hHqhcvPf5QIkenQCEis1am8SVyB/fgpXpJ7XyKyrPePtVFKinf88i2bSe96xmyB3bjdLfg9LRhxquILDgJs7xuyps4hso2bcbr78y/Mig75fUAxNe8Ft/Jktr+BwDc3v0kn7mbqgvejxGOjno/N9lJ8sVf4na3DNtfZl1MuFrrkpSaAoWIzEq+55Ha8SS5jga8TJJ0w58pO+X1hMprprpoRfOdLOmGTaR3P0euswmnuwk30UGoaj6x5WdixiqmuohH8F2HlD2kdmLZ6cNqjOInX4TvZEjvegYAp7uZxHP3UvXa9x7RidT3fTINLwa1Gm6usN8sqyE8fw3xNa+d4D/N7KRAISKzUrb5ZXKdjXjpBGa0HKe7hfSup6k4/S1TXbTj5nsuqe1/JLVnA053K053M146Sbh2MfHV5x310/xUyzRswkv1Bi8MkzLr4mHHDcOgbN3l+E6WzL4XAHA69pLc+ACV574bwwwBwUyf/X/+T3LtO4ddH112BuWnXVG4VkpPgUJEZh3f8xjI106E65dixqvJ7d9Beu+LlFkXT8tP8Mfiuw6J5+8nvfs5svt3AT7huqVEl7yq8GY7XflOjtSOPxVex1a8esQZOg3DoPz0v8B3smSbXwaCIab9mx6m4qy/Ird/J/1//k/8IR0ujUgZFWdeSXTxqRP/B5nlFChEZNbJtm0j17EPP9VLeNEpYIYgFMbpaSG9+znK11061UUcF9/JkdhwL6ndG8i2bSOy4GRCVfMmvX/E8U6Tnd73PH4mGbwwQ5SdfNGo5xqGQcWr34bvZMnttwHINm/B7TswbHQIQGT+Gipe/TbMeNW4yyTjp2GjIjKr+L5Pyn4Cp6OBUN0SjFAYwzCIzFlOrrOR1J4NeLnMVBdzzHwnS9+zd5Pa9RzZtm1EF68nXD1/UsOEn8vQ99RP6P7vb5La8SR+fjTFWK9N73yq8Dq26hzMsuqjXmMMTsc9b1Vh37AwEQpTftpbqHztNQoTk0iBQkRmlVybTe7gPryBbsJ1Swr7zcq54Ps43S1k9m0s6hlOz35yB/fh9OzH7e/By2XG9SY7Vl4uQ98zPyO953my+4P5JCZ7MS/f9+l/6RGcjr3gZElte5z+Tf+B77ljuj695zn8bCp4EYpQdtLrxnSdEQpT9ZqrCdcPX1Y9VLuYmkv+hvjqc6fVCJbZQE0eIjJr+L7PwI4nyHU0EKpdjBGKFI4ZhkF4znKczkZSu54NOjEexxTUmZZX6HvmbvxcGsMMQyiMYYYxTBMjEseIlmFEYpiROEakjFDlHOKrzsUsG98naS+bJvHMz0jve4Fc+y5iS0875if7iZBpeJFsy5Zh+7JNL+Gleql8zXuOOleEl00VRm0AxNecN67+K0Y4SuVrr6H/xYdxuluIrTyLspMvmvZ9Rk5UChQiMmvk2neRa9+D299JfNVrjjgeqp6P07EPp6uZTMMm4qvPHdf93WQXyRcfJtuyBT+Xwfc9cJ1gQiUzFAQUMxQEGTOMEQpjltWQ2vkU8VXnUHbS68YULLz82hbpfZtwDuwmuvT0cQeSUnB62hh4+VeHdpghyNdMOB37SPzp/1H52vcSKq8d8fr0rqfxnaB5yQjHiK85f8TzjsaMxKk67+rxF15KToFCRGaFwb4Tua5GwjWLRhxCaRgm4bql5DobSO16htjKszHMsbUM+65DYuMDZNts8CG2+jUYRnCt77ngOvieg+86MLh1c7i9+3E6G4KZLPduJLbybMpOfh2hUWobvMwAfU/9mHTDJpyOfUSXnYEZrzz+H8xx8nJpkhsfKAQII1ZB9cUfJrXtcbLNQY2FmzhI3xP/StV57yVcN3xqby+dJL1nQ+F1fO0F02bGTjk+ChQiMis4HfvItu/C7TtIfNXoNQ+h2kXkOhvJdTaSbdlCbNnpY7r/wNbfkmneitvTSnTl2YUwAUEnQswQBrEjn1e3BG+gG6ejAaezkVxnE+m9G4kPBoshE2156SR9T/0kCBOdjUGYmIIhrsHy4v+JN2T1z8qz30GovJaKs96BWV5HOj8M1M/00/fUv1N59juJLrIK56d2PlWYdMqIlhNffWSNkcwsChQiMisMbP8juc5GQjULMCJHvrEPMswQ4bolQV+KHU8Fy3kfo3NfpnUbA/afyLZuJ7rolDGtMVF4nmEQqqjHLK/DG+gpBAunq5n0vheIrzyLspNeh2GG6H3qx2QaNpHraia27AzMWPmYn1NKmb3Pk2vdVngdty4mMm914c9TfuobCJXX0v/SI+B74OZIbriX8lddQXzNeXipvmEdX+MnXXjUvxOZGWZ1oMgd3IcRjhKqXaTewCInsFxnI9n9O3D7DhBbdc4xzw/XLSGz51lyHfvI7d8x7JP14dz+nqDfROs2wjULCFXOOa4yBsGijlBFHe5AT9CXo7MRp6uJ9N4XMOOVZFq24va0BdNnT1HzgNPdUlioCyA8d9URs1pCMDmVWVZD8vn7C/0kBrb8GnegB9zsoaaSeBXxMfydyPQ3awOF09tOzx//FXyXcM1CokvWEVuynlDNwhM6XPi+jzfQAxiYZVXqDS0zgpvqI9vyCtmWLbiJTmIrzqT81EsxwpFjXwzBvBOdTYSq542p9sAIhQnVLA7mpdjxJyILTx7x/wXfc0k8fz/ZNhvf94bNi1CMUHktoeVn5oNFA7nOJkLlNXipPqLLzxxXDUgpedkUyY0PBrUOgBGrpPLsdwxr3hkqMn81VRf9T5LP3o2X6gMgs+e5YeeUnXzRsNE2MnPN2kDhZ1P4uQEy+zZhllWTaX6Zgap5hGsXE1uyjuiS9YQmeXKYieI7WXId+8ju30mufRdO4iAAZjiKEavALKsmVFaNWfiqCbbxaoxIDN/NgZvDd7L4bi74crLBvsHvfZ9w3RLC9UsVUqQkvHSSTOsrZFu2kju4DzfZgdt3EC+TJNfdQrZ9F5VnvZ3IYfMQHC7X3UKmdRtO735iK88e8/PD9UtJ79lAtn03TkcDkXkrjzhnYOvvyLZsxe1uOaLfRCkEwaIWd6AXr7+L2Lw1U9Y04Ps+/Zv+I/+BBMCg8px3HrNDaLh6PtUXf5jEs/fg9rYNO2aW1xJb8eoJKrFMtlkbKAYZkTihuiW4iYPkDu4NqhWbNhOqmke4bki4mIJpbI+X7/t4yU6y7bvIte8k19GAO9CNm+zCTXbiZ/rzZxoYkRhGOJrfxvPb/FckhmGGgx7qvgueV/je94LXhe8xgmBSUUdkznIi81cTmbf6hAllx8v3PLyB7vxKj/MIVdZPdZGmNS8zQLZtG5nmLeQO7MVNduImDuAmOzFjlYSq5mFWzQuaLxIHcXvbKT/1EsqsS0adMyJlP4HT1Uyoau64mgmMcDQYRtrVFNRSHBYosm02A9ufINO6jehCa0JrDULlNVO+Cmpmz3OFqa4Byk59PZG5K8d0rRmvovp1HyK58cFhi3aVWRfrA8gJZNYHCgyTcPV8wtXz8T03/x/YQXIH92DGq8g0vkSoeh6R2iVEl51GbNnpU/4PeyReLoPT2RDUQhzYjdN3AK+/KwgR/V0YZgizop7InBWYFXVgmEENQy6D7+S/chm8gd7h+3wvCARGvpe6YQZbMxTcI/+973vkDu7BMEwyFbWEyuswK+oIVc4hMnclkflriMxbNS1/dqXiZQZw+w7g9LXj9rXj9LYHn6iz/fiZfsx4NbGl64mf/DoiQ2ZonM18z8Xp3Y/T3UJu/w6yB3bjJvIhItGJES0nVD2P2LzVw96wQxV15Np3kd77fNAcsn8HlWf9FeHaRcPu7/TsJ9O8Fae7ldjKs8ZdvnD9MjL7XiDTZuN0txaGProDvSRe+CXZtm2EquYPW2b7ROR0NTOw9XeF15H5a4iPcUbLQUY4SuV5V5N65THSezcSXXAS0aVjG0EjM4MCxRCGGToULlwHt78Tty8IF9nBZpEtvyUyfzWxZacTXbwOMzpVbZlpnK7GoNNYRwNOTxteqhc32YXX34WXTgZNF5X1xOasCGbnO7ymIBzNj8UfeUIc3/eDCXkMY0y1DL7v42f6cQe6g0Czf2dQA1RRi1lRh1leS7h6AaGqOfkakDhmJNgOvi5sIzHAwM8O4GdTeNkB/OxAfpt/nRnAy6bAzRGqWUBkznLCc5YTrl18XDMcjoXv5IKf80AP3kAPbn93YVEid6AHL9OPl+nHzySD79P94LkYkTi+kyHX2UC6cTPRhSdRdtKFRBasnTU1OL7v4/V343Q343S3BF89+/HSSbx0X/CzTHYGvzNV84itXDlqjYIRihBdfGoQ/tu24SYO4vS2U37K6ymzDs2UmNrxBE53M6HKOZjR8Y+IMKPBTJZOVzOpnU9S9Zr34HsuyecfILvfxncdovNXF/Vzme687EAw38Rgv4l4FRVnveO4fm8Nw6R8/RspW3f5rPm9n00UKEZhhMKEqxcQrl4QhIvEQZze/WTbd5Ldv4N0wybCVfOILrKILTs9eGOYwKo7L5vKd85qINcRrBHgpfqCN7WBHrxUH0YogllRR7h+OWZFXdHlCWomxv6P3jAMjHhl0KZavyyo7k/34fV3k+tsxG95BTNeiRGJF2YJDGo4Br8PB2XOT1UM5PtsOIf6awz25xj62vcx45WYZbWEyoP+H+G6xUHAqF9OuH7ZMYOf7/tBH5HBwJJO4KZ68QaDw0Av3kAvXiYZnJdL4+fSeLk0fj44+LmBoNkoVoEZqyBcsxhjQQVGJAhzXqY/6LG/5zlyHXvJtm4jMm8lZSddSHTJ+hOi6tf3/eBnkx3AywzgZ/rzNRDNON2tuKm+4Pc2nShsAcx4NWZ5dTAyYBxv/KGqeZhlNWTbd5LevQFvoJfsfpvKs98BGGSatuB0tRTVTh+es5xMwyYyTVsoP/VS0g2byDRvwe1qJrrirJL3m5gufN/DG+hh4OVfFTpUYhhUnnNV0cNVFSZOTAoUY2CEwoRrFxGuXYSXS+P2HSDXvptsm012v01q9wbCNfOJLllPbOlphGsXFfUJ2fc83GQHTndr8CmuqwmnNwgQg5+MvVQfRjiGWVZDqHoBkYUnT1nP79EYphl0KiuvJcIqfNfBS/UGTSmDMwc6WXw3he/lZw8cMqNgcI8whCMYoeCLUBgjHMWMVeRfRwAj/wm3i9zBvYAf/FzKa/IdTKsI1ywgXL8cIxzJ13Ck8uEhHdR25FL4rovv5Q6VazAw5NL5JqE0fi4DhlmoRTEi8SDI1C3BjFYc9e/djFUQXXQK/txV5LqbSO97kdzBvWTbdxGpX0Z87fnEV7z6iBkcfSd7xJuwm+rDz6WDP1fd0qBWZowjHoox2MHX6WrK18YM1hylgo7O2QF8zx0W/rxMf6Hcfi6TD51VQa3SgpOCn2URbzBGOEp08TrcxIGgg2SiA6dnP+Hq+eS6m4PasSImfzJjFZjltTg9LSReeIhcR0PQb2LBySfEzI6DTb1esgM30RH0TUl04CY7If/vcFDZqZcRmbN8ikoq050CxTiZkTjmnOBTr59J4vS2k2neTLYtQrZ1Oyn7CcxoeaH/QKhqHqGquYQq547YKSwYxtmL05OvAu5uDZov0gm8VCK/7cVLJYIFhcprCdUsJLrwlBk3EYwRCh/3GP1jGeybEXxCTgW1Cak+nJ42/FwGs6wKs6wmqHHJ13oU3vQ8B9/JBePiDbMQWgZDgxmrxKice6gpxgwX9wYYiRGdvxZ/zgqcnlYyTVvIHdhD9uBeUtv/SGT+muBNevDvP5cKAo6Twc9lD/Vv8VzMWGV+ZE4V4ZqFROqXEZ6zjHD9slGnbh4P3/eDAH1gF7kDu8l2NBRqbfxcdnhN0eDP1HPytU5B4DOj5ZhlNYTrlmLEKyfkE71hGEFzWlkt2fYdpPdsILLgJJyu5jHPdHk0kTnLybRsIVy7hGzr9uDfdPW8EpR8YvlOLqhVy/Tj5Zvh/PRgc1wCN9mB198VNG0eQ2TBScTXjn+tDZk9JiRQWJZ1L3ChbdtHjOeyLKsC+DzwXmAZsB+4B/iqbdsDE1GeiRBU71cRjVfhz1+D19+N29dObm8j4GNEyzGj5Rix/DZajhktCz6ZVc0hVDkHL5XA6WnFHegLmgbyIcJPJ/A9BzNWhVlWRah2MdHFtSOuPSDDGYZR+NmT76AXfMIPAobv+0ENR7QiCA6hw2o/JrHZwQhFiMxZQbhuKW5vO7n9O8kd2EOoaXM+NGSDDrJuNqgVCQ8dgRP0f3H7u8h17M03+1RhltdgxoNhwKHKesL1S4NwUVEf1KZEy/KrXcZH/bN62RS5A7uDANG+O+io3B/0zXH7u4MOvuV1+fuVH/lzDEemrBnAiMSILnkVbu9+sm3bgyaRePGLZpll1ZjRcjJNL+H7PtF5rypBaUvL97ygOW2/HfRLySTByRZ9X7O8lsiCk4J5P9RUIUdR8kBhWdaNwHuAlhGORYH/BN4A/AZ4EDgfuAG4xLKsN9i2nSl1mSaaYRiEKusJVdYHHRmd7LBOhM5Ab1AV7GTyyxcHb3i+k8FLJ4NljmMVQdionIM5bxVGtFz/eEvECEfzNUXT8xNlMNXzYkK1i/CSHXjZAcx4VT48RIPtUZpSgv4fmUJoyh3cQzbTH/yelVUTKq/BCMcOvfGb+b4r4WgQMCIxjEgZZrQML50g19Uc9BtJBgHCz6WCZp2KOsJzVo7cwXcaMQyj0ERZSpGFFk53C5H6pWNeMGyyeJkBkhsfxOnYe3w3MEzMivqg5qVqLqHKwZrVOfogI2NWskBhWVYcuBX4yFFO+zhBmPiWbdt/P+TaW4DPAp8CvlOqMk0FwzAgEiMUiUFF3bBjvucOG6lQqAaOVU67/6Bk8hmGEQSf47guGDETh+oFQPC75uU7QDp9B4ZMRBb0TzEGm3bMCEYoBKEIRigc9HMZ6MmPzqknMn81Zlmtfj8JRnxEF6yd6mIcwelpI7nhPrxU76jnGNGyoOkuVhF0jI5VBPN65EOEWVF/QnQKlqlVkkBhWdZbge8DK4H/Bv5ilFM/C2SArx22/0vARwkCx4wOFEdjmCGMeFVJqmBFjsYwQ4V1IQ7n+/6hjq9DQgZuDswQ0QUnz7j+ObNVpmkz/X/+r2GdJ6OL1xFdfkbQvyZWgRGrUFiQSVGqGooPE0xm8EngB4B3+AmWZa0AVgN/sm07MfSYbdtJy7KeA95gWdZS27abS1QuETmMYRhBPwciwMwfpVAM3/dwe/cHM+HOoPUkfM9lYMtvyezdMGSvQdn6y4ivOX9aN0nJiatUgeIW4AODQcGyRlyZ7+T8dtco99hD0BxyCqBAISITyk10kNz4IG5fO0a8iuoLPlD0jJe+69C/+b9xOhuDuVHK6wiV12IOflXUBv1jiui06qWTJDc+gNPZWNhnRMuoPOeqwhLiIlOhJIHCtu0/jOG0wfGCXaMcH2wArB3LMy3L2jrKoTVjuV5EZq9M02b6X3okaOYB/HSCvqd/QvXr/seIzURj4bsOyQ33kjuwGyAYjjnkTb/AMIPROOXBFPWhqnmEahcRrll4zA6QTlcziefvx08fquQN1Syk8jXvIVQ+pv86RSbMZM5DMfgvZbRRHIP7p9fsTCcY3/eDqaAnaGpqkenMd7L0b36UbNNLRx5LJ0jkQ4U5zjk8Dg8TRz/Zw+vvDqYhZ/ioDLNybmGESqgmHzLy/VnSDS8ysPnRYL6UvOiy06k44y9nVHONnLgm810lld+OFsEHe4Elx3Iz27bXj7Q/X3Ox7ljXO92tZNt3BTNPZlMnxox3TjaYy2LopFjpYF4LL90X7MskC2tLmPGqwqyFQ78K+2KV4LmHZovMpfGdYLZIf8g+L5fGCEXzE3nNIVQ5FyNeNWHtuH4ugzsQ/IfsDvRghKNE5q4Meqqr7XjG8Z0cbuJAMOlSLh3MZJrLz7yZ33rZVOGYWVZFbPmZRJedMa5/t05fO8nnH8RLdhT2GZE40aWnkdn7PADeQE9QU3Hhh465LHeh/K5DcsN9w8JE2FlPOLUWL9KNF+7GN7vxzG58+o9yJ/CSHWSTHWSbXy7sMyvnYMYrcToaDp1omJS/6k3EVp2r33mZNiYzUAw2dYxWLze4DOXoY59KxOk7SMstb8Ub6AEgs/uZYFhVRT2hijmEKuuD7yuD19Opx7vv+0E4GDpFbuIgbrIDP5s69g0G75NL4+bSkDg4MQUNRQvj2INZQudgVs7NV8saQLDwmJ/fDr4e/D4Y9tgbhIb+7mAJ8PynOj878vxnZlkNkXmrCc9fTWTuqqLXGziWYLREMLV0YThwZqAwB0lhPYvsAPg+4XkriS46lVDNwln7JnDEAmFdzbh97YWFp8bCzaUY2PIbBrY9TmzpacRWnUu4ZuFRn5lp2MTAy78aNhoiXLeUinOuCqZoL68ltfW3AHjJThLP/JSqCz90zMDiuw7J5+8jd+BQ17Cw8yrKUu/GmGuCA+SAnAE58HM5PL8bL9KNH+nGC3fiRlpxzTZwR56Eykt24iU7C6+NWAWV576LyJwVY/hpiUyeyQwU2/Pb0fo4DO5/ZaIL4iY7CmFikJ9N4WZbcLuPmI8LI1YRjNeunItZOSf/JjmnJAtwjSaYkrsnv4zz8Dn2R/uPZ1pxs7g9rbg9rZP2SC/VS6ZxE5nGTUDQthyZtzoIGXOWH31yqPz6E7i5oKYnHw6CUNCfX4J8YNiiV162f1j187E43c2kdzwZBJ/FpxBddCrh+qUn7OJSENQmOT1BcAimlm8eV/A9KtcJFu1q2ES4fhmxVecSXXzqsH+Tfi5D/0v/RbZleJer+EkXUnbK6wvnlq09H9wcqe1/CG7dd4DEMz+j6oL3j7pGThAm7ifXPiRMuOsp6383xiITw4RDA2mCqa0Nwhj+PEK5eUHQSBjggnFyDtYcxOltw+1py2/34zvDW4hDdUuoOvfd426SEZkMhj+GOdzHy7IsH2g5fOpty7J2AouB+bZt9w/ZXwm0A622bZ9U5LO3rl27dt0jjzxy1PM6HryR3j/8X9z+rnG9KQxjGEEv7sGAUTmHUHltMENhrCKY7XIMfRWCBcfaDy2D3deO03fgOKfNNUZsxjDLBpszghkY/Uwyv2z04U0jwb4jagFCkcLkSUMXxjLCwfd+Lo2b7MBNdOJnxtRqVRwzTCi/JLqX6sXtO3DM88M1C4MaEdfBd7PB+h2FFUvH/gm5lIxYBdGFFpHFpxCZu2rEgDo4E+bgGgyD6zIYkTjhOcsnrTOem+rF6WzKLwyWPDSXhecGK8IWtoPzWjhHvCGOKhQJFnKLxoPVWaNlhdk7C6+jcYxQlNz+HWQaN40YTIxYBbEVZxFfeTZepp/kxgfw+rsPHY+WU3HWX404QZXv+6S2PU5651OFfeH6ZVSd/74jF2wrhImdh8711lPWdzXGIgNjjJ8z/BwYrQYs8zEvzGEMqVQLanO6cHr34/bux4iWE191rvo/FSm18yniK8+m7s1/S7h6/lQXZ7o6rirUyf7N/Ffg6wQTW/3tkP1fA8qB2yerIDUX/y+8bD+Zlu3ElpyKmxxcq6Br2PeDvcBHlP8H7/V3DfuPZZj8uhGFNT1iFYXlmd3EQdy+9kNLA4+DEa/KNyXMOzRdbkX92GfdLK856mHfdfCy/cFMipHYuGpivFw6aJJJduZDRvB9sAjR2N+4jcFF1irqguBWURe8Lq/PLzJ16HfeSyfJHdwTfB3Yc2So8Ryc7okbjRy86ZVjxsowohX59VvKCn/fXrafXNt2nK7hZfAz/WQaXiTT8CJGOEZk4UkYoUh+8aZDizodLfSa5bWE56wgMncl4bkrShIwfN/HS3SQ62rE6Qy+jjYT43iZlXODdUbqlhCuW0qoet6Ya2oic5ZTdsrrybZsJb33+WG1YH6mn/SOP5He+SRgDPt9C89dQeVZ78QsG3liOcMwKDv1Unw3R2ZPML+D09VEYsO9VJ333sIbue86JDc+MDxM+Osp67kaY/HYwwSAEQE/BkbCwG8yMaxD5Q2m9A8+rLBkxC5jItPKZAeK7wLvAq6zLOtM4FmCtTwuAf4E3DnJ5cEwjMKneOYOb5P0fR8/nciHjODN0UsG33sD3WNaoQ8ni+dkYaCb46kHCZYnnz9sfn2zau6EL1VuhMKEyv5/e28eJUuW1/d97o0lMytrX169fektX2/T08PsMDPMjIaBwSDAghG2kexj2ZaPDTpGHFkI44HhkmOb3AAAIABJREFUgJB9ZBAGLZbxsWS0ITYba2RLGk8DA8xMz0IPPd0dvb59q70q94i413/8IiOz6lXVe1WZ9areq/s5JysyIyOjbmRkxP3e3+93f7/tRcdW6KCInjyJP7m+Nlwn9TgoqfqpVP5csf41Su1IxOjiMIVTb6Nw6m1SIXNtjqQjMOYvbi8MN0F1CroVOiKwIwpvF4cqHLorEVd65P2Y5pqUvb/+Csn8hXUdnk1atK+8uKN2ggQStuvL+cwFXRrDnz5LMH0Gf/rsbQLDWpNZF3pKxacJJm5IbMPCZZLFSwNzTaig2BUOkyfwx0/0HQStPJ/C6WconH6GZOkqzbe+TPvqi13h1YnLyShVPkSx8oE7ihalFENPfRySOHedJXNvUX3+XzL87h8AEDFx49X8Mz5PMLT4A3BMoXZzRx2z2HkN1zT2IYNyEzYc9yn3VFBEUdSqVCofAT4FfD8iJi4DPwf8/EErDKaUQpVG0aVRgumz696zJhUrRnUhf5jqgrgPWvUdxzkovyDCYXRWlmOz+CNHDlRAaL90Uo/v+f9RCn/0CP7oEYoPvxdrUpLFK2Ih6amMycYKmV4oz7W3Z0GTujhC8dw7KZ57p1T1vPEq7euvyAyBnoDBLQ5MrB/FYVQ4JGXEa7endTGNFdqXX8gFhsosYh13RD/uHbGGnJbMktrP6oH0Lj0pXd5Z5xfQQ+N7GoTqT5xgeOIE5smPSQzNW1/OrSmqMMzwN30vwcy5u96fUoqht38n1sS5wItvvkbtK7+NNekGMfE4QwufhKMatdsaWkXEwLym4JqGM/vjfnM4+mVPBEUURVvePaIoWgX+ava4b1Ha27aCZcdlIFH/NWyrgW3X8qh/axJxWWTiQRdHD23k/16jtEcwfeY2C9R+o8NSPsq2SZv41uvE85dQnocqDHdrMRSHuzE5G34jprFKvHCRZP4i8fxFTG3htv+z1ayYu8EbncWfOo0/dZpg8tSBDgbUhSFKj34zxUfeR3zrDUxtmfDEk7ua7aOUpvzs92DThPi6xJO3r62PF/fVeYbmPgmzGtWH7lcK7JjBrijsFQ2nDA9wnK7jAcZF9+wRuctgl24Dx+FC+aEUdTp+xxQq69ClUZk6efJpAExjLRMYF4gXLq6bbrj9jnz5zY7M5ALCnzy15661vUApTTjbV2y37Edrhr/p+7IcE+srBvjqPEPzfx5mPNQgUtiUgUWFXVGoOQWzgw+Wdzj2GicoHI4HCF0aoXDyKQonnwLANNdIa0sSj5KJhs6y45ZAaWcd2wLl+Qy/+/tZ+8I/k5gXwNfnKc3/IExoVHlA/0eDHbVipbisUbO7nHnmcOwjTlA4HA8wecCxY/eogOFHfpCm+RKshQS33osa9VCjA7YijFjUFYVd0NgVgxpzVgrH/YUTFA6Hw7EBa4Blhb2pYU5hqwFh7cNQVVC2sAedvfLBloHVzEoxtnMrhTUp6coNrEnWBctKsHFmofL8gSZTs9bI7Le1W6TVRXShTDD76F2nLt96v1aS463ND2w6tGNvcYLCcV9jLdAGNOBnM0/vM6wBVhR2QcG8BgvquIHj/U0htBbxy1+XfVK0EjxYsFI5p2ghxAUAZliLnIebCm5pbFVhawpqks2SsoUjBrWXYSWjFm5o7A2FfYS7/l953pC5N2S6c1jCmLrM7OmZGmyNTBdWyuuZhTOKVxpDl8buWO103f9rrEhCvrV5VFDAH50lmHmIdG2e9uU/QY8dJZg6u6tEXGl9hfjmayit8UZnaV99UdLWD0/d+cOOfcMJCsd9h20gHeWShiWFbaosfYXF+siv2gd8e9tzNW5h0u678LAxcgzzGhYUtq6grrB1RFDMKXhTo44b1Gmzo8A/GyOd0hUtPvlVBQY5fq/nO/Hktd0gMlQJGLJQslC8e8FhDdAE6tIJ25qCOiL2QiC0MrWyIEImXwb7KwRtDRFdNzV2LWt7NRMRQxamjHwP96CNqgA2tLAmMz7UI3eeQmpaNeKbr2OTJsHso4RHHiaYOZsX7pOiat1CfljTk3ukiamvkCxdxVx7BRUUJGNpaRQ9NCYJ27IDl7w8VZK1m6SrczLTbfQIxTPP4o3OUjj5JMHso7QufIXmxa8R33yd5lvPE84+gh6evqs4HRu3iOfeJK0tEcycI5g5hz86gy4M0br6EuHRx7acWefYf5ygOIR00q0PKhCvkygJL9iT4D7bQoRDR0BUFTTBNmRJy4LSWI10XhrQtue5PJQGO2TFN33CwDGz+9wBuzmOOjCvsfMKu6Sg0RUSGKQDH7FSJ21JSzm9JY29ZFCzFnXawNjWYsjWwF7W0jmuiZBQLWAE6bgTsLGSglWpLK0CPERweUjn7lupQeGDCiy2mLWtZCU1dCkTAk26I/i6iAcbK7EYxdnzTj4xj0zA9PyvfJ3FhrJfNWlhSr6Hve7AbR3sWx72moI1ja0iRbzKFiYNlPZJ6Ixa7JJGXbPYs2bLZFk2TUgWLpIsX8efOkU4fY5S5QOUHv1mlL+5acsaI2ncM6GRrs0TL1wiWbxEsnJTKhI3VkirC8RzbwIKPTSGDoqk1QUwKd7oDIWTT+GPzBCeeJzCyafxp87kyd3CIw9ROPMstRc+Q/vm68Q3X0et3BA3yFZ1UawhWbpKunAJPXqE0sPvpvjQuxl64qOooED1y78FStO+8iLWGvzR2UF8044B4wTFA45N2phWVgOiUwuiXQN0tx5HUMhrckh9joI8z4ameS2JrHy03Ixa68qZo7TUNikOZ3kTRvIETDsVGdYgwmFeSYe6lgmIpoIG0DKg21i/ifFqMBqD0mivhPIK4BXFIW2yjjpb2hjJRrhgxQLwhpaO+qSBUenAOhVEbdKWkZy1WYM61VB71uXZGFU2jFeQaGj50MqWTY1qaWh62GaIamoREQ0lHeqQhenbR8B22MgxryhY9rDLFnVdoyYNnDYwY0UgGWBeRrN2PhMSa2KxYdRiZ+0WFgYrzU+zRwIkmcioK+lYkyzXpA8Edr3Y8LLPxAqbCQji7PsOgDDbbjiLNUhlxG/biPjIXpNa+R8qBj+FsoZhDz3sYSctatqIRWmA2SNtMxMSVxWsiBWHgoXxTDTttwtoCFiUc69uaDi53kohmWBvEd96E680SvHcOymcfhvlp78drzyx7a6V1qiwBFmmUn/8GIVT2ZTjdoNk8YpMO164RLx0NRcYtt0gPPoo3sgM4dHHKJx8mmD2kS3dGeHsIwQf+S9pvPoH1KM/IJ57k9aFL+NPnr6tIF5aX87cGz7hqWcIjz1G+ZlPEEycyLcZfue/L3EgStO+/HUwBn/82G6+Xcce4gTFfUzesZk0sxLEPcWjpBYEJpVU0cVhdGkEf/wYqlCW0uFJjzCIm6TNta5ASBPwQ5RSUuBJ++uKg+nSCGp0Jl+H9sSk2qxiWmtyw5t7E9IEVSxLkqZiJjL8YhYY1u1Bbw+Cy1wADaBpQMddATESowvSDj+cAc+XQl9xExs3ME2pJKszsURQzG5GCjtloQZ2WcG8xd6Msa+1sOUaZnIBOzQPnsl8ybqbBjwTTKQetANU24dWAG0RDbQUtL2sU7aQyPkg0ZBqSBIp9lYAVVaoaR9VKsAWKbuVQqpUliy2bWFFwRWFWfRQcxo1ZrHTRiweq1n+ghrYEpsKlC3/R8f9UYDeVNXrBEeMiIc22GqCbcbYROI7VKih4MGIBwUNgdri/9rOj1aKscVNbNLCtJtSbVMXUUmAXQZuaIyXde5lUEMeatJDHQ1Q02rX1gvbAntRYy9rERLLmZA4avpKTHX7P7LYuCm/G7+wYzOHUtkU0iw4kxMm34W4N17DJm3CYxXC2UcoP/1xwqOP9d1sHZYIjz5KeFRyeNg0IVm+RrJwibS2SDB9luBoBX2X2XuVHzD0xEcITz5N7YV/RevqS8Q3X6W1epNg9jF0UCSee4O0vkw48xDBkYcYeuKjFM48e9sgRGlN+R1/FrLruHX562DS29L7O/YXJyh2SD6CzUaxvSWv5XmCzUsVb7iRbLyvWPJt89Gu7bxhezayUnfBmnzZERGqMzrWWnILhEPowjD++FF0QSwE3vAU/tispPPOUnvTCaqqL5PWljFLy6SLy6SLa5jlKrYaY5dSsBY17qHHAvTsKN70GN7wJN7QODp7SIXVEunaPMnyddKV6yTL18WE2qlo2qpK5cSFS2LtsEYCwxpl9OoYankEmgVUM4RmAEZDMcZ6NexIG1UI0UERL5hCBQW80qj87/IEujAs+Rbqy5KOurEmvuJMKJl6loa5cyNMY2whkXTbjTIsF9ClEF2dQI1VUCc03nRJBEJTQUNjm4iLIiYfyZOISd+2DcQG27ao1GI78RoFstgNi/UsVrfAdHzZa9hmLOm+OxVc/c0FhgqBGYudQCwQNzR20aJuamwNsQyMWOxJu7taElugFFgVAw2MbWJpoEo+aqyE9gtSVTSJpXJrO4a2klTmWRpzsvTmmESEa27NUiL2/AJeFggoQjPEtuqkrQbUU6il2BWLnTeYa23sqyuoooWyQo1r1JiPmgjlMaS3tCzYGOwljb2oJehyWYvFZXbwAZa23ciqm8r1bI1ZVzGVu61PM2JRS6orfIerJKs3SVdvEEydJpg+R+n8Byk98v49qz6qPF/+19Tpvvbjj84w+i1/kfblr1N78d/SvvWG1F2xYmUoPfQeio+8l6HHP7xtjRelFOVnPiG/L6VpXXoBa03f7XMMjkMvKGzcoHnhK3exocnLXcvII+zWgvClBoQOS5IoaJ1y2GR6WWeVkj9dNa7ydeuedwplKZ0vpd6EzjogJWLCL+CNTOGPHZWaIJ16IJk/1bYS0ltV0leqmJUmttrCrFrsWgHa0+jWOKqdYlsJttHE1ptYa9FmCB2XUfUQfStEzwyjj5TRM8N45TKqIIFb/tgs/tgs8PbsKzMiIpavk6xcJ125Qbx8EzPfwN5AHmsWqogfPrFQTLATMYQJaI0OxlBBEa80kgmYCbzS6G035o646Zwr01i9XWAkLfk+8xoevrRdl6AewCqoeoi3NoG2RWw7ke+iKUvaKbadoHwPCr50ruM+FDxU6KMKPoQeSm8+IhVxs5y1awXTrufWIVNfwqaZwOj4v2/76WQBlWNgGz5q2ZeZGuNWOhXriwVFe7t3/luz3rVlUin2FpZQ5UlUWMIbnkAXRzN3Wg3brmPajbwsfC6wW1U5Ju1LsF9Yln1kFi5dGsMbGkMXN5xPk4qFLbO2pbUqZqmOXYthzUA1xc63MV4bdA3rLUFBo0Y0akyjxgLURAE1GqKue5iOkFjSElszPfj4CJu0RUikcfZbHAMUNm6IyGjVsNUF6Qw75dg3s16YNBuctLG+wl5LMM/fhPML6KFxiufeRfHM2xl68tvwyvfPNEqlFIXTzxAcfYz6N/4djTe+iE3aFI5VKD/zibt2XyilGHryY7nFsXUps1RMn727oM+k3TNYcwyaQysodGkUHZYpnH5GVtzpR6a03Oi9AKV9dF55spTVWShnyxJK6a7locPG/Vu73pSeV9rMshZ2XmuJJlS9haxyIdPzesPFZOMUM18jvjSHuVUlvZndlBsxttoWs3VHPLQSSC0qzDrK0EMVQtSRIbGO1Nqk11ax9TYq8FBDAaocooZCVDlEl0P01FA2pLVgsoe1WJNZXcwUnp3Ei8+TrjQwK2uktSq21UZN+qhzHpQUihSbJtg0QWktN+fS+M5GYUpvKjBMY1UsOWFWLTQo0Cv+rLXY1SbmVo1koYEqZN9HOURPDHVfe7tzsqugiDd2FG/saHaOegXGMqbVwCbNnsqoGy1c2esAVFHRGQFjpFIoJpXofSv1S/KCXXln3YkDyUbPvbEgnXVpIr+rsIQenpI2D42iy5N45ckst8AmN25rsjo1Uq+mIzRsuwFeIMKhNCYBfoXh7Xtz7cn1mdUN6YRP2LSNaVQxS6ukazVstY6ttbC1FKoprCTY622MbmH1CugElZSgKupBjbYloBRPYlk6glx5+fe1Y9IEU1/Gtusy7XJslmDiBP70GZT2Mc1V0uoiaW0B01jLxZqpzufWC7SfiwiMke/fD1FjBdTcOJ43jn+yQHDqGMVH3kd45OGdt/OAoMMSw89+lxTHa64RzD664xgrpRRDj384j6loXXpBrB0zD21yH2yRNjIBX1/Gxi0pX6+liJ1jsBzab9QbnmTi43+FtL68uZjYuE576EK5W6SpxzRt2wm22sastbDtBD1eQk8O7brjWd8MC7GB1GBTA4kRE3tqsEmCSdsS2JYYyCwQ5laVdKGGrcfYWhtba2Nq7a4gKIeoUoAaD9Gh1x1Zb3VhZ7O0rLHQjGVftTZmORMZvkaVgq6gsOQzSTqvu0sgTlFjRfyTU6ix4kC+p23ZKDC22kwpMeePDaI4w100axOBkdaXc/87ZG6z3GqVLTuvO8GyedR+Szomk4prLM89kCIqQ4mbKY8LUfTGiYglLBPLHQFRHr+7G6/SIjaKw6yzHVm7of19fF9eKO624Um6MZoW025iVtfksVbDVBtQb2NjA56B6RhKCRB0XYdpInFHNgUj0yiV8vIgZYKiHPdW14QxmMYKprmGLpTxJk7gj0keBtVjttdZfodg5hw2aZPWFjHVBdLacm69sCZBF8vgTYj7JyzlReFsyaDHRilOP07p/f3XJ9lr0oUattruum5N9/q3vfcCo9FDM3lM824oPfYt4lJD0br8Atak+FOnc/FgGivYpJVNgR0nPFZBl0bxx44SnngCfYcAVsfOObSCAsAbnrqrRCm2GZPeqmLn28TVRWz1hrgLqi0Z7bcSbJyKSTwxqFKQj9r1zDDekWH0THlbkWGtFVGyWO8+lhqYxTq2neSjfmtZZwHAZFYAY0Vk1LsdvtJKxEM5xDsxKhaF4C59uJugtIKhEG8o7IoMa6ERY5tZ6e3cTUPWSd2+ThV3P8p/kFFBET8TF7vGGhEVWdCjjVvi7iGzWmgtoqJj+drgQlN+mHWIA/IH7Pm8SyUd8HQJpo90V1uLadawJs4sN1l8UxpnyZ5iSfKUxT2ZWIQZcRPTbmBrSxLr4W8I7AVss0raWEb7BfzxYyJwjjyMvkMhQOWHcn7HjmbtE+uFTWMZrBSlwmyv+8eELdI35klencO87wx66B7Oc94hyaUlGr/zIrYWkwf1Qncw0XkOom+LPt6RYfwnZgmemEUP7zwytvTwe8RaqzTNyy/QeuvL6NIo3tA4/vixPBA9mD5LMHUGf/rMtnEajv441ILiTtg4JX7hOu2vXsk6dvGhiy9dHrSTbCSkxGXgaWwjFm/FUNctoMoheihAT5XRM2W8mWFxS+QCoiFuiMYmj3aWgldnI0mtpHPved1Zp0oB3pFhVDnc3uowIJQSkaEO8I3uUKF0HuR5qFEKXbr71M/WJOIWq69gGp24m1Y+G8U2VrDWZnFLHt7IDF55nGDmIbyRaXYswJTKrRfbbjYcQuBh5qokL90kfOepnf2fe4Rtp7See4PkzUVsrQ2+7orJ3LjWfa1QmHqb5MISyYVF2l+8hP/QFMGTR/FOj28Zh7QZxbPvyFOKA/gTxwmmzxBMn8WfPI0OD/m1cA9xgmITrLUk0RztL14iubJMenlZYgyKgQTgBR5qLECHEm9A6K0bcVtroZXkLof0VhVbbwOg89iDQFwVvcIhNjJ6LwVi5ZgZRhV9KPgiGPY7vaPD8YCitI+XuXmAbmBvYyUTGatZkGqCLo4STJ/GHz/OXietUErhHR0hvbFG/PXrBM8clwHEuhm+PS86T4N7W0G2/cVLJBeXsLU2/lNH78oCaY3FLtVJ52okl5ZJLy0Tv3QT78gwwZOz+I/PosvbD1SslXuoX3yI0af+Et7RcbyRAZWAdewYJyg2kFxZpv2HF0guLpFeXsY2E7wTY6ipu0/QpJSCYiACZHIIj47ISLH1LP5gri5WjY5wKAUS8LcDZe5wOPaI3ribKcRF0api4wZ6aHLPpmpu2pSJIbi8THqrSvUffOGuPqOHQ7xT43inJ/BPjcm9aI9Ir6/S/toV0otLeOem7tqdqbRCTZXRU2VsIyadqxK/fJPkwiLJhUX0Fy7hPzxFUJkBY8WVW23J/bPazuPDcsuxsQTnj1D67if37Fgd2+MERYZZrNP644vEr86RXlnGLjXQx0bxHhkeiL9fRIYvFofJoQG02OFw3DOUkjLw+1AKXmmFPj5G/PItcR+sixffxDqhQA2F6JdvocaK6NEC3uxIJi7G0UdHBjZwsYmh+bnXSS4uoUaL6LHduRdUKcA/PYE9MYZZapDeqpJcWiK9vET8wjUJSG+n2LjjahYRYeNUgtY9LTEZJ7d3ITn2lkMvKEy9Tfv5y8Rfv056bRVzcw01VcZ/+lhfAYwOh+NwYlsJZrUpU439wbhEvCPDMjXbbpgWsZkusGBrLcxKE3NpiaSVokcKqLHr6LEierSId2oc/9Q43tmJXQVDdmh/9QrJhSXMcpPg6T4DigHlabzpMt50GVtvizvkrUURDB33csFHjRSg43IOPGy1Ja5px75yaAWFtZb4a1dpf/kK6dUV0qsrqHIB//FZcT84HA7HDrDWknzjJu0vXIR2ClqhZ0fwjo+KtfPoiHSAu2QnltLe6c+2nUgiu9Um8dUVlKdRr86JuJgqU/rEefyzkztuT7pQo/2ly6QXFvHPTEjCtwGihkL8M3dZTn2g/9mxWw6toDC3qjR/702S6BYohffQFHrURQM7HI6dYxZqtJ57A3Oz2rPSYq6vYq6vymsFerqMPj6Kd3wM79jInsY2dFChjzczDDPDEsRYa2NXm6TXVklvViE1lL7jPP4j03e9T2ssrc+9QXppCVUKURNuKqbjEAsKmxhoJ2DAf3rWzaBwOBw7xsYp8ZevEL9wTXLBbLsxmLkaZq5G8sJ1ANRkieCZ4wSP35ty3Eop1HABhgvoo6Okby0Sv3ILrKX48QpB5ciddwLEf3qd5I15zHwd/yl3/3QIh1ZQ5CjcxeBwOHZMcmmJ9u+/iV1trVvvPTJF+L6zMmX8+irm2irp9VVxg2zALjZof+4NsBA8cW9ERQelFd5Dk6QXliTg0wKJIXhy+1gIs9Kk9UcXSN5aRJ8cQ4WuG3EI7pfgcOwj1ljsWguz0sCuNCXD6WgR79QYeqR/F5yNU6lqOhS67KQDwtTbtD9/gfT1+XXr1UiB8IMP4Z/JUjqPFPCOjsCzJ7DGSgK7TFyYa6uSAC+j/ftvoidKeMdG7+WhSJ6LsxOSA+Llm/J7TAzhM8c33d5aS+u51yUA0vfQMy7ng6OLExSOA421VqaIbahJks9Br8VgzLqMoXkSsJ7XKIUKNHpyCH1kGD1dvmezeGxqsKtd0WBWm7JcaWLXWluaytVoEe/kmDxOjN0xWNjaTJzcWCO9uYa5sYZZqOf7V+UQNVpAjchUQjVSQI8WUSMFeW8bwZHXYUiN7E8Bnj5UCdestSQvZUGXrR5rg4Lg7ccJ3nlqy9+U0iqfvRC87RjWWsxCndbvviTCwlia/88rlP7c2wYiJHeCUgrv9DjmygrJy7doWguJIfymk7dtm7xyi/jVecyNNfwnnKvDsR4nKBwHBlPt6QznpMiQrbchMXvy/9R4KU+DrmfKIjIK/V0Sthlj5uuYhRpmvoZZkNTqd/Svb7av1SbJS02Sl24CSG2Yk2N4J8fxjo+CEp98eiMTDzfW1o16b9tfJsK4vsZtxnclggOtJINrT32YvHbMVngafCUF83wtU/w8la3XMs2v4OdZXzvPVSF7XfTvXKBuD8mTzrVibCORFPjNBJrd57YZY5ab2MX6us/q2WEKH3oYPb2zkbpSIjAK33Ge5u+8KN9vI6H1mVcoft/T93zKulIKfXIMtCJ55RZNK3Fm4btP5efE1Nq0Pv+WJJ06NnpPAkod9xdOUDj2BZsaCVC7uZZ3iLbWvrdtWG6QLjdIX+uartVYUYTFUCDT4PysU8yX3rrXttpeJx52ewxqOJTKq0Mh5lYVu9K8bRuzUMcs1CWgr5OYaBdCZVMsUiVyN6QGUrA9MmU3rVLDId7xMZkFcWJMrCl7JDBsnJK+tUjy+nyeWn9HhB7he0/jP3G0ryRR3tERwg89JHEUyDluffY1Ch+v3HNxpZTCO5GJipdvSs6LJCV8/1mUUrR+/02SS8tgLProvU/w5Tj4OEFxB9K5KukbC3LjDjxUoMGXeh4EOlt60sEEnswz38MU2tZYMfmvtcS8XW3lz21qZWSoVdcc7WnwlFSZ7IwaFd3qpRtGoTa14kLojEoDT0aQxaA7wix2RpnddSiktHqcQiebXdzzOstoZ9aamBtVzHx1ZzfxTuXUrA5Kp+BaXkE1q76aj6w3qcZqG7F0/HM1iG8PkAOwK03STTrzvlHiY9djJREtY8Usi2ERNVq8LQGSWWtJfpQrK5gry9j6BsvDNkJCjRXxZkfQR7PHeBFbi7FrTcxq9rtZFXeLXW3evu99wlbbJK/OwatzgFhMOuLCOz4qgquPTtYmhvTSEslr86QXl3Zt+fIeniL8lnN3rDNxtwSPz2IW6/nMj/TNReIvXyF81/4UAvOOjWaiQmZ/2MTgnxwnfvkm5uoK3vkjztXh2BQnKLbALDVof+mSiInd0Mno1jHrFjzpgAuZ4Ag9GcZ1OgZju37q3mVqs9z1mWiotQc3Kj2AqJEC+ugI3uwIarwoxdTKoXxnA7qJWWslhmGuKi6DbLlZFP6uKPjo6SGpLDtdFlfFNqXrN0OPFNDnjxCcPyLtXWrkAiO9ttL14fsafWQYLxMP3uzIprEWasyDsSKbGdJtYuS3VW2JMNQiQPE6VW11JlJ7qtyCiM/EQGokNXJqu88TeW2TVArlNRNsK3s0E1mXPdbFI/S2q9YmfW0+tyDlAiOrprtOYG6RVMmmRr631+Yl4+J251iRCeYgE9E9ojl7rqfLeEfuvorp3RId+pm6AAAXKUlEQVS+7yx2sZFne4yfv4yeHMJ/eGrg/+tu8GZHMvfHHFhIvnGT9K1FiT9ylYUdW+AExQbMWov4y5dJXrnVX/q1Tonztdadtz2seAo9k3WGnRH1gEZ926GUkviJ8RI8OgNkImO1JSIjK1VPIh2jTdJsadYtSVIIfREMHeEwXZaOboAjOKUUalJESfD0sXzGACBCpU9rmPK1JCbaYXKiQR1hx+pmrq+RXlshvbaKXWrcvt0GgbGOgi+Co5wJjKEQ20xI3lyAZrL5Py54+A9N4T8yLbMVBihad4rSisLHHqPxW1/HLouFrPXZ18TatMP4jEHhzQyjlCKJ5tDTQ9hWiveoq5Xh2BonKDJsI6b9lSskL964zQKgp4bEZ5iZ8G2cdTY9pvx83b2i6Et+/uEsWn+kAIEn7orUyijR2O6osePaSDNXgO66RlTvbIjekalSIopacXeU2eyONmklm1tLFJl7aINbKBDrjDdTFvEwXT4wUxmVUrkr4qDTmTHwoKC0JFvSjxbwH5VsjbbelkyO11ZJr61gF28XGOvIrB3phqDJ2/A13rlJ/Een8U6NH5jfH4Aq+hS/43Eav/l1saQkhta/lpkf+1UOQE+XwdOYuSreI1OuGrJjWw69oLCJof2lS5LpLl4vCNRYkfDdp+VCuouRSz7FsdXtcOW55AKQSPLsvY4PP+u4Uaxbqs5zLSXO1UgmHDIBcRAKl1lrRVQ1E7BIfEmQBS06H6ujD9RQiP/IdJ4O2jbiXGDY1WZ32vA2s1pyPCWVNh+dxjszcSCuna3QEyUKH3uM1mdelkDZtRbN/zei+F1P7Jv40RMltEut7bgLDq2gsK2E+MUbxC9cv82yoMohwbtO4VdmdlaQR6l8WtxhQCmVVfw7HMfr2D9UKcB/eOq2mAKbGmwj7slLkj3qbWxqparmucn76pr0z0xg33eG9h9dBMBcW6X9B28Rfuih+16om6U6ycu3SG9V0SMF/MePyBTU+/y4HML9c5UNEFNvs/wj/yfpmxsCLos+4TtO4D91dOCV8xwOx+BRns5rUzxI+M8clynCkcx4SV66iZ6SGJr7DRunJK/Pk7x8C3NjLV9vgCSaQ40X8R+fJajMoFzA533NoRQU6YWl9WIi0FKg5+3H3Wjb4XDsO0opwg89jFlu5BVM23/wFvFXr0oAcOcxUxYX6AEb4VtrMTfWSF6+RfL6/LbxZXa5SfzHF4m/eAnvzAT+40fwTk+4eI37kEPZe/rnjxB+8CHi5y+jJksUv62yb0FPDofDsRnK1xS+/TzN3/h6njDN1tqktbbk0ehQ8HKB4U0Po6eHUOOlfYm5sPU2STRH/MqtTWfqgAS5ew9PyayebJosAMaSvrVI+tYiqhzinz8iLpHROwdKW5tNu3fsK4dSUCitGP3JP0P9175C8uaiExMOh+NAosshhe98nNa/e+22tN85rRRzdRVzdZV8gqzOZi1l0431ZAk9MSTJwfZAaJilOu3nr4jld7OZX6GH/+g0/uOzYlXppPNebZK8covk5VvrsszaWpv4K1eIv3IFNVbs5uUxFtubeC9PYofM4JkcGvixOe6eQykoHA6H437Bmy5T+uQz2HoseVLma/ljY+n0HJMlQ1tqrE/Op7McLJMl9OQQ3slx9Ozwrl0mZrUpeXuiuU3z9ugTowSPz+I9NLlpXJoelZl0wTtPkV5eJnn5JumFpXWiZLM09JuSGNrPX97VcTgGgxMUDofDccBRSmWJuybh7GS+3jYTqSUzVyOdr2Hmq+Jq2Mr6byx2sU66WCdlgfhLl1ETJYLzR2RW210GRZrMgpC8dPM2i0Turjh/5K7zuiit8M9MyAyXjtvk5VvY5TvkH1m3E+7LoNUHCScoHA6H4z5FFX2pdXJijI7j1qYGu9zALDYwi1Lt1izVZaS/idCwSw3af3yR9hcu4p2dxD9/BO/05km/bDMm/tpV4j+9cft0+07enof7S4ClhkKCZ0/gv/24VB1uxJKbx+tJwKfUuoR8pt7GzNUI33l7yXXHvcMJCofD4XiAUJ5GTZXRU+uzqdrEYJYb2MU6ZqlBen0Vc221ZwO6QZGlAL8yI0GRE0PYdkr8wjVJALihHooaDgneeQr//JGBzsxQSt193RSttgwCddw79k1QVCqVvwz8vW02mYmiaJOk/fceU2tDM5ZKnV5Wujqv4qn2dcqWTY1kqmzG2NhItspOcq0HOGOltVKYqlNzIy+6dh8fr41TqfxprAQKF7wDcTw2NbcV+CIxki57onRfJY06zChfS8r2nrTtZiULinxlQ1BkIyb+k2vEf3INPTuMWWneXhOlFBB+00n8J2cPVApzx/6xn3eCt2fLXwBWN3n/Dkn59xabGsxSA3NzDdopajjMqiumWRVFqbKYlwj3e8RGp4x5tlShB6En7++ig7CJkZt4M86rNeb1NLLOVBUDCDzsapbeu52CtVLxNPSlc+pUOb0PBEeexrwt1Sjtuuc9xxd64HvS4aVGqkOWAlTJz5/vZTn53ZAfW5Y62tbb2HqMjVNpr1Zi5rWSIVINZcc0FMrS3/7mbY3tFjWLpYhZZ0adyv8gqd57UVkF0c3EQ1Y9l07p+rLGrDSJr66gCr4Ii/GStPWA/qYct6PHioTvOU3wrlOkV5Yli+Vbi+viIjp5MHIKHsHbTxC87diBTmPuuPfst6BoAD8WRdE9rKq1PbaZYOaqpHNVVCnAOzYq86aPjcpNurdOR1ZwyyY9BbkSIx1fnGLXYkw7lc4jq92hQl9Kmwee3NhNZyrUhmlQxnTXWeQmnt/MQ/TUUF4eXQ+FErldDjH1dl6KWv53VkuklUhHvNbqHoNWPfsNup1FcXux0S00ZqQD6hQd65S+Vh3LDflzWWavk6yYWixCIS+ulr9O5Tv1FCrMSr+HWTtHi11RFGgppVz0sastbDOWDrqRYBsxZq0qrxOTl6LG192aKfS0sbeT7dRQ2SgUO8+3ESe3fTed8t6JkfbVRUCA+Ir1UCCd8YkxVClAj5dQgRYx28i2b8RyPueq2GaCCjwRHkVffh89xek6lVHxdF5bRXWOGbpz9Xt96b3z97PfhB4JYbr7G1OlAD0qxdPUaBEVeCSXl0mvLmNWmpKA6bU58W1nlVzVSOFACTnH1iit8E9P4J+ewDZjklfnSV6+iVnoGdf5PQkAnVXKsQn78quoVCoaeBp48SCICWstdqWJuVXFrrVQU0ME54/gzY4QPHVU/Igbop97C2PlFoHOyK7WxlRb2KrUFTC1lnQKsel2mu0UsN0Kn1lw0frKn9lrT0tZ5rESeqwoN+uxIno8u8Fvkt3TpgZbbWPWmlKWe62FXWtiVrJltSWj/mbSbfdyA9OMZZ1SIiw8LZ1Wp2PsVDFd1+EqlNbynVgrOXXz51nCmd51nlQgza04gScj26DY7QQz0aWGC7dVVc2Xw4V8tJ6XH1/KgtAWG9nzRo/QiKX9nTnttqdNPessNheIm1ulNMpXcuxaS4XXJBOUm1mtPNlWFQOZopcLiaE826GXJSbq3KhtKv5us1CXKYKLdXm+2sysGmKtIlSokawgW6cwmy8iQhV9+V6LYvXo+fHKcfZ+D2TC1deoHuGgswqsm3Ug4TtPYhsxyYVFkgtLJBeXsCsN8c9fXsK2U/SYWC1yYZO1j0Dvu7twr+i44+4kPg8qqhgQvO0Y/tNHMfM1KRfva4KnjrrU2I5t2S+Z+SgwBLywT/8/x8Ypydevg1boI8NSgOjcJMHTx6Qy4RY3hJ0WxrJxmhcuMtkS6HGTZDdaX/fceDX4Xj5C3wnK09uW47ZxKp3TSlNGmCtN6QxWmiI+eszdeRu16saPKNUVBYXM4mI6narNRci6EXvH7K6VdHTlMH/ooez5UIgqZ+b9HZjP15Uf751WZ60IqyzSnbjX8tO1CNnOc0u37a24a93psUrlwiI7PqVVj3jIvqcgO28FX34nBU9G+DNZyuTJoW39zsrTeFNlvKkyPDbTPZ5mjFmoky7UsavNroWpFHTdI8XM2nQPOmtVCggenyV4fBYbp6RXVkiywL50qS5BgM0Eam1MZkXJLSlKdcWF3xGZmQWv0PP8gPrnZVCRFSfrFa0NiYNBKfRoMf9d3m+jeqUU3sww3sxdBkY6Dj1qP9KVViqVTwL/HPiHwCjwAWAS+FPgF6Io+md3sY9vbPHW+TAM9enTp7f9vI1TCTTq6TDzwL4DegO7Z9jMBZNmne6G8upSWr3HTXDX+83+3M+j0s530zu6H8R386BhyWM4rDFdodYRbiDfZef2s8FKtM5yBD2uM9a5rNZ997tpZo91ZmP71z3pfX/jcfS4+XJ3mVIiOFJxX4pLUGWB3LrrEnQMhI4lUQ0F6DFXar1fXn/99d+Noui7d/q5/ZLMz2TL/wz4HPBrwEngu4F/WqlUno6i6G/sct+63W6b119//ZXtNlKgRilOWqxpkTRapC22TgfjGAwPZ8s39rUVjq24l+dHaZTSuZNPKbHvKN27VLlEU53sAz2SrbuOrsOtI1M2ypGNUTN0JODGyJKem0Dv0672ySOcRFoaTJpikxSbppgkzV57aD9Ehz5e6KOD7Lg8T5xgymDTtOtY2/beY7GTWfsX+/7mH0A0yvPRYbMWr63MtZbu/ImB4u5rGftlofibwA8Cn4qi6B/1rD8H/CFwDPhAFEWf38W+vwEQRdGTA2quY0C4c3Owcefn4OLOzcHFnZsu+2Lbj6Lox6MoOtsrJrL1bwGfyl7+0L1vmcPhcDgcjt1wEIMFvpQtH952K4fD4XA4HAeGex5DkU0ZfRYYjqLo9zbZpJPGzeVRdTgcDofjPmG/LBTPAZ+rVCpHNnnvg9nyS5u853A4HA6H4wByzwVFlsjqXyJR1/9DZrEAoFKpPAP8OFAFfvVet83hcDgcDsfu2K9ZHkeQ2RyPAF9Dpo6eAL4H8IBPRlH0W/e8YQ6Hw+FwOHbFvggKgEqlMgH8d8D3IjkoVoHfB342iqKv7EujHA6Hw+Fw7Ip9ExQOh8PhcDgeHA7itFGHw+FwOBz3GU5QOBwOh8Ph6BsnKBwOh8PhcPSNExQOh8PhcDj6xgkKh8PhcDgcfeMEhcPhcDgcjr6557U8dkulUvkLwF8BKkAd+DfAT0RRdPEuP38a+DTwUWAKeBX4lSiK/uHetPhwMYDz82HgrwHvAYaBa8DvAp+OomhuTxp9SOj33GzYlwI+C3wYOBdF0YUBNvXQMYDrZgL4CeD7gOPIdfNvgZ+Kouj6njT6EDGA8/N24KeADwAjwAXgnwA/H0VRaw+avK/cFxaKSqXys8A/AorAryA3tD8PfLlSqZy7i8+fAf4Y+A+QrJy/jBQh+18qlcrf3qt2HxYGcH7+4+wzHwT+FfBLwBXgvwaer1QqR/em5Q8+/Z6bTfgRREw4+mQA180s8AXgrwKvIdfNm8B/DvxRpVKZ2qOmHwoGcH7ei/Q735V99n8GWojA+EylUvH2puX7x4G3UGT1Pf4G8Hngo1EUtbP1vw78FvB3gO++w25+AVHv3xlF0Weyz38K+P+A/6ZSqfxTl51zd/R7frIR1i8h9VveFUVR1PPep4GfBP4W8Bf36hgeVAZ07fTurwL8zT1o6qFjQOfml4DHgB+OouiXe/b9KaTT+mvAfzvwxh8CBnR+/jYiRv5cFEW/mX3eBz4DfAz4QeDX9uQA9on7wULxI9ny052TChBF0W8jqbr/vUqlcmKrD2fWie8B/qgjJrLPN5AfjAL+i71o+CGhr/MDfAIxBf6vvWIi42cQRf9dA2zvYaLfc5OTjab+MXAL+PqgG3oI6fe+dhL4fuBzvWIi4xeB/wNwLo/dM4hr593AUkdMZJ9PgI6b/f0DbO+B4H4QFB8BEuQkbuSziCDYzgT7rdk2n93kvc8D7ex/OHZHv+fnZcQH/BubvJcCMRJT4dg5/Z6bXn4ceBfwnwJrA2nd4abfc/OJbJt/sfGNKIpWoij6C1EU/eIgGnpIGcS1swCMZlbYXo5nywcuNuxAuzwqlUoInAEubBHA8ma2PL/Nbh7Llq9vfCOKorhSqVwGzlUqlbBXiTruzCDOTxRFXwW+usXb346Iia3ed2zBgK6dzr6eBf574O9HUfTZSqXy04Nr6eFjQOfmmWz5YqVS+Q+RwMGnkCKLvw38ZBRF8wNq8qFigNfOryATAf5FpVL5EeAy8GeATwGLwK8OpsUHh4NuoZhElODiFu+vZMvxbfbRCUzabh8aGN1x6xyDOD+bUqlUxhDTLcDf3XnTDj0DOTeVSqWAuDquID55R/8M4tx0Rrk/hpyfq8DfBy4BfxkJypzsv6mHkoFcO1EU/Qzww8CHEEtsFfgdxBX1niiKLg2ktQeIgy4owmy51fSazvriHu/DsTl78t1WKpURZLbHo8C/Bv63XbXucDOoc/MzwJPAfxJFUXUQDXMM5Nx03IB/FviuKIq+N4qiH0WmXf8D5Nr5+X4bekgZyLWTTYX/64jr5J8gkwO+CDwB/OqDKPgOuqBoZMtwi/cL2XK7G90g9uHYnIF/t9kU0eeAb0Yuvk9GUWR328BDTN/nplKpfAsyJfGXoyj6vQG27bAziOsmzZa/sSHY3CKWpCbwA5VK5aDf4w8ig7h2TiKDoiLw9iiK/qMoin40iqL3Aj+NTJH/xwNq74HhoP/YVgDD1qalsZ7ttqJjttpuHxbxPTp2xiDOT06lUnka+BLwDmRK78eiKHIBgLujr3NTqVTKwP+O+Iv/+qAbd8gZxHXTee/5jW9EUbSKxIyNATO7bONhZhDn54eAEvA/RlH02ob3fho5P99ZqVSO9dPQg8aBFhRZkOSbwOlKpRJsssnD2fKlbXbzyoZtc7J9npJ/FZl+2noYGdD5AaBSqXwEmXVzCpmb/R1OTOyeAZybd2XbPALUKpWK7TwQ6xHAW9m6swNs+gPPgK6bzhTrrUbRnfX1nbfwcDOg83Nmq20yK9I3Nmz3QHCgBUXGc8jF8c2bvPdRxLrwh9t8/veybTabGvqBbN+f76+Jh5rn6O/8UKlUPgD830hg7M9FUfRDbsbNQHiO3Z+bC8hIarPH5Wybv5O9Xh5Ugw8Rz9HfdfNctvzYxjcqlco0cA54y4nyXfMc/Z2fG9myssX7j2bLBypXyP0gKDoBeT9XqVRKnZWVSuV7EUHwf0VRdGWrD2fv/RvgQ5VK5Xt6Pl8CfjZ7+SsDb/Xhoa/zk6UH/nXEPPiTURT9xF429pCx63MTRdGFKIp+arMHMpMA4BezdU5Q7Jy+rhukw3sJua/9UM/nNZKhMaCbQMmxc/o9P7+OuE1+bGOa7mwK6RPA53dTT+cgo6w9+PFulUrll4H/CslX/zvASeAHgHng/VEUvZlt961IIqs/iaLod3o+/xiSU30MOdFXkOyZjyI+Ljcdrg/6OT+VSuXnkKRJy8iIdys+7dxSO6ffa2eLfX4eGbm54mB9MID72rNIkqVxJJ3zK9l23wT8EfCtURTF9+ZoHjwGcH5+FBF3VSRd9y3ElfghxILxwU3iK+5r7gcLBchc3h9Gpuv8CHJC/jk9JzXjW5GkId/T++Eoil4F3gv8JvBx5EdSA/4SLtf9IOjn/HxHthzP3tvqcb/8Vg8afV07jj2l3/va14BnkeDZdyDF9MYQN9RHnZjom37Pz/8EfBviGvluJPnYGaQ45bMPmpiA+8RC4XA4HA6H42DjRn0Oh8PhcDj6xgkKh8PhcDgcfeMEhcPhcDgcjr5xgsLhcDgcDkffOEHhcDgcDoejb5ygcDgcDofD0TdOUDgcDofD4egbJygcDofD4XD0jRMUDofD4XA4+sYJCofD4XA4HH3jBIXD4XA4HI6+cYLC4XA4HA5H3zhB4XA4HA6Ho2+coHA4HA6Hw9E3TlA4HA6Hw+HoGycoHA6Hw+Fw9I0TFA6Hw+FwOPrm/wfnYds/7tKv8wAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "plot_speed(\n", + " results, 'mean_power', \n", + " colors=[colors[1], colors[3]], labels=[labels[1], labels[3]], filename='lfp_speed_power_stim', ylim=(5, 35))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Table" + ] + }, + { + "cell_type": "code", + "execution_count": 82, + "metadata": {}, + "outputs": [], + "source": [ + "from septum_mec.analysis.statistics import make_statistics_table" + ] + }, + { + "cell_type": "code", + "execution_count": 102, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Freq scorePower score
Baseline I1.8e-01 ± 1.7e-02 (46)1.6e-01 ± 2.2e-02 (46)
Normality Baseline I3.4e+00, 1.8e-012.5e+00, 2.8e-01
11 Hz-6.4e-03 ± 1.1e-02 (44)-2.2e-02 ± 3.0e-02 (44)
Normality 11 Hz1.1e+01, 4.0e-032.0e+01, 5.5e-05
Baseline II2.2e-01 ± 2.0e-02 (32)1.1e-01 ± 1.8e-02 (32)
Normality Baseline II2.0e+00, 3.6e-011.2e+00, 5.5e-01
30 Hz1.1e-02 ± 1.4e-02 (34)5.3e-02 ± 2.3e-02 (34)
Normality 30 Hz2.8e+00, 2.4e-012.0e+01, 3.7e-05
Wilcoxon Baseline I - 11 Hz1.6e+01, 2.3e-08, (44)1.1e+02, 7.0e-06, (44)
Wilcoxon Baseline I - Baseline II1.8e+02, 1.2e-01, (32)1.7e+02, 7.3e-02, (32)
Wilcoxon Baseline I - 30 Hz7.0e+00, 1.5e-06, (32)1.3e+02, 1.0e-02, (32)
Wilcoxon 11 Hz - Baseline II3.0e+00, 1.1e-06, (32)9.2e+01, 1.3e-03, (32)
Wilcoxon 11 Hz - 30 Hz2.2e+02, 3.8e-01, (32)1.6e+02, 5.9e-02, (32)
Wilcoxon Baseline II - 30 Hz9.0e+00, 1.9e-06, (32)1.5e+02, 3.6e-02, (32)
\n", + "
" + ], + "text/plain": [ + " Freq score \\\n", + "Baseline I 1.8e-01 ± 1.7e-02 (46) \n", + "Normality Baseline I 3.4e+00, 1.8e-01 \n", + "11 Hz -6.4e-03 ± 1.1e-02 (44) \n", + "Normality 11 Hz 1.1e+01, 4.0e-03 \n", + "Baseline II 2.2e-01 ± 2.0e-02 (32) \n", + "Normality Baseline II 2.0e+00, 3.6e-01 \n", + "30 Hz 1.1e-02 ± 1.4e-02 (34) \n", + "Normality 30 Hz 2.8e+00, 2.4e-01 \n", + "Wilcoxon Baseline I - 11 Hz 1.6e+01, 2.3e-08, (44) \n", + "Wilcoxon Baseline I - Baseline II 1.8e+02, 1.2e-01, (32) \n", + "Wilcoxon Baseline I - 30 Hz 7.0e+00, 1.5e-06, (32) \n", + "Wilcoxon 11 Hz - Baseline II 3.0e+00, 1.1e-06, (32) \n", + "Wilcoxon 11 Hz - 30 Hz 2.2e+02, 3.8e-01, (32) \n", + "Wilcoxon Baseline II - 30 Hz 9.0e+00, 1.9e-06, (32) \n", + "\n", + " Power score \n", + "Baseline I 1.6e-01 ± 2.2e-02 (46) \n", + "Normality Baseline I 2.5e+00, 2.8e-01 \n", + "11 Hz -2.2e-02 ± 3.0e-02 (44) \n", + "Normality 11 Hz 2.0e+01, 5.5e-05 \n", + "Baseline II 1.1e-01 ± 1.8e-02 (32) \n", + "Normality Baseline II 1.2e+00, 5.5e-01 \n", + "30 Hz 5.3e-02 ± 2.3e-02 (34) \n", + "Normality 30 Hz 2.0e+01, 3.7e-05 \n", + "Wilcoxon Baseline I - 11 Hz 1.1e+02, 7.0e-06, (44) \n", + "Wilcoxon Baseline I - Baseline II 1.7e+02, 7.3e-02, (32) \n", + "Wilcoxon Baseline I - 30 Hz 1.3e+02, 1.0e-02, (32) \n", + "Wilcoxon 11 Hz - Baseline II 9.2e+01, 1.3e-03, (32) \n", + "Wilcoxon 11 Hz - 30 Hz 1.6e+02, 5.9e-02, (32) \n", + "Wilcoxon Baseline II - 30 Hz 1.5e+02, 3.6e-02, (32) " + ] + }, + "execution_count": 102, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "stat, _ = make_statistics_table(\n", + " {k:v for k, v in results.items() if k in ['power_score', 'freq_score']}, \n", + " labels, lmm_test=False, wilcoxon_test=True, use_weighted_stats=False, normality_test=True)\n", + "stat" + ] + }, + { + "cell_type": "code", + "execution_count": 103, + "metadata": {}, + "outputs": [], + "source": [ + "stat.to_latex(output_path / \"statistics\" / f\"statistics.tex\")\n", + "stat.to_csv(output_path / \"statistics\" / f\"statistics.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 87, + "metadata": {}, + "outputs": [], + "source": [ + "for key, result in results.items():\n", + " result.to_latex(output_path / \"statistics\" / f\"values_{key}.tex\")\n", + " result.to_csv(output_path / \"statistics\" / f\"values_{key}.csv\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Register in expipe" + ] + }, + { + "cell_type": "code", + "execution_count": 104, + "metadata": {}, + "outputs": [], + "source": [ + "action = project.actions[\"lfp_speed\"]" + ] + }, + { + "cell_type": "code", + "execution_count": 105, + "metadata": {}, + "outputs": [], + "source": [ + "outdata = {\n", + " \"figures\": \"figures\",\n", + " \"statistics\": \"statistics\"\n", + "}\n", + "\n", + "for key, value in outdata.items():\n", + " action.data[key] = value\n", + " data_path = action.data_path(key)\n", + " data_path.parent.mkdir(exist_ok=True, parents=True)\n", + " source = output_path / value\n", + " if source.is_file():\n", + " shutil.copy(source, data_path)\n", + " else:\n", + " copy_tree(str(source), str(data_path))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "septum_mec.analysis.registration.store_notebook(action, \"20_lfp_speed.ipynb\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/actions/lfp_speed_stim/data/figures/freq_score_11_Hz_30_Hz.png b/actions/lfp_speed_stim/data/figures/freq_score_11_Hz_30_Hz.png new file mode 100644 index 000000000..69abc2da3 Binary files /dev/null and b/actions/lfp_speed_stim/data/figures/freq_score_11_Hz_30_Hz.png differ diff --git a/actions/lfp_speed_stim/data/figures/freq_score_11_Hz_30_Hz.svg b/actions/lfp_speed_stim/data/figures/freq_score_11_Hz_30_Hz.svg new file mode 100644 index 000000000..8fd0485c4 --- /dev/null +++ b/actions/lfp_speed_stim/data/figures/freq_score_11_Hz_30_Hz.svg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8abab2758711c4be7d78df9b16d04b2d3744305095cc75602c91cf5b76980db +size 31455 diff --git a/actions/lfp_speed_stim/data/figures/lfp_speed_freq_combined.png b/actions/lfp_speed_stim/data/figures/lfp_speed_freq_combined.png new file mode 100644 index 000000000..e49eb0751 Binary files /dev/null and b/actions/lfp_speed_stim/data/figures/lfp_speed_freq_combined.png differ diff --git a/actions/lfp_speed_stim/data/figures/lfp_speed_freq_combined.svg b/actions/lfp_speed_stim/data/figures/lfp_speed_freq_combined.svg new file mode 100644 index 000000000..8841c1cef --- /dev/null +++ b/actions/lfp_speed_stim/data/figures/lfp_speed_freq_combined.svg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:069135f27c620b9ec3a0cbfbd3f1575610ac20835484c488804d116dc58b6c91 +size 22650 diff --git a/actions/lfp_speed_stim/data/figures/lfp_speed_power_combined.png b/actions/lfp_speed_stim/data/figures/lfp_speed_power_combined.png new file mode 100644 index 000000000..0604d557d Binary files /dev/null and b/actions/lfp_speed_stim/data/figures/lfp_speed_power_combined.png differ diff --git a/actions/lfp_speed_stim/data/figures/lfp_speed_power_combined.svg b/actions/lfp_speed_stim/data/figures/lfp_speed_power_combined.svg new file mode 100644 index 000000000..1454ed6fc --- /dev/null +++ b/actions/lfp_speed_stim/data/figures/lfp_speed_power_combined.svg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffdff39ce0af7930bc52915546262db7bc77debb05b6b521c093786db3eff772 +size 21051 diff --git a/actions/lfp_speed_stim/data/figures/power_score_11_Hz_30_Hz.png b/actions/lfp_speed_stim/data/figures/power_score_11_Hz_30_Hz.png new file mode 100644 index 000000000..521a8fc53 Binary files /dev/null and b/actions/lfp_speed_stim/data/figures/power_score_11_Hz_30_Hz.png differ diff --git a/actions/lfp_speed_stim/data/figures/power_score_11_Hz_30_Hz.svg b/actions/lfp_speed_stim/data/figures/power_score_11_Hz_30_Hz.svg new file mode 100644 index 000000000..27a855f8c --- /dev/null +++ b/actions/lfp_speed_stim/data/figures/power_score_11_Hz_30_Hz.svg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d27b2086c20e8f2f5467b45bfccb77fb23c19e501201f27e6c6a553bd815498 +size 30021 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/attributes.yaml new file mode 100644 index 000000000..ea28662cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.006285614855385158 +sample_rate: 1000.0 +power_score: -0.01578935674061475 +action: 1833-010719-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_freq/data.npy new file mode 100644 index 000000000..a6ae552f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fdd0c4754b7f0d1653d700c521500f325fda788872e7e65c7e374b09ced272c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_power/data.npy new file mode 100644 index 000000000..41f75b1f2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92daf966f889302b09b6048564119f05a7487146d0264a7d2bc39048e0677b8d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_freq/data.npy new file mode 100644 index 000000000..96366c30e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82e734d1f40250c261dfe4dfc8b522493610073012acd8b43828d4c3a4b4ab22 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_power/data.npy new file mode 100644 index 000000000..a10179dc6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2926fbfe20d0fc1e15b56564fbea50804c850ea06433cf8976020403f23b9c84 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..ebca5279d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cc2376d831a45bfdaf758ed67f69da8c98ae658aa0306b1bec9f6bed1b82553 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/attributes.yaml new file mode 100644 index 000000000..da9c1b043 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.01429389029449852 +sample_rate: 1000.0 +power_score: -0.04961110310019039 +action: 1833-010719-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_freq/data.npy new file mode 100644 index 000000000..1823d58a3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da5d79ac06dd72310874145ee84606de664459ea3709b29b39f9e711902db0ee +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_power/data.npy new file mode 100644 index 000000000..0e8a293d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49c49c00827783a89fc9eeefaaafea908d408dccd8c8eebb4b956ac1f5d121c5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_freq/data.npy new file mode 100644 index 000000000..66d9ae84d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:452fca5156d432606c030fae4f81238d56fdca49d3cf9090db426cbba67eeca4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_power/data.npy new file mode 100644 index 000000000..272b9c0e3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e717cbf5a2ecb90bf49708e4c44d1bfa1010c8d174f6067372835fc68c818bb +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..17d8704ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b26f1c1ecf474f43655fc3253dba5fe6bb53123452c61dbfa680f699d6643a11 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/attributes.yaml new file mode 100644 index 000000000..d9c259452 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.15166158381576225 +sample_rate: 1000.0 +power_score: -0.015842922378173682 +action: 1833-010719-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_freq/data.npy new file mode 100644 index 000000000..6ceb8e4d2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41bc50f5eca0d079bb2468f0e4024ce2e17234854c021d5e83036abe2fcb8ce9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_power/data.npy new file mode 100644 index 000000000..54ae3a6a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88ab0937c211a6e21209b92347698e4f9538bc3eb10986c9519d386bf4a7f78d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_freq/data.npy new file mode 100644 index 000000000..19a4b96c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb4890c2ebe26870805ab08c9ef1a4e05dd99254b207b8dc1f599369fcc921d2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_power/data.npy new file mode 100644 index 000000000..70475ec20 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fddc3ee2f5b028741dc6c7b1e1b9d624480931a9efbff430e058ffbf11bda4ea +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..6b975fd93 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0140c1614c5f2278ef8d6fb3385fe8b8ad16c97148ca48f11d05ab2da1f67592 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/attributes.yaml new file mode 100644 index 000000000..26a7feda7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.5003745629460933 +sample_rate: 1000.0 +power_score: -0.44626290964950766 +action: 1833-010719-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_freq/data.npy new file mode 100644 index 000000000..9edc0f323 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:297282c5de22f2ff2b32fb03fd1f7787ad0c08af1f481382a344c7e1aa959a30 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_power/data.npy new file mode 100644 index 000000000..0c06758c0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02c529f67734a97591298f968d18aa2ec9c9f4cd96551b220a4a8992f1505d3c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_freq/data.npy new file mode 100644 index 000000000..c66023af3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd458000d6fbe60893e68b2506251f29abe9076a35406dbd590c46c6b8084e87 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_power/data.npy new file mode 100644 index 000000000..4dcdaee78 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b44af9ab9b35edae75c8419bd08ae3e084e5047aaa0ea48324eae2dce644247d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..91c2550a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9dfb8d2c59db71cf4162b09c964421bb17f44de26cf14991eb45facb188db71d +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/attributes.yaml new file mode 100644 index 000000000..c6fd191b0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.062264821287393926 +sample_rate: 1000.0 +power_score: 0.04839495976379853 +action: 1833-010719-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_freq/data.npy new file mode 100644 index 000000000..d06d17334 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49f3ba5fe3edaa71e3ec2b34c296d4463299224c2114709a1a454a3ab62c5770 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_power/data.npy new file mode 100644 index 000000000..8fd7e7eab --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd3a49f2905998faa18bd665c4e8fb5981cdecf71be7497e91bc54fdf11e9c4e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_freq/data.npy new file mode 100644 index 000000000..f7b9a39e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e220ac2469870ca5e34e4d9f40ae6dc5cff2e1565a45d1a344442c2bc7f3bc9 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_power/data.npy new file mode 100644 index 000000000..b84db94d7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7614ffa7e1e659896ea174d68bbe2ad8be6b4273fe72a0b8f346243da5641474 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..fbfd4ac60 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47b32db1a962a67e929c8a90467749bbe7d384497e004bd6b4fa21b9b6d8bcc9 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/attributes.yaml new file mode 100644 index 000000000..027a8b4cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05262546817478622 +sample_rate: 1000.0 +power_score: -0.06979544180182558 +action: 1833-010719-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_freq/data.npy new file mode 100644 index 000000000..3dba896a8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf3b6d0845bcf7eca1e337a32f9dcc6ff88ffd16d7a70814968574bd2e8c6f00 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_power/data.npy new file mode 100644 index 000000000..dfb696b29 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3b680f939abfbf8277595f8abc90ddbe404d3eb1f547848f23a2acba19f871d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_freq/data.npy new file mode 100644 index 000000000..05b4f171b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ed85adbc7103adea7f08b200b0c422467d5e2cbe3be01331a81a829e0493583 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_power/data.npy new file mode 100644 index 000000000..a9a57f356 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b81dd867f34d6cfe3d0b9e842fa95a13924d95a201b3072b7d931eb0f772f465 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..1889c9518 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5682d92272c7bba9bf31cc888c3a8a17b6d82eabc4a8f3c5f3499ad4c8ad9b17 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/attributes.yaml new file mode 100644 index 000000000..b1972b7b9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.038674074325032864 +sample_rate: 1000.0 +power_score: 0.001682894626091536 +action: 1833-010719-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_freq/data.npy new file mode 100644 index 000000000..3476d3b7c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b984ab1740239c9d1802a5aaef4bcd9c62f1aa7f5042c00cef3a3b5cd7986e44 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_power/data.npy new file mode 100644 index 000000000..962a6c52f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0d0d5ee5340933e2fcf3763e1657e7347b636f05b43696e2ff5524ff1f13e51 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_freq/data.npy new file mode 100644 index 000000000..1ec6ae372 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1dc9290750bb7e59124c3c0bdf91286dfd93085be861e6d6e0e816a4428dde3 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_power/data.npy new file mode 100644 index 000000000..c1c35f84a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1643834321e5e597dc756a4553514905274d893e901cc2de2cb330ed75acfd4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..6c4b7c8a8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb7ae44cee8835816424c3afaa685cdefdaeb7e20b2f5e76e9a016490428ee94 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/attributes.yaml new file mode 100644 index 000000000..493c96c33 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.015439641711939225 +sample_rate: 1000.0 +power_score: 0.015730512159561214 +action: 1833-010719-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_freq/data.npy new file mode 100644 index 000000000..d077f860d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8776a8dba8aa44f6b5df8d6af2f896f883afce8ff0e42c97ddeebd4a7b9582c6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_power/data.npy new file mode 100644 index 000000000..a337ce53b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:335a1a03616d9ec06f061a7fcaf3aff78c3f18e2fa9ce739841e43f07ea7dd12 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed/data.npy new file mode 100644 index 000000000..2f5310cf6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb3e7d73932e750cebc97f5fa2effe99c40a593617a175a6aca1a7898e268d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_freq/data.npy new file mode 100644 index 000000000..fc7d44ce3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d139526a21a4447b95ec2b33a0e9bf0eadf0a6134c4dd329bcc0902654aa15cc +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_power/data.npy new file mode 100644 index 000000000..7cb501535 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b237a2e29d21212f488ba3301ba85bf50f5f5a138d78799f2351add0c26106b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..244116160 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a289d588be31b599734bf2502e296a7424278f902be38810df50d18532476e06 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-010719-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/attributes.yaml new file mode 100644 index 000000000..a2577c5c7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0733963497840693 +sample_rate: 1000.0 +power_score: -0.01547720299960707 +action: 1833-020719-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_freq/data.npy new file mode 100644 index 000000000..5da16b241 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1e1897f0a89abdd94c119314b3709d393ebf9a7dfb86681a3abc2ff7e713ce0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_power/data.npy new file mode 100644 index 000000000..46a07e931 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c25422d328097af0918353c98a4329703502026686a6d6ef00a0b6cd26b04f3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_freq/data.npy new file mode 100644 index 000000000..3e6e1e251 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c115a56efcb4d546f0143b7f845604cee5d76a3e43d700045667e8ba8c9ff6e8 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_power/data.npy new file mode 100644 index 000000000..8cd6b41d3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9802e05898513b5c7c9fa61fa97c6291df9f1c56862a696da6cbef01d14cdf1e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..ebbf18aa4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e3ffef7d81cad626554c101c3c54f1582add23d33e324bb595f553ab7b0ecd3 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/attributes.yaml new file mode 100644 index 000000000..786c2588c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.016789690750478727 +sample_rate: 1000.0 +power_score: -0.010681358649054236 +action: 1833-020719-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_freq/data.npy new file mode 100644 index 000000000..e5fd75bda --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec42727b3ce9b12eebcabab163e8e8e29de66024f1714dfdf87bf040d26324f3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_power/data.npy new file mode 100644 index 000000000..5ed2bbca3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29f3f3d536807e4696efabda86c9c3e495d0fe17ec64eebd43f2b72e53ce086e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_freq/data.npy new file mode 100644 index 000000000..eef561ec1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:604cb317c260a4e2a385b12181a0b0364f5ab772f13bb32df9876864a55f86b4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_power/data.npy new file mode 100644 index 000000000..c601b68b1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e86e965ace40ae55537379e0526fc054572492d961e3fdd21f92fb7b4efe0b7f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..2cbf90148 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e7b98ee39023c55b6fed0f9c74ec056a30c56a3d7a7c5185f8794692fb4968e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/attributes.yaml new file mode 100644 index 000000000..05778ec09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04252672369602741 +sample_rate: 1000.0 +power_score: 0.04317667782657309 +action: 1833-020719-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_freq/data.npy new file mode 100644 index 000000000..837f23339 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e09a186a91c1fcaf9f19f4046d8f299cf71afe31c0d2730e4c992b02d2267215 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_power/data.npy new file mode 100644 index 000000000..bbf60f17b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82ecbc12089cf3132c95626922060f9b9330b886bdab04ab7e7439ada0d073da +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_freq/data.npy new file mode 100644 index 000000000..517fe4ef0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3575796db67fcdb2e0d708b601a8e060cd69f183e7a8286c6f646a4c754068c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_power/data.npy new file mode 100644 index 000000000..691a42e1f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e2e78789c954025660c9fdf3e8f55fc8022401b54f801dea2e98eb23f7bfe77 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..63dd58739 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c181e0b6134839a8bd41c2dfbb8f3c711529b09f719495730f69f991df84fab8 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/attributes.yaml new file mode 100644 index 000000000..45223292e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.08363148115646793 +sample_rate: 1000.0 +power_score: -0.06490705551457199 +action: 1833-020719-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_freq/data.npy new file mode 100644 index 000000000..5820f2644 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:feb188c9c5ad80d6799e28e1d888a659c1b88d59450a6684978be91cc1638b6f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_power/data.npy new file mode 100644 index 000000000..60f98dd8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ea33631984beeede4519ca4d2496c957b6092e7c01eadf65208616e3c3b5cbe +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_freq/data.npy new file mode 100644 index 000000000..f091e573d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fd2d29346fbe66499831281ae235c2c342981d601886c37835dca95d84c239f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_power/data.npy new file mode 100644 index 000000000..1ebdbe8c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3d7441f2312247a19ba9864339505f2d12d0064278276265d1c42814198f588 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..8fc4d5fdd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4084a35530125480d9ba2a32d3b0315759743726a4fc383ec3ecd27de6744b3 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/attributes.yaml new file mode 100644 index 000000000..85ac9ac95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.00045205155872978724 +sample_rate: 1000.0 +power_score: 0.06677449875658753 +action: 1833-020719-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_freq/data.npy new file mode 100644 index 000000000..140a4ac95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81b11da8ac7bc90f3543d250bb72c5e173e1e7049b70ca02bbba011fef98f52f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_power/data.npy new file mode 100644 index 000000000..a8475d895 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93ad53fff5f065bd1190f105776bc70a8064a5aadbe7c144386a5f780b1a75fe +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_freq/data.npy new file mode 100644 index 000000000..6d564adbd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bcb89af129ab81201122fb7fe86f799e481547a5052da433ee69f63e5834dcc +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_power/data.npy new file mode 100644 index 000000000..553f932c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da76ab93262fb829cd2a942d434146991b12791662cd5c91090af58ac800ac92 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..ecd32b310 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b7b062a5b3399af6623d85ad52154da9b447a046a16b77a8eb5370587922b50 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/attributes.yaml new file mode 100644 index 000000000..10380d206 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.014195636719686227 +sample_rate: 1000.0 +power_score: 0.04987046052190925 +action: 1833-020719-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_freq/data.npy new file mode 100644 index 000000000..473cd5d59 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6a5a420a089e16d3a5a7c75780cab664bff4c72a8320ce015939146b4cafb06 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_power/data.npy new file mode 100644 index 000000000..d8c1e76b6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48db2b180b8b2954d53236582ee0b0fd8bbae7da29dfecee59cc518739666cfc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_freq/data.npy new file mode 100644 index 000000000..9aa2fcad0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f8f6ab7e88c3b451159c7a6135e24f3cffadba04cf897c7e41702c0833eb5b9 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_power/data.npy new file mode 100644 index 000000000..f0ee12c7d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0af0a87e6d560733a62700ed5e149ecd42397b63b2c734e83035b8d6a67cc2f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..6d58003f3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:699fe6e0d233615db66a54b6c804dd6dfc6bf11cb6c01858b5a62808c90f0373 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/attributes.yaml new file mode 100644 index 000000000..b0e693220 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.018247533484815084 +sample_rate: 1000.0 +power_score: -0.02912651125642557 +action: 1833-020719-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_freq/data.npy new file mode 100644 index 000000000..2483f58e0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:792945de828831c1f74b6c65dd4f2fa3807c777086f35fd418d491b52c45c6ae +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_power/data.npy new file mode 100644 index 000000000..7d4477805 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a165495e19fe15fc375c3a7c89afbf36a9fbc10296c265e89872da3903002f23 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_freq/data.npy new file mode 100644 index 000000000..a662e9fbe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:266a2dd10f67778d843eba4a5a55d70b849d6b34ab62bd14453299554d2fec44 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_power/data.npy new file mode 100644 index 000000000..d55defc85 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:271ea2f1292be99c1d47b3952274bc078f347be130ffe6282b620b641fdda332 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..9d375ab8d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b18edbeac858a901cceb9fb8349ccaa56c49bfd7c12bc2ed934f924ce64dbd0a +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/attributes.yaml new file mode 100644 index 000000000..b5278a10a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.07943333724462132 +sample_rate: 1000.0 +power_score: -0.001547931422113307 +action: 1833-020719-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_freq/data.npy new file mode 100644 index 000000000..9ebdcd319 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22075e4720577c3db4e28fdab12f00a1eb371c95c5c26f6924ab62174c5f701d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_power/data.npy new file mode 100644 index 000000000..36f36b7c6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a02fb94f8fe7b1e6978f43b3ee4024acfcf19242f3e0a25a27820b57255f05e9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed/data.npy new file mode 100644 index 000000000..cfb3a0b21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e134495592f2e4983ab7fac9c22de685f3e42b708bb8f6f1ebd74107a6c34daf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_freq/data.npy new file mode 100644 index 000000000..2a55428f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05338053e9d751d82ec1c252cc5f41934aa54c6f4fcab1a0c79cee88b1419a93 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_power/data.npy new file mode 100644 index 000000000..c211410ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb96b9bdd284caaf64884bb4fa7efccbba0388ca9f6197371b81b685da34c67e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..6813f9670 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f56795d64dd1d6ccd9dfabcb0f957c9381d798ee9af2fa0d8b0816f0675f7333 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/attributes.yaml new file mode 100644 index 000000000..2c5ee9f2f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.014347869279425506 +sample_rate: 1000.0 +power_score: 0.036296374053238954 +action: 1833-020719-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_freq/data.npy new file mode 100644 index 000000000..8f4a57133 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:194274a24e1f3505842ec765085c91f4226059cdadaf01127ef506c8a47011f9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_power/data.npy new file mode 100644 index 000000000..8efa34a12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6012c66e7af2fa7d3ff26f3d97a673ee98eec89aada0d6939752d0f75f7dfb6b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_freq/data.npy new file mode 100644 index 000000000..ec8753639 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be620327363c74a3cd9cc452da53b329e0931121268797c6fed832fe047ebc54 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_power/data.npy new file mode 100644 index 000000000..29a7713fb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94953c10cda8950634c4184c3950bfcc9c2b953ff5b828e7ffb55351fde68058 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..cab6e5600 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50b2d206224ab49c138400230a50fc307c65f7a7f87868c2eaa033d7b009c503 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/attributes.yaml new file mode 100644 index 000000000..c43f7e647 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.1520536946451183 +sample_rate: 1000.0 +power_score: -0.024804961892020937 +action: 1833-020719-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_freq/data.npy new file mode 100644 index 000000000..09b9347f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afe1254c202d48c7443f2fc96a8e84d889e2cc93882a1d4202e41c959a0c0a95 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_power/data.npy new file mode 100644 index 000000000..5ad303518 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37c245397806556c96f6bc89793dc0ca4b48198f2cede34010c68e1dcac5eee7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_freq/data.npy new file mode 100644 index 000000000..61859c9e9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60a82d50104d81eed893fb6d1e236fd19398d63f09023cee611d251b74b978b7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_power/data.npy new file mode 100644 index 000000000..b2dede794 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:439c29bad9a9fa40251c82038faf331fa0744bca18929a262bea17fa792b231f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..e87313a79 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b6e57a615ae7cb5c87911cc4e3d77cef4a40d4336baa6bbf25f1d6ae4eeb080 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/attributes.yaml new file mode 100644 index 000000000..6294f5f14 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.019449834026102415 +sample_rate: 1000.0 +power_score: 0.008519874104583984 +action: 1833-020719-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_freq/data.npy new file mode 100644 index 000000000..d882836ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f18e0a52885525b2bd82978f3bd0e22fb2702775992dae72daaf9fa01187a12 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_power/data.npy new file mode 100644 index 000000000..721150b83 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c44e39751062f3845da7ead171932bd28f4d7372fc9ebd2b74fa31c13f5cf5d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_freq/data.npy new file mode 100644 index 000000000..c878b90a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfa0b9c4b0e1011393193f7896fbcc6e1117a50a68082e0d9bae6611f46f33ba +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_power/data.npy new file mode 100644 index 000000000..f6b9b13d2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3442fd8ca48a3a6c4b365a15e48ad7943277b16c219af21046a199b690927c06 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..67269c60e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f04f1d97126a5808556aeb453613c4a8bcb6039d9ec87f1a54503e5957cdc2d4 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/attributes.yaml new file mode 100644 index 000000000..dd26e0913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.029961778058520343 +sample_rate: 1000.0 +power_score: 0.1025912678782207 +action: 1833-020719-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_freq/data.npy new file mode 100644 index 000000000..057a24c98 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:277e842eaa2b37c3c6a47afd0ba5863aad11f551d2036c8df0f86513f325d2f8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_power/data.npy new file mode 100644 index 000000000..64908e64b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adfc319573c8eb7e6bb6b3eadbedd750ab5fb1ba1a1cbe6981026f9a69f08ac9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_freq/data.npy new file mode 100644 index 000000000..bdf432ac1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dcfe52d95fb7c27c9f4d01d7ad7c4a3e6fedb553d8ac148b24f7be2cf933bd3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_power/data.npy new file mode 100644 index 000000000..642e8f827 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0d3373ad29cc2289f7756ae993439e42ec78903d4335ec64f2db69e1075aa3d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..43e6e936c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5eb955752b127a6ceda5580b866cfaa2154d2f3fa834ea84bf2b9de990279839 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/attributes.yaml new file mode 100644 index 000000000..a23b72ac6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.018924842400240047 +sample_rate: 1000.0 +power_score: 0.01588969664430419 +action: 1833-020719-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_freq/data.npy new file mode 100644 index 000000000..cf0e70aee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c45ef6f29cd90768d4c9a9c0cec221712f0c78f7711bc625b28d4d8660a3e948 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_power/data.npy new file mode 100644 index 000000000..d8b500210 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3022e0706e468932bff580009edd8898f4d8ca258449a81cefed42babb290f0f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_freq/data.npy new file mode 100644 index 000000000..875f2aa8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f714c420a36e788ac98fc185a81c2d84dc3cadbd2f0a6e66faa60c45338a879 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_power/data.npy new file mode 100644 index 000000000..f5929abde --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9afbb30c35c27d392356aa9079415326a8c5ea198f1cf4d700ea6b386825be55 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..0e769a54a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d6dd311e261fa5557e3863ca81d0084aab6a31fbe3de57e8f6d0a840f63fef1 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/attributes.yaml new file mode 100644 index 000000000..ed1364dc0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.010063303818823295 +sample_rate: 1000.0 +power_score: 0.1103077363195803 +action: 1833-020719-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_freq/data.npy new file mode 100644 index 000000000..644299aaf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41182a3206b9fc2aba3dfe63bca4234f7e49b8225b7daefe0a21992972ff17c7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_power/data.npy new file mode 100644 index 000000000..1850eb5f7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cabe80520bcd9fa8f9226aeb071ed2cd293e65a0aa0c6f30ccc99f8561262a09 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_freq/data.npy new file mode 100644 index 000000000..7e40a44b3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9c022e8c06a12d9ea64a08942acea3b438a2066c846f873f4877908e6e19ba2 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_power/data.npy new file mode 100644 index 000000000..5526d8d81 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:423e7ef14a81b2291f6e9a5fdab2e1bb5ba5134c9127b572bf807a12aa59463b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..8e33d0164 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:915378bc52dfe5ef1ebf1febc53acfe71f5a2eb5cd26c9f7f2b7bbe555fae4bc +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/attributes.yaml new file mode 100644 index 000000000..0816999ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.027546150204725044 +sample_rate: 1000.0 +power_score: 0.05992127597221662 +action: 1833-020719-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_freq/data.npy new file mode 100644 index 000000000..78d098763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0a18061ff2015c82c75f95f83ed97420a27c007c2300cc5b52b6af7e7e02216 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_power/data.npy new file mode 100644 index 000000000..202db3264 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5efaef30b13f04b077dfd44c921ab8529b765bd307e93c87b496dcc581786344 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_freq/data.npy new file mode 100644 index 000000000..af927e7a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53f88044209f6ca0cbd7e381a75a2b720d13c5569e057f3ae185de2f108390ea +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_power/data.npy new file mode 100644 index 000000000..14cd8dff1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e9608bcb59f5e03638bca0176a501bb56061e702078052ec36784808b0ab7ed +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..b187281b1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0344e1e28c154981f3a41f76d2e068c3ccf52e4268df986bc59445249433f50c +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/attributes.yaml new file mode 100644 index 000000000..362ca8ddb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02534283137666488 +sample_rate: 1000.0 +power_score: -0.08495843794692835 +action: 1833-020719-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_freq/data.npy new file mode 100644 index 000000000..a6b3c7ccd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bee0376cba36b3e2d5d89be4465d1780a56e7692c8422b71593f7fdfdb52834 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_power/data.npy new file mode 100644 index 000000000..6a1ed8e04 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:625f8e6fe4620b57237dd95e5c0d50cb7acdb2ffcc8246f047cd763a5b9099b5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed/data.npy new file mode 100644 index 000000000..ff5b63bf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40afbff077b31d7aca084e36ddace29aa45d33eb7adbbd1c6644d879c6049436 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_freq/data.npy new file mode 100644 index 000000000..323999c13 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e74e87891ca5c265c203242d6ba5dbafe9a50d7770a3bcd1138f62a3e43f9609 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_power/data.npy new file mode 100644 index 000000000..504ee7978 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b9d980b96d3c08102f28bb7b235695bf45d95758afc6898e698a43f0352d8a4 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..99e8eec91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186dfab1f34220cc5aea594168b254e87951cd4acd1780a4256ff7e0bbd2793f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..f291a6c38 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d997b38790afc436bbb83ba04ba51e02519bec7e74865a2491220b373b95279 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-020719-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/attributes.yaml new file mode 100644 index 000000000..12b7aafa0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.1492426546821376 +sample_rate: 1000.0 +power_score: -0.17526723509744177 +action: 1833-050619-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_freq/data.npy new file mode 100644 index 000000000..0198496b3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7579bc0e8e5fc5f9459ca03e2c57245f26c8dfe41faf862edb196f4fdf4c8924 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_power/data.npy new file mode 100644 index 000000000..0e809787c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bffa4a2a2aeed6d5b92cf378101791e03da08948dbcb620ff8cfd022bc85305 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_freq/data.npy new file mode 100644 index 000000000..df5adc8f7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c5326ca54a3c8149985025b1496b4067114f5847a0bd3e3c0c953f93ee92016 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_power/data.npy new file mode 100644 index 000000000..81c5de2f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:325101d42537fdaa658b47c20a5a3df763b35632c63a9c72d00a10bc74f6a94a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..13d965860 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a62033c496b8131f496131be7b9767fbd3edbf06e257264893b065690ad43c82 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/attributes.yaml new file mode 100644 index 000000000..a6d19b83b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.2646164248576353 +sample_rate: 1000.0 +power_score: -0.15864117680328377 +action: 1833-050619-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_freq/data.npy new file mode 100644 index 000000000..6f25223cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13566eafa8e7dad61888037ea412569949dd619a857087366ea67e599249b594 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_power/data.npy new file mode 100644 index 000000000..5f1a6a32e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:493976d5cfc7b1d17b9703a37a263022a33bbda48a8f992303c5c590a29876d1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_freq/data.npy new file mode 100644 index 000000000..56167dcdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f0376a1f130c528121dd55962d0beb1125b0b44312e6b039ec05ce01b720a87 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_power/data.npy new file mode 100644 index 000000000..a0365ee1a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acf5a629b1f5889b7fa1e4e318f52217040f1298d69d4967a690ea4c7312295c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..0a2508e5f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9df5288803afcf14304266d82cb7d50b3798a5e745622f4d91e3b879525e91ea +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/attributes.yaml new file mode 100644 index 000000000..f0b4eef64 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08828384105234106 +sample_rate: 1000.0 +power_score: -0.06056793423612718 +action: 1833-050619-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_freq/data.npy new file mode 100644 index 000000000..4ebdda960 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b03af97414121a3ef26c54d04572c527dd192d54bc8a5fa37fb95cecf965c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_power/data.npy new file mode 100644 index 000000000..90c41b9a1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4964796cf5459ddbd3f8516bb500afa54942fd506e2e36084f65b238a2573876 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_freq/data.npy new file mode 100644 index 000000000..5de70ac7d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6f320368d6938a99980e7965cdeefc67246546f02eb54e478b4d1b7ad27e56f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_power/data.npy new file mode 100644 index 000000000..d2c3f3e03 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a0006001d8622e66e603e229d0b0507004ed0299c8651f64baaf8b3ebfb93e2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..8db95a2f2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8de4317dcb7997401cce9101787b81840d6db1bcbe105be8d1ce0a2fbe714bf2 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/attributes.yaml new file mode 100644 index 000000000..1ec0d651f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.1696923239587825 +sample_rate: 1000.0 +power_score: -0.09184709542895192 +action: 1833-050619-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_freq/data.npy new file mode 100644 index 000000000..83e624189 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:331cbb9a1e39a5141c2024f38be6cc32ff6fedf8515c294b17abfb06f69b5b4b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_power/data.npy new file mode 100644 index 000000000..d7d1ed7bb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08655084f930f5de27400c9f30ad6ca52620071ae6d08513ee7e25bb89571313 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_freq/data.npy new file mode 100644 index 000000000..2e0471218 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d075ea1d0fbd47480a688e0b6659ede9c3d5c3dd735873411853d09363efadb +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_power/data.npy new file mode 100644 index 000000000..8d0a79bd4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:669a7336f12c0a6de48531a62a7582db65be2baf3e8f5942e02da006be3791de +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..5e26d1d15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46d6b04b2fbdab09c89948062377b1f4ba695914dece83fdccf65910b4d8347e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/attributes.yaml new file mode 100644 index 000000000..42826c1bf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.13329783622633615 +sample_rate: 1000.0 +power_score: -0.1466518744214562 +action: 1833-050619-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_freq/data.npy new file mode 100644 index 000000000..5e57c14a1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:702cc7a24256bd0bbfa858bfceade43ee6db996a33b7694b4d273d75accbd586 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_power/data.npy new file mode 100644 index 000000000..bbeff650b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb9530d98d886b2b54754ce9cbb11d9d0eb5b7e08e81c0491c3a025b69458731 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_freq/data.npy new file mode 100644 index 000000000..4ffc624e9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fceb06eee60831d40290f4240011744d13e590760634f23d0b3aa1b59561642 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_power/data.npy new file mode 100644 index 000000000..895447c59 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f491e4cfe721e310dc328600f33cdd6753702a3daca973f59c447456dad8eac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..0a73ccfbb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:323259512530173586e11baecf0681c2ff74ee37dc5c330ac3f1dbe99c447f60 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/attributes.yaml new file mode 100644 index 000000000..4f6114505 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.11101781673640074 +sample_rate: 1000.0 +power_score: -0.05848590888716984 +action: 1833-050619-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_freq/data.npy new file mode 100644 index 000000000..d0b596009 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2dab5d8cfbdd190208fc419aaf6c5e63cbd99e6d18e5ed9c262ab42e37be5fd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_power/data.npy new file mode 100644 index 000000000..a8b009e4c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7513aa5e6f860d77963cb64443e0d8980a5c3dd7f8533fcabb682dd2cdcbbc81 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_freq/data.npy new file mode 100644 index 000000000..7220af2f6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b55e3112c99f5353a685a79cb1b3a99234d6000a656f7710735fd406b4eb7d0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_power/data.npy new file mode 100644 index 000000000..99df0183b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:118832e0e4790c190c16cf857c0e5f038d12754e5e98400a167d0dc5ab2980e1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..044b8e2a0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97e3d08b4f5709641b94c4096d61c520b7ffa80592611df4e6d643345fb0299a +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/attributes.yaml new file mode 100644 index 000000000..0877aedd9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.18600068999472247 +sample_rate: 1000.0 +power_score: -0.06620379836606756 +action: 1833-050619-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_freq/data.npy new file mode 100644 index 000000000..48b4a8e74 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5251351c11fef9c15788b1a677ed72b6f6d861b3d15298a9226cc9a65886c7d1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_power/data.npy new file mode 100644 index 000000000..86e1a97a5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3dfcf4f03fc3c485ab0a590d4fafef0331b11de8653c3397c4c3f843a1c61cca +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_freq/data.npy new file mode 100644 index 000000000..d7f9ee771 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75d48b4a3f46ff48876196706c13da6f164bd835dbbbe1243b946e836cc956ab +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_power/data.npy new file mode 100644 index 000000000..7d21bf004 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3c99c1732a6c7828d7cf26d3b9682f8494ffd8a511fdf8ef587ad166aad4364 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..4dce36050 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73b0eaed94018ed77803930d07a51dc1d0cda6da38177f18847678f83e6f5a39 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/attributes.yaml new file mode 100644 index 000000000..c17ae5854 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08815553310232462 +sample_rate: 1000.0 +power_score: -0.006936741110030225 +action: 1833-050619-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_freq/data.npy new file mode 100644 index 000000000..78aaa28d3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df2eb5718d9736a515aceda560930133a0985865f26cf064fc828bc68db2523e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_power/data.npy new file mode 100644 index 000000000..684444caf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5741a649364602a9b90aaf41cc46bb712fd26b3d3c8e8ebd1226bb849051c40 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed/data.npy new file mode 100644 index 000000000..c2017b7c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cc162bc584ed48ce651e45426cff60e5e9391e00a11f35e1b368d1cb301b0b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_freq/data.npy new file mode 100644 index 000000000..817f8bacb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd7d36cd0b92ba554da4170354ac2c9689301189f11da3dfcdde3832726c1ebe +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_power/data.npy new file mode 100644 index 000000000..93edaac6f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:619272941019e03e80f065627917c9b3e11252a4d4627ba48c912791fe3181c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..e1f084323 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7af0f66559762f43bdd3a3ab3c1754bf73a4194121a0d4b0e42341add09d72f +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-050619-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/attributes.yaml new file mode 100644 index 000000000..9ee03e8ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.026635612344946887 +sample_rate: 1000.0 +power_score: -0.07068836585982534 +action: 1833-060619-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_freq/data.npy new file mode 100644 index 000000000..7c1e14993 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe499934b658e8a3e08df9981f9a3fc897cf6e0fb2f8a01b5102776c4e851942 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_power/data.npy new file mode 100644 index 000000000..5adfe38b3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f38e9f96e17312f45c0c7c7a2e3ce5945e524c6201a0dc90a26952cb86b5af7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_freq/data.npy new file mode 100644 index 000000000..3e631adc6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14ef7b07d1d2d6b1db877bd4bdfdf3159d7e603f240b58eca758478df97db451 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_power/data.npy new file mode 100644 index 000000000..4af126ff1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb1e006c9fedc17b1c49fa2396ea606edf1eae88f0feafb674b8842a49634ee1 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..7228923bd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09232e41ad889e06124cc31c75b32a4d04fca405ef551bec34472bc7ae500ec7 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/attributes.yaml new file mode 100644 index 000000000..9c3887013 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.06877925254349228 +sample_rate: 1000.0 +power_score: -0.045326583727667034 +action: 1833-060619-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_freq/data.npy new file mode 100644 index 000000000..44be1797a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3138815ffe5737b8efbf2c1c2ca1e8ef4598e73f0b46d9222aca0ed2399e49ca +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_power/data.npy new file mode 100644 index 000000000..f32ed9db4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89549a806aeea16ce22fa082ffb2542a75fe3fc32e9fb332ae4bed324a1c78dc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_freq/data.npy new file mode 100644 index 000000000..1893d29b9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fe668da9b02cca1a0f60cb27067e3df1d444ec6058e205b945b1c1dbc3b07ea +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_power/data.npy new file mode 100644 index 000000000..ac0154585 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0300bb0d47c595b40732d8a71b8d0520b62d4fb9655c2614ad2c239579fc06b7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..b81e3859f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30cc5c76e06f37044ffe9edb8a191745c286e9a96fb2c96d461c864b14be558c +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/attributes.yaml new file mode 100644 index 000000000..51ab78476 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.08633519634515151 +sample_rate: 1000.0 +power_score: -0.05629234168455498 +action: 1833-060619-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_freq/data.npy new file mode 100644 index 000000000..628f05eeb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44328b692e330df30457c90865bba9fc53dee8471c8f21e0c1b23085d8c3638e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_power/data.npy new file mode 100644 index 000000000..ccaa2670d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75406c18c98eaf2e8500f6e84bdf0c644606fa6338d6f5ba40399389546790e5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_freq/data.npy new file mode 100644 index 000000000..93e51717a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97c52ba702841110fa566d6e26b7463e42a85f70db58c4fda3808bb239bf9163 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_power/data.npy new file mode 100644 index 000000000..c3793660f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2fa627cd585a44596b860eb367e28d91ca6b4d736fb618c84f29958ff40592c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..461e4a550 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd43ec1d5f0a69a45f5e629011e2fcdfc2c836f339cdfbdf4aa25255c0c0f676 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/attributes.yaml new file mode 100644 index 000000000..5352212f7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.05928426518786791 +sample_rate: 1000.0 +power_score: -0.05128109010109446 +action: 1833-060619-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_freq/data.npy new file mode 100644 index 000000000..39dc9e088 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c339a271488ceccd502d144c8d4bc8cd96216959d0e29f3938a2f7cbb5e05a50 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_power/data.npy new file mode 100644 index 000000000..ed4fff477 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a2a1bbaef9f6439f101fca6251401ba63c36ea316b8133ad01a2241ef8050cf +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_freq/data.npy new file mode 100644 index 000000000..a8dac92a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8f5b4e6c407556099e753490949e83483eb85f096f5d455cf645d5682171132 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_power/data.npy new file mode 100644 index 000000000..9ee94d1df --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f220858cb0400e3e0bf4de897f163f56079cd72ebbeca30b6436395033a7f627 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..d4f3e2b95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da8f9d4c28965a09b206ff6cebddd1db1feeb3759b8fb5fdc2aec7f67f398250 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/attributes.yaml new file mode 100644 index 000000000..83e131a0e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.014174590708972775 +sample_rate: 1000.0 +power_score: 0.07929318464626925 +action: 1833-060619-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_freq/data.npy new file mode 100644 index 000000000..7d2d2ae3d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d255e531c45a3207fbbf829f2aa85ca9b044527d278af3cbe9e23ce2af6d0d7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_power/data.npy new file mode 100644 index 000000000..58cb5e029 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a572b212834a4f6b6899c971080c89f531307eaa9ac1551e26528ecc2fc684c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_freq/data.npy new file mode 100644 index 000000000..bd4275389 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3d1aac7613c558fc67a28ac50593ef1e4676609fcf3b8e22bb225091c201e3e +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_power/data.npy new file mode 100644 index 000000000..b1308d8ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68eed2783526535ca9c81a292998ddf2b20a8190eda0f9365714ec95fc0518a8 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..32c52f2d7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6715012bbc2ab73f66f5badef7232f095268c67064eec7d523de9a3fd2072bd +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/attributes.yaml new file mode 100644 index 000000000..0db050cf0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.006368135884486755 +sample_rate: 1000.0 +power_score: -0.002268976000800014 +action: 1833-060619-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_freq/data.npy new file mode 100644 index 000000000..6f996d9ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16be9cf8f5ce38881175c49f72ef77e04517071e5b872a758405aefe2d7a13e9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_power/data.npy new file mode 100644 index 000000000..16671bc10 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f07068d6ac436b0565d1b5c3a8bc8e71247d073ba0c1356fa4b3eb1b2c25a70d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_freq/data.npy new file mode 100644 index 000000000..698940f15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1489316883c1b29e813ae402ba4a9764d35386b901890304f7c80333498b492 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_power/data.npy new file mode 100644 index 000000000..66312371d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df97717aa4f4e69df5d589189cc26f54a941190abc42717b57a1d62f92a05343 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..687549e51 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99f062d6c98a9cec3321d8cfc76d21c152c98ca7b89c924e46cae68b27226468 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/attributes.yaml new file mode 100644 index 000000000..26931ff79 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0026688443223838033 +sample_rate: 1000.0 +power_score: 0.04888625739893161 +action: 1833-060619-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_freq/data.npy new file mode 100644 index 000000000..94160d6ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dc755fbe502a585a92340b4788a06f644d6987ec9c275b8904b2cc0d6107b70 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_power/data.npy new file mode 100644 index 000000000..412f70350 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2eca4ef4fe18116dae369ea727a74a1412c685931efbb4656ad2ea04e25694be +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_freq/data.npy new file mode 100644 index 000000000..e30419188 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa468bb5688399d1da46e32a8e5fbee3a91c1952d0fd26f42617ae31c8ab1242 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_power/data.npy new file mode 100644 index 000000000..1a2052dc1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f3cdc10dbe62b1ef467d7c7786142067a960ad58969079d503d13f785e0d29f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..1eccc79b6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c190e3f4f4372725d2c446770ee731767e84d5d52b03bd8f66b4e1406cbc84c +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/attributes.yaml new file mode 100644 index 000000000..039931053 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.025001403405009857 +sample_rate: 1000.0 +power_score: -0.005851794629463994 +action: 1833-060619-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_freq/data.npy new file mode 100644 index 000000000..7a6f992b9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7f57507918467dafdb26cc4e0558d5f14baa2342528a641373036b32641bb1e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_power/data.npy new file mode 100644 index 000000000..874cfbbcf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cb90a4b01d8f783f8aeb99b94511b5a80e6a2c5865ad99c136ad7e3263f5a95 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed/data.npy new file mode 100644 index 000000000..31038957c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61f0f21c9c17f6b0cb2cde5eb00d3dbe0b8a4669861215ef6fe1db143a74b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_freq/data.npy new file mode 100644 index 000000000..69d2c352c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2230e248de1b56dfcedab7154a790220376c2658a469e210b17ef379cd821390 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_power/data.npy new file mode 100644 index 000000000..f758efe77 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4eeac2471b936f1a59a260f60c164fa9e3e5103f2ecee3773891d0be9801a514 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..252b5e1a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fb74caf04d96561b48a50ea973e20f1dba6f2285c06225f3ab40c86bbabce +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..ac273918c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc37fb81537911eb604c3125c982de26a9a5bf1d6e7227b1745172768896cf2d +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-060619-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/attributes.yaml new file mode 100644 index 000000000..f5e52397f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.009181924634054638 +sample_rate: 1000.0 +power_score: -0.013629658738172632 +action: 1833-120619-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_freq/data.npy new file mode 100644 index 000000000..262dd23eb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97e55b2ca7c0fd0cf8c02b65040e5aabd3134aadb373cd0e47eda3c56f8f8e7f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_power/data.npy new file mode 100644 index 000000000..08379ee19 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:137ba40d96885d6562215a15faf7f511667774df64a4c59b1178dae5488d330c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_freq/data.npy new file mode 100644 index 000000000..e5f5668e2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9248f95f4ada2dbb86bca23fbf582324f71f1ccd14ff25f5dfb825e32b88077a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_power/data.npy new file mode 100644 index 000000000..eb1032b69 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:464db61f237b494070d9c277e4fd502a6f70639bbe25baf0f9e3797e8c169f50 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..6c5fcb225 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:394a855daea100d767640ee27c19473b6b23066d700af55a6ba722f739fbf4c4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/attributes.yaml new file mode 100644 index 000000000..00ef58aaa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.01270447285337608 +sample_rate: 1000.0 +power_score: -0.06563542537863198 +action: 1833-120619-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_freq/data.npy new file mode 100644 index 000000000..36b9fe958 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc2a24c0bf0383663c116abe27e6fceb538ebf01c357652e66ffe988e4276d41 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_power/data.npy new file mode 100644 index 000000000..261816d04 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f45ab7ea4c7c1a4b233364a414393b2724ff654c9104842d1ba83c6883af004a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_freq/data.npy new file mode 100644 index 000000000..50ac6ba37 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24c9a0c5dda199e208f390db81361a51fd9f16340725e29a0aad9096bb75f88a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_power/data.npy new file mode 100644 index 000000000..c0557bddd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e6627c504f86a04171faa413be302f42b9047d61529f31d0086f0de7a934ff7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..ebda345a5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:970c5de62787d9f628aaaca6113e02db2b1f3a189e6fe8200ec59ada187942b4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/attributes.yaml new file mode 100644 index 000000000..d7cd7a023 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.04613813434969841 +sample_rate: 1000.0 +power_score: -0.03586954398082772 +action: 1833-120619-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_freq/data.npy new file mode 100644 index 000000000..89b122e0d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eff8a54d32ed20ae9be7f80192a37fe9509a6d88ad433ce6c64579604e1acb59 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_power/data.npy new file mode 100644 index 000000000..ba2afaa67 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3be9d9fc78430449135bf51dfcf26a62654a8528a3fd2bb41080380ee848c73 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_freq/data.npy new file mode 100644 index 000000000..b237feba3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa6c951ba72ceecc37c470eb7d6a303d75b18ff98a60e8e0640ac3de1244bfa4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_power/data.npy new file mode 100644 index 000000000..9351ccc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14af65c4a0d1fbe8009badbc2b6fc725744b6bd99c6eafd8c2c681964953955a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..5a87b7820 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4da53e47157b3db8cdd9d4fccedf3ae2029047bc5182aa5706ea6fe2ac59c284 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/attributes.yaml new file mode 100644 index 000000000..7bce8e589 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0029812697241735583 +sample_rate: 1000.0 +power_score: -0.034693246163753765 +action: 1833-120619-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_freq/data.npy new file mode 100644 index 000000000..b6355b797 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf4e60ece1adc30c3d19c17e8ee6c58cec333e966348fb8d4297e139bb2243d3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_power/data.npy new file mode 100644 index 000000000..b1cbeba56 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5a9655317bb08be06d28dc691c866dde0acdd95c28e3ca6ab64b482ca3336a9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_freq/data.npy new file mode 100644 index 000000000..447472de3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0655de87b6dc71336981aadd4a279f44f32c46dfe09a80d5192c7bc145e958dd +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_power/data.npy new file mode 100644 index 000000000..ef21ff88a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1199db957dd75990cefec72908d1987115d375a4361964a83cd59b9d15b3e184 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..b593b5451 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83acf3f5440631ebc2a8d61d94f67865e2bc8325012bef8cc41e24e925d1fe4f +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/attributes.yaml new file mode 100644 index 000000000..ae80f8d07 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.11920596687425784 +sample_rate: 1000.0 +power_score: 0.04247516617696939 +action: 1833-120619-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_freq/data.npy new file mode 100644 index 000000000..fca111af5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db84a33dabaee4e99408975b193a69ebed80e880f11ea1b223f9bb7a63da8c87 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_power/data.npy new file mode 100644 index 000000000..e82015caa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d64304d9e5b4547d3692496687b3a69d5a30cf643699b135918c165be0f0839 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_freq/data.npy new file mode 100644 index 000000000..bc5116a38 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35470d1473816f02c365d0e6c798ea62b569e7ca28339f5a44c5ab34affb3795 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_power/data.npy new file mode 100644 index 000000000..f93d5b2e9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:810c737f0141280f2d4c28ec34ee671c227d71518fdbe05dab402d1891eea001 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..b196f95b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8750c135db7c873a15f0ddb7894bbeb650281cadaab7640d840a9e2be865341 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/attributes.yaml new file mode 100644 index 000000000..23d976aea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.09243831836817513 +sample_rate: 1000.0 +power_score: -0.004614228798937346 +action: 1833-120619-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_freq/data.npy new file mode 100644 index 000000000..e2dca5b3c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d729aaa2dd9f921e9fd549e360c7b1a658e10c8831b30828e8fac9a6f93829a8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_power/data.npy new file mode 100644 index 000000000..32c55dde4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33f49cc0c6e45a10ba6f5b0b993d2211c6f95621b8635889cc752b16ce046a12 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_freq/data.npy new file mode 100644 index 000000000..e555d70d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b2fc9257e8ece6f44722f9f9ab3fd4f348c7546dd25022b7bf3c7e3094904e3 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_power/data.npy new file mode 100644 index 000000000..92a892570 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01b5a0593d92048f20f4665f59b455ffdd722b82ce494bb18d70dde37d083b2b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..c39980f2d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aaf5b9fd14f8aaa8cffdebf49dd3d6a04c8b360a32a4360a524cd2a097657525 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/attributes.yaml new file mode 100644 index 000000000..40d68847b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.059694251611957926 +sample_rate: 1000.0 +power_score: 0.06260039533238845 +action: 1833-120619-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_freq/data.npy new file mode 100644 index 000000000..ba4a3933e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3bd71dcb7c4dd18b87c0c6ad32f2b7e2419801319966a373000497d49793ece +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_power/data.npy new file mode 100644 index 000000000..82dc0a01f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d72c68ccb9f17d84ab2c3e60095d00af42fee5a1140fa7cab015b2c0b6fce69 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_freq/data.npy new file mode 100644 index 000000000..f188d3b47 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36f8672efc07747e7b0019d3c02fc5aee9be1f75e2442e3fa9be1f95d1222d20 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_power/data.npy new file mode 100644 index 000000000..47e1ad355 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c44fdee04ead30a4c82775e29ef2892e67f027d1c5a62b82807a6872e0e9fa24 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..132139646 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c23ce827afae628f9c00497c9ccb66a5ce333595e14eee3aa82779f1ebf59a7 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/attributes.yaml new file mode 100644 index 000000000..a25b132bf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05896797792371618 +sample_rate: 1000.0 +power_score: 0.04050136283665597 +action: 1833-120619-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_freq/data.npy new file mode 100644 index 000000000..5519b9bb3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e4699a2603cfaa2f99c65188303132fb1fb51d24bf6b464776ed1731950e782 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_power/data.npy new file mode 100644 index 000000000..f9aea6076 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ece0ae08fadc7eb40109de575dd2da278d5b8d08e00ad24bfdf6ce648a985881 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed/data.npy new file mode 100644 index 000000000..88ab1a23b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c15e880571fb819c578a4ffa43e001c2c5e3893a5e0f853400b1f64d163711e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_freq/data.npy new file mode 100644 index 000000000..6e4f22fe4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b5b621b895376b1961e7cd00d19f9bd8d3cacf02d5da59e1d4cfedab6be6ed5 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_power/data.npy new file mode 100644 index 000000000..598a031dd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d837a0f9c84d26a1d1986388f19d7f5bbf7252f1305c3de34f8fd8efb9578e8 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..a465840c9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cd4c7d3b047bbc0c422254e632e6838ec983031f75c7fca00a7c9d5a025b2de +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/attributes.yaml new file mode 100644 index 000000000..71dab7efa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.023410905669438587 +sample_rate: 1000.0 +power_score: 0.08760559745744148 +action: 1833-120619-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_freq/data.npy new file mode 100644 index 000000000..2d7b210eb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7c3df1c15531076ded1e084ce2f9d6b80f472a6483bcd64f940627066ddef88 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_power/data.npy new file mode 100644 index 000000000..e916ddd8d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3be8f99c769a135165896baa299d6e75c9904f0b2a5fef4afa4191352077c730 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_freq/data.npy new file mode 100644 index 000000000..2fd3005cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f96414702264c16366c51c25162fb9bc264fdcc20f87a9b31755648fed9a3f7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_power/data.npy new file mode 100644 index 000000000..d5db42a1c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31673d2673ada143286d2e73968134b7fe1ce7c4c94b848fac2ac9a5de8f0481 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..618664b59 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63d55f77cf668af2141fa25a671b26332c3b45a6a58850f4f8de19d0b6da44f9 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/attributes.yaml new file mode 100644 index 000000000..0db1d904c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.053580171365393045 +sample_rate: 1000.0 +power_score: -0.05138526128939087 +action: 1833-120619-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_freq/data.npy new file mode 100644 index 000000000..8f6e4a29b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df980679e3adccfa5b035314e6b6d54b07a74967c91f78cb8dab391e68128a31 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_power/data.npy new file mode 100644 index 000000000..a254abfe3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:137d841f0e0573e632c188fdb6d9a9c852789bfc111e1557ecdea53889849e56 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_freq/data.npy new file mode 100644 index 000000000..96ab11ffc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be57e3db0d01b6e38dc780e6f6ad78014f88b3d553f78e17126808a8927fd25f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_power/data.npy new file mode 100644 index 000000000..8843482c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:645e1321edcae42eac420b0f29f2d9a56fdd1a3728371d24afdb6396f388e51f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..a0678a432 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d8b44844aa1b7dfae94410b6e9914299aeccca08d066a05fcddc9543da02460 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/attributes.yaml new file mode 100644 index 000000000..d3f3d99a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.045683257782383746 +sample_rate: 1000.0 +power_score: -0.0420082205250643 +action: 1833-120619-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_freq/data.npy new file mode 100644 index 000000000..dcc3f85f6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b788764868f3423aa4491745928039ddb5510d501feb6754d8bf2ee3798738c6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_power/data.npy new file mode 100644 index 000000000..f0d494ff0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c7dc1b12a29c16f155950dfa43d15aba20917b3d60f94256d6dca684f66f69b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_freq/data.npy new file mode 100644 index 000000000..45228133a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48d7405b36a904f9bb6239ca0ab32dc9b34b4c976ac1282a0d3706d90225cfdd +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_power/data.npy new file mode 100644 index 000000000..b9a0737fa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af1272a95661b338a1e1cd4fae026bcd75a7cd0d76b9616ec6d399cb16a7f261 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..0e5e98afa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3eb82ab2f007d00744d7b1963023f6f339b512a0e0f49034602a68e2dbc9377 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/attributes.yaml new file mode 100644 index 000000000..2d13ab35f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.015467523973194017 +sample_rate: 1000.0 +power_score: 0.29242302630014105 +action: 1833-120619-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_freq/data.npy new file mode 100644 index 000000000..3c6714ad5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:216c760518fb11ebb1f600bb4bd066c65b9b50226c2f4806f9b3455aad6af339 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_power/data.npy new file mode 100644 index 000000000..03b711dca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11032710e9c2ff11b48e1b0925002da6492281bfec9014c05af1e860aab30d6c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_freq/data.npy new file mode 100644 index 000000000..7ce49bb4f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9dc341b04c64b96224f8380f77ea524a60fdca4d00ec639032a69bddf481255 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_power/data.npy new file mode 100644 index 000000000..b49609d34 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed2330b1e9a5b4da198928cc3ef70699f69e2fe4d738c268647bf38ef372ead1 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..677d043fe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a9203d01abdbc67b3a66106b25ade7a128cae6c9785a8c2e302610f3af6299b +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/attributes.yaml new file mode 100644 index 000000000..2347f9e46 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.012814579695130583 +sample_rate: 1000.0 +power_score: -0.052267588679670185 +action: 1833-120619-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_freq/data.npy new file mode 100644 index 000000000..e9c952742 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:643681d0b94b24c52abd260e23df0702ad4eb22a61984ab23f520a209ed8f7d9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_power/data.npy new file mode 100644 index 000000000..a615c91e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daabc54e79ac9786df7e13c7deba180d2818a9fe742ef0ad669d91eeda6ca8ea +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_freq/data.npy new file mode 100644 index 000000000..7d365513d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77b2ea495b7fa63b26222123d42a3ca530e543488d0ffce8dd649f272d6a9fcb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_power/data.npy new file mode 100644 index 000000000..00efb6d5c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a39a218d1d45f0a9a3622d876604675957c6484cffc95cc2fcad35a4711c9751 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..026598dd2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e20c18ea333ff7be521b7fad1d53ff89c728970c2e6fd5847bb7407cc52a064 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/attributes.yaml new file mode 100644 index 000000000..b691eb9d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.017303606373557684 +sample_rate: 1000.0 +power_score: -0.016367371156548533 +action: 1833-120619-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_freq/data.npy new file mode 100644 index 000000000..bb10772c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83abe4c398bc12ccfe12e146c07ac196d019d6016e9081d845d4ab772c0362fa +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_power/data.npy new file mode 100644 index 000000000..5f1c9fa66 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e85112af6958d334f562cc3fe12ada7501edcca3c443b7d96c418b403b8f5dd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_freq/data.npy new file mode 100644 index 000000000..42a6a8fcc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2dfc5fd268ec3a474bcbd56efac761a18cee90e1212bf0529f53dc16d4514da +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_power/data.npy new file mode 100644 index 000000000..dceedfd1a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04c7af110f1ef566bd961b8462c0c11b49e70a29c396b0c4efee320e33c3596f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..17fe43ba0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ad333bbcc65b60d69f96f715d026698e85237478f2056ef0ea4f059dbe8a015 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/attributes.yaml new file mode 100644 index 000000000..0dd01f9a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.013128214984394669 +sample_rate: 1000.0 +power_score: -0.04347092426514788 +action: 1833-120619-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_freq/data.npy new file mode 100644 index 000000000..0b11ceb82 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:153302a08e9623cd77bb8af1f4087c7d18b32a772c131c5f6b30e7a407d01526 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_power/data.npy new file mode 100644 index 000000000..9eb7e3bac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea51a220ffbb436da29c21b85bfeced9f121a296ff8cf4e0484ccf0714219708 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_freq/data.npy new file mode 100644 index 000000000..02902f44a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc830a3bc34551516d023356f2f625eb52d547600887f5b204ff63fb1d3a7c20 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_power/data.npy new file mode 100644 index 000000000..796649df0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed2ae85f00f6bfa7f1b00ff7598d91b4e749edaf1c5fb5fe63de6145e277f5f8 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..dfb094494 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8ba07246e06dfbac8edde33433480780b0bc488eaa7d90b8a93212f361e47a +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/attributes.yaml new file mode 100644 index 000000000..b59a6be74 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.006121827404361535 +sample_rate: 1000.0 +power_score: 0.050853949288112224 +action: 1833-120619-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_freq/data.npy new file mode 100644 index 000000000..573a50fa9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2124a1258bb1115b340bc9d32062d9598b9886d8e97faca7e499fb4d1b25aa45 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_power/data.npy new file mode 100644 index 000000000..252f67d37 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f88528f32981a8afde5be1f7758e47200559921ca210b9c5a52da931b3be8929 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed/data.npy new file mode 100644 index 000000000..8ec5af7ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c519f28011466ae0023aff24cb69eb33bef7ba712e488fd2e8ab1304359931 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_freq/data.npy new file mode 100644 index 000000000..5a376cf5d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a941465e2994be125a00a1477979bae3eabc903bfb4969bba2fbc24944a8b9fb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_power/data.npy new file mode 100644 index 000000000..eec676749 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91f9d700aa2326f874bd85308ee052326d21bbf518d6b6b53393ea895eab649c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..859d49a3b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b38f4d38ed9de4a363d3cc0027182db9f59f2ddd4d979a137a5a0f8319b06fc9 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-120619-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/attributes.yaml new file mode 100644 index 000000000..91b311557 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.05005914519589116 +sample_rate: 1000.0 +power_score: 0.05713568489172698 +action: 1833-200619-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_freq/data.npy new file mode 100644 index 000000000..7a2ab04d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1f36b4b018d3fa9e28238717c568349ffe959ebdd25e0fe99caac8cee92a193 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_power/data.npy new file mode 100644 index 000000000..7eb98b6d4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14398af2705e313a73c001882ea6d3c505f83432b0a3a4e8bca4a3712d745c0f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_freq/data.npy new file mode 100644 index 000000000..c8779aa04 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a46530f8fe5a044d60cf3107bd73180f0c806d5e4f5cec836a6d8f290d469de +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_power/data.npy new file mode 100644 index 000000000..9d446e59c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:274305988fa3d3e3f65c309d247af5beca87fda4452c3d3635c9cf89d1d2dacb +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..db1027d59 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e38d32e6fdec970b67a04114194dbaadd5c495c78476b07b7361e1596f2fc83 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/attributes.yaml new file mode 100644 index 000000000..28c49046c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.015400241925802697 +sample_rate: 1000.0 +power_score: -0.07252710147319855 +action: 1833-200619-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_freq/data.npy new file mode 100644 index 000000000..e4a4f3411 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85f06d17f6ab91259e5077c3408303eac98ee088a974afb7f0aa33f841550f32 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_power/data.npy new file mode 100644 index 000000000..75a17bdaf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bb7b0d3bd685c3fd1ae98937ef3457463ea584bdc126806675bd3f0b04f47a6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_freq/data.npy new file mode 100644 index 000000000..bdd85358d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e530ba6c5cf82b7e42df3024977d9b451a19053c95c907dd030771c89fdee1fb +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_power/data.npy new file mode 100644 index 000000000..099ac4b2a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcdc9c89f7ee06655612f667124a8f7c1c23fc06670bf918eb6820ebe6d65222 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..389b7e4cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4a6d2f04843bd5acecb4f4856fd09cb601086c147c9f05505c321d7f627cc75 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/attributes.yaml new file mode 100644 index 000000000..0c9dfc788 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.019121419920206648 +sample_rate: 1000.0 +power_score: -0.019509020918083476 +action: 1833-200619-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_freq/data.npy new file mode 100644 index 000000000..ab9a38555 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd26123bd7660b0972f1315181de45913d7dda52e5fbf8ca1d31700d69ab5e70 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_power/data.npy new file mode 100644 index 000000000..567e26c69 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d0c5c0b6f8310720b71293bef5e800629f52597226cc50ce9a51adaa92733c3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_freq/data.npy new file mode 100644 index 000000000..fbad971a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75bf82d8d0e33dda2fe815d2c96abb2e8565574a017b33211fef0b6e5264d96a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_power/data.npy new file mode 100644 index 000000000..235653d3c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2219556adbab11eb0550583c977e495202ba8492f09364d15749e69787da3356 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..e0f4411e0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13e643524dde8f20f70e1a5ad55b1806298ffe1959fe81bf605c4bf8459dd589 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/attributes.yaml new file mode 100644 index 000000000..fad30abbf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.030599262338339987 +sample_rate: 1000.0 +power_score: 0.028887370536127725 +action: 1833-200619-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_freq/data.npy new file mode 100644 index 000000000..9e1fb8baa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05a66b34f7253589f510624422407163b9ec26a76791352b83da22c046855fef +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_power/data.npy new file mode 100644 index 000000000..b2e1b1e19 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71629cbf084e0c240a2bcb222fcc977ce277eef4c3c90e5f64f1857234f03939 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_freq/data.npy new file mode 100644 index 000000000..b9c781fa0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fbc9db9c1012042b938505a20e09653a4483967658ba0eb07ef9ac339636c5c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_power/data.npy new file mode 100644 index 000000000..fb0bbcf1d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e7120808f12a5d612aa46df455b607028fd3bb53142f4d4bcfa77e175c253c2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..b2a53c852 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:893dce27d7de6334ade4410bc846a8ce930a8c208353168b6fc9c8618585763c +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/attributes.yaml new file mode 100644 index 000000000..59f9f6123 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.07875592326309923 +sample_rate: 1000.0 +power_score: -0.06867888094988737 +action: 1833-200619-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_freq/data.npy new file mode 100644 index 000000000..92f410605 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d0d4398a1511e334c22d86086d60b192e2d424cce4d6cb6c08ad471ab6643c2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_power/data.npy new file mode 100644 index 000000000..a25c55b0e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:683a1ab8cf99a1b7a7d387c5e14c6da3a095cf3040386b57b9d503d178e32f91 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_freq/data.npy new file mode 100644 index 000000000..0518a0d44 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2dacd081a7e6f4220757b4de5c1f6da9439cb10d548f96f0d9aaa1a4b2753aa +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_power/data.npy new file mode 100644 index 000000000..a493f9940 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afba46c0634ea18b7c2dab3f33ebe2a68cebce85a77673ed341875827815d75f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..ba20c44c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:509bf77eb85084bde6ce498b70207be23a9f9f646ee2f3b4457e348b9fe6ad34 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/attributes.yaml new file mode 100644 index 000000000..1f1149c53 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.004180618923867432 +sample_rate: 1000.0 +power_score: -0.07440946372556494 +action: 1833-200619-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_freq/data.npy new file mode 100644 index 000000000..e65a212c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f4eda5ca2deef6587f6ba9381d809e87ff0164af6f9dca4f30088e5947f8436 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_power/data.npy new file mode 100644 index 000000000..266d6c08a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1398e4e0248609f4e4753dbcc9115ad2769f241679cc0435ec9acdd7dd2a8d16 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_freq/data.npy new file mode 100644 index 000000000..55df02a96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:415772762f91536581ab6f5c150d4d68c04af65f937269dc43816eaca7d204e6 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_power/data.npy new file mode 100644 index 000000000..60c7cef83 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c157884ff17ddcb9cf89e6f3b5f392951a89d4946c651c3abe5a910377694825 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..3d0df5c38 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6dc0eb5d84e227a87a0272aa27af1a692125e72ba6da78d528f0eeb9e42993c +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/attributes.yaml new file mode 100644 index 000000000..1e546a6ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02086112163147084 +sample_rate: 1000.0 +power_score: -0.050179766182425374 +action: 1833-200619-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_freq/data.npy new file mode 100644 index 000000000..a26d3e3e3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f80db6b30748a58acf30663a061a159925f7fbfc9800a4f72b14793bb7707b6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_power/data.npy new file mode 100644 index 000000000..dfc48b568 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b626d6b3b56d099c1c7a8f7b617d4982f408ed50192b5680a71d9d4ce3d85248 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_freq/data.npy new file mode 100644 index 000000000..e9d0a71ab --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1998b65f5b6428321c98ce48211eef3c665954bdcb838a98d6080256b3a9680 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_power/data.npy new file mode 100644 index 000000000..89a580cdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8db95b2acaddd9345e309881cf5f2d35f3e530e48bc9abf5138359ba068c86c9 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..99118cbd8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e536d6500491c600ca5daf1ff8b1bc2757391b773ecd698dea0149a2192ed9c9 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/attributes.yaml new file mode 100644 index 000000000..d444d97eb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.04232274843190652 +sample_rate: 1000.0 +power_score: -0.052394609191440435 +action: 1833-200619-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_freq/data.npy new file mode 100644 index 000000000..740cb765d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99936a2d27377326c733fe037e89318a789547f386e0f0eae49ef57045c12c24 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_power/data.npy new file mode 100644 index 000000000..ae7a1389a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09e8a354ac6ca60fca662485764b0fcb40504eadd031c3a9b27cf9a88206a877 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed/data.npy new file mode 100644 index 000000000..d894ec0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33bf5e3db211507b054015a085da98c60604387edba5f4d45edf2f5d6aef51d7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_freq/data.npy new file mode 100644 index 000000000..f5612c032 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ff31aa5efa021bc80d99ac042b062ac0dcc67a76435672fbf5b6c958d5eebc1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_power/data.npy new file mode 100644 index 000000000..df9cb0ae6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:becc68fc941c2b87b095ae3d10e59d8d89bd59239b0dc393543a3970ffa1da12 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..fbdfa92cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44eafa4caa2284121bc6059e4dc30a7d9622eb1caa1049a8f8e4712f86e1c23c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..30ec8dfb6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:356a565772ca6df5ad69d03fabb8cbdb1b41139a0a9b3fdba5f1b5954b46180e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/attributes.yaml new file mode 100644 index 000000000..8011877d2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.047557406739748675 +sample_rate: 1000.0 +power_score: -0.015603953857418055 +action: 1833-200619-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_freq/data.npy new file mode 100644 index 000000000..e0664185d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c4dbfcd74e324f57ebe8e2d79a4b1d85ce48f45fddba09fd37541502436843d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_power/data.npy new file mode 100644 index 000000000..a29259959 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82068416c4b46b65c91187f02a54f5c09717e5b53e87f0e84e1051c45274df64 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_freq/data.npy new file mode 100644 index 000000000..fc76e1208 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f46f57434c4ec97f3e5924c1aac5a1a0fdff14e13a3182ff77f6f372a10e50b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_power/data.npy new file mode 100644 index 000000000..bf8e8f089 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d6fb35172f568d25f020db66b95ee1c07bd3563fd9ee2c0fb2b4fe536e21788 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..95365ba90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:446abf8392c23f20ae13744537b65a4198f35f800a6791fe2da8b0b9b3a952bd +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/attributes.yaml new file mode 100644 index 000000000..c44d36452 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.07533239761129554 +sample_rate: 1000.0 +power_score: 0.09608130391620373 +action: 1833-200619-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_freq/data.npy new file mode 100644 index 000000000..202489c82 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ee290eab89ccb2fe5e3eafa853a2edc123626d248396fd474bda736db126c35 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_power/data.npy new file mode 100644 index 000000000..a5f0c5d5c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3c4e6c209d190985ac4e91a7eead61e443994499db06700a794bf8a37903d0a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_freq/data.npy new file mode 100644 index 000000000..e99374784 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa1bcb9792cb4ce4e25da776ba639a6ee7124858f886513e11742235902f3387 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_power/data.npy new file mode 100644 index 000000000..f32724ec1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:216fec88b3bb1bf8e35aecbbdda942d294fd5fd418f8e247b070186180a537c4 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..2825bc7f8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc33d6f64dc2d973679ea298d357cf6b721ca8bf6bdff4ff8af2387f6ebaa5ed +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/attributes.yaml new file mode 100644 index 000000000..d940004ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.01951890774176241 +sample_rate: 1000.0 +power_score: -0.04954014628395718 +action: 1833-200619-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_freq/data.npy new file mode 100644 index 000000000..c901b676e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d3ceb2b00c42735de0b20e263df21a012bacf79b48a8904ec9230dca1d1b1c9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_power/data.npy new file mode 100644 index 000000000..528411dca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c99eb4a9cfb8c4a599240f6fd6d066ff37007e5e8954183fa97c32a0264eca2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_freq/data.npy new file mode 100644 index 000000000..ff5f3798e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0aeafc045f6fac40c99a0142c7db3c89f4e2fd7dc8cdc173ae7843d334ebef1a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_power/data.npy new file mode 100644 index 000000000..c55bc47e5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec70c95e2d1deb524f68d73ee59f067766640ba42cfbbc386f559c6b506289f5 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..d1b932bd5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73603049e0d5d4f10916ab93332a6ed1c2d84a09eee5fd460949dc6a0339dff6 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/attributes.yaml new file mode 100644 index 000000000..eb50e257e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.1398506593894196 +sample_rate: 1000.0 +power_score: 0.034000056361523014 +action: 1833-200619-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_freq/data.npy new file mode 100644 index 000000000..0ebcfc342 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51c14d67e9281deb00251beb3d9e437b2bbb88750ba3160e077da8d2bdd397db +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_power/data.npy new file mode 100644 index 000000000..a53eb13d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a0928325a3cdeb89a7d41a96d7b12e35962213b89c650419875e32bf71bcba1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_freq/data.npy new file mode 100644 index 000000000..fc0dc6c8b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4250bc05e33c928b735650aa84a9b18477aea69678078b422c85c13c3e47c1d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_power/data.npy new file mode 100644 index 000000000..a4be3276f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:287b6ec2c8f7f9687c44b4a44a2816dfe68f4134086308ab551af5fd59468c36 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..01403857d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5a3f0c7f9c6d7b9cc63c5ca837d8f6b694a466a208a63a9562ed26d4e8c968b +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/attributes.yaml new file mode 100644 index 000000000..658513d7f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0003230929569797085 +sample_rate: 1000.0 +power_score: -0.013432272369669051 +action: 1833-200619-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_freq/data.npy new file mode 100644 index 000000000..813e2b4d0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e972f7ccb3782ff177de5499c786cb9bfcae1f376f38b4e996c0002f890a0b6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_power/data.npy new file mode 100644 index 000000000..379ccf8eb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b581941fe409eeda37484c4a4ea5526643606b9e5de54ce32d2744bbcb640ec1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_freq/data.npy new file mode 100644 index 000000000..abeeb6c1c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d764015b374a7f33c2397ab085847f39d5e85d0c363500379bf8fcc732b5fd2 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_power/data.npy new file mode 100644 index 000000000..025a73a67 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf2e5ed6610ce6123a723471b426522ed0305a72a2e8b9ee173ebaf6b0ffa7d6 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..f5eaa3c3d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6171a2b4ddb8962c6b837c98f81f576fafbec5624f73328c67cbcd8691e5234f +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/attributes.yaml new file mode 100644 index 000000000..9df196994 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0036550418772472097 +sample_rate: 1000.0 +power_score: -0.08408592299472772 +action: 1833-200619-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_freq/data.npy new file mode 100644 index 000000000..667e40f2f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75622e3882131fb17e1ee37689f1655bfb9a3bb957f4bf22ccc55c1ef0bd61b7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_power/data.npy new file mode 100644 index 000000000..2f496f4ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2233a72c7c578c71fd35381e5a5229350143ea56fb46ecc04391176e2507138 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_freq/data.npy new file mode 100644 index 000000000..b30cb11a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d88de6b89917de03b047e69f0ad0f790cffc6cd4556774d04ad8c0369f41b48c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_power/data.npy new file mode 100644 index 000000000..964da07a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c5fb11ee4ba00c60c9a62173baca2196f0a00670abeb28b910a01515bbbd827 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..eca58ef93 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3e2cb992218742a19ca5fc3e8abedbf47aff6becc0d8f4755b0042551763a31 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/attributes.yaml new file mode 100644 index 000000000..bb6f9778c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0029689777421414787 +sample_rate: 1000.0 +power_score: -0.02212386653609971 +action: 1833-200619-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_freq/data.npy new file mode 100644 index 000000000..129bb8aa5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1495766771dcb6668bf4799b74af595cba5fa503ab1450b2d29f6fda3a8d1db4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_power/data.npy new file mode 100644 index 000000000..89cb8580d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22391edf08903b4c8cd40ffa63b2c158e27f5201e80d920330b9e2db4942c0fe +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_freq/data.npy new file mode 100644 index 000000000..36e8740c9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8609d4c58ee1350c0aa2a25c2ef4816535a6545919e4e3caabc6364d6480cfc +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_power/data.npy new file mode 100644 index 000000000..2e929dd17 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56dca8b65fe800b1df152d4c2a48be0ee700b77b564ebba99cd5ca899a537345 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..56770c9a6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efcd19038fd408c8b5dfb412b3bfbf19d08a51fb9acae3922a1af44488d2f67e +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/attributes.yaml new file mode 100644 index 000000000..a8eece102 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.011291734859935305 +sample_rate: 1000.0 +power_score: -0.21106253966693966 +action: 1833-200619-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_freq/data.npy new file mode 100644 index 000000000..9654c7838 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bd793d305cd80b01b25e64aea3bbd8a7a3f89adabb2ef9ae845d4a46a0cbf48 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_power/data.npy new file mode 100644 index 000000000..ab1c80d2e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9e92686dd63dbbf975b96228f926f1584b9111a9fa875ef7dac1265f8687d03 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed/data.npy new file mode 100644 index 000000000..443ac566f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b498d5f323de8e5ccde5358313eb0b51fabbd6c44d4d5832c61c0ee68d266a7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_freq/data.npy new file mode 100644 index 000000000..eac7108cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:463f1968f94d429365d504a0b130da40a73cb38afe6b1e06502201a25fe285d1 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_power/data.npy new file mode 100644 index 000000000..0e1cf7951 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb624f0517f635a2cf33760ce0c6837a5784345923b2d71ce5e4816439ec2d5b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..f2f780ee0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f9e61597af8a16931daab7e986e94305a2e2603f7fd7b145e16a4474936ed88 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-200619-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/attributes.yaml new file mode 100644 index 000000000..9407d68f9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03821641256714305 +sample_rate: 1000.0 +power_score: -0.08706115837270213 +action: 1833-260619-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_freq/data.npy new file mode 100644 index 000000000..5a2b20674 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d74a83df53d94e53bc4fef911b545774660496019fa6db448fb123af6a604f7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_power/data.npy new file mode 100644 index 000000000..f6ca9286d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4f9000c51f9b6121cfec1c456200d10d0d770cf1bf0d118d454b19ace587329 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_freq/data.npy new file mode 100644 index 000000000..4e706b5f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07f341043e11b4dbaac969339fbc6f41a82b582e00133846fea3580785e19f94 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_power/data.npy new file mode 100644 index 000000000..5259320b6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9656e9aaf33b3d57a213c0fd3e1866021ca3fb3ba1ba3c69ec387e14b7cad27 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..e39ad260c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31b5c02c6cfc9cb4b400150695a34f3ac59e7ffb8339064430b7a1d3c70fcaf8 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/attributes.yaml new file mode 100644 index 000000000..6a785923e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03090129443857862 +sample_rate: 1000.0 +power_score: -0.1701474682784608 +action: 1833-260619-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_freq/data.npy new file mode 100644 index 000000000..4d80019be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d83a659b182863f02892bb54a5212653741365a2f9dd0da567c527144810b784 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_power/data.npy new file mode 100644 index 000000000..269b9578e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdd9e2ddc73e786680886ff5d0d008d5cf782ec7872a8ef5deaf5b64594fcc6f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_freq/data.npy new file mode 100644 index 000000000..8eee0042f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bca2f9dc1c322ba542baf4d85019bc1ee9146d068e4b7065fcd9f7b6273e751 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_power/data.npy new file mode 100644 index 000000000..89c85a584 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02f4527abdf58276df3cfb8cfdf57f0864a29b28b87b2d1430ba1c69bc43ea68 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..3c9de9dda --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80c8d8095162786682cbf9712c9703d87e03fc7d6ab98bf79bf306fe128ac29b +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/attributes.yaml new file mode 100644 index 000000000..92510fa6a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.053759250119787584 +sample_rate: 1000.0 +power_score: -0.04217294649879824 +action: 1833-260619-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_freq/data.npy new file mode 100644 index 000000000..a054f5d12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6d46d92a3fd1f9b6cbab312e9f72d8d44b667873d1c3ed7ab0ca5b5160d784 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_power/data.npy new file mode 100644 index 000000000..b2562665c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2949fdb504e12c60dfba8cdf40bd6d8f2a2b7ebaccbe07d42e85fa1ba488c8db +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_freq/data.npy new file mode 100644 index 000000000..5665c73de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87695fb6d64f4a8958e18c1374a8515dd5e39523d46117fa0d359157c8df7318 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_power/data.npy new file mode 100644 index 000000000..c9f14cc1c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e18417d28689b9d6dfdce40e3e9cbce506bc85fb8db745b884133d2730178ed3 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..09444ee65 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdcf4dce9138e623fbe5502522f784db9c24fb77ff2eb74cb21bed479496d3c3 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/attributes.yaml new file mode 100644 index 000000000..0f7a97831 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05653219895938895 +sample_rate: 1000.0 +power_score: 0.34843341879716927 +action: 1833-260619-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_freq/data.npy new file mode 100644 index 000000000..dd6ce0657 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e317f7ae3c589d2258ba00c9168d343fe72f929d2418e7fbcce1063217e1fb13 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_power/data.npy new file mode 100644 index 000000000..f497ce973 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e81ff151f72162a9b3813705453e03fd342d0d5565d64595d7346fa6732aa71 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_freq/data.npy new file mode 100644 index 000000000..7158e399f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a9a90c675cceaf2dedad60060d7be00991770d6cd9f9facd4361057de8a208f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_power/data.npy new file mode 100644 index 000000000..601df544e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:515521ae0fe5c492d88761751321fd003785e4666b846665f46d721ac41e969f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..0f63b6b68 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dd6814e6317beb3a89cb59f2dedea79b32343778a19ed0f51ced4ea1aa50d17 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/attributes.yaml new file mode 100644 index 000000000..dc00c58d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.028981332153997643 +sample_rate: 1000.0 +power_score: -0.046529352753800345 +action: 1833-260619-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_freq/data.npy new file mode 100644 index 000000000..d16fb74e8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fdb7ec8e522877559f75585a5295e9db1dc41cc69b0b2e4e89a0988860f9391 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_power/data.npy new file mode 100644 index 000000000..b7c78c81f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c50441cc22abd2fb5c1c3e0d92559131c8dc497f9dfba37563e1f48d699dd1bd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_freq/data.npy new file mode 100644 index 000000000..2de751fc0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3f853979c226040523e1a392ee564af525cb7f1bc4e9108f5c0c50ed1f79367 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_power/data.npy new file mode 100644 index 000000000..d6a04395d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0829b66b3463ff757bd2b0f971703af10fa3ec24495eb1c4b86e0ca79e13565a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..b56073486 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9528dfb72a44e8ac35ea1e42edbca0c3837678c947e49ffb1607748dda83bd72 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/attributes.yaml new file mode 100644 index 000000000..f1a79f1db --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.06346592201658992 +sample_rate: 1000.0 +power_score: 0.04210607648432311 +action: 1833-260619-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_freq/data.npy new file mode 100644 index 000000000..b0be444a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6f78a9a395f25a59d7df28f5525d2ac7c70aa3bbe8b882a32e8d7e073e62a0a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_power/data.npy new file mode 100644 index 000000000..57f0140d3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:865a85ae46dd58a6c15782964d0fc05d5b335b80831d137753310302ee763234 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_freq/data.npy new file mode 100644 index 000000000..b87ddad49 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:deb7220696b84f6f4d994fd8a1bf59fb39d980b3680d89048e9910d4167792aa +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_power/data.npy new file mode 100644 index 000000000..dc1fd7aa3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ae78a2cbc314057e275e28c204f0f7e315332870a749bc4b9edda51710cf343 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..98f25a9ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8e1ea8d217dfbe0c8416094343f9246e8e72ff61efb60d72f49a799192986c0 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/attributes.yaml new file mode 100644 index 000000000..4680543c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0043388960673496875 +sample_rate: 1000.0 +power_score: -0.04147343096975026 +action: 1833-260619-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_freq/data.npy new file mode 100644 index 000000000..852bb7b9b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a0e18d21a51358b02110bf5ce42a2c1d5f9819c4464b17513f345106a82f304 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_power/data.npy new file mode 100644 index 000000000..62492aa9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27375bd3bd020f2dbf41166aab299b55fba45ce4dd3f43c90e55d81e69e02427 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_freq/data.npy new file mode 100644 index 000000000..a7f34fe2e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85aadd6096ebe29b0b93143636e433a9d87bd9f5b7569a2cd6c84b5d3486c4bc +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_power/data.npy new file mode 100644 index 000000000..ef8cbbf86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:804d6baa5da28ec05469359e7eb1b4f38de450f5acd3f46695a8db91d42de807 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..6b99351ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7343924751feab46ab65027332e7f857e3970d95a3ed1e888aa42a9ad14a0f68 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/attributes.yaml new file mode 100644 index 000000000..648ce86ed --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08153510684958079 +sample_rate: 1000.0 +power_score: -0.01306688822606398 +action: 1833-260619-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_freq/data.npy new file mode 100644 index 000000000..31e9794bf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8546cd4e73feb280343ae5eadae270d09753b4b1623e9719c2a3212ce511dfc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_power/data.npy new file mode 100644 index 000000000..2ff12a6bd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ef54502cb6ae8df7e7968f660ec39b8751949b5a94d58d144a091427920116f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed/data.npy new file mode 100644 index 000000000..dd6f8b19b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6e4dada7278748f2f2f6cdf0403690516e431bda6bab168fd0bf5d6837e095 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_freq/data.npy new file mode 100644 index 000000000..20b2d6b28 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b540eb7d05facd2ba749250a5078489eeed7e344038abee14681ba0e26164ea +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_power/data.npy new file mode 100644 index 000000000..e47bb8e3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9cf73351dab0a39682cc2b5b05971e1ce7f92ef9845e83d6ee8c47295422763 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..c02751166 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21e07ff5bd3c95e5056bae0f4bb2d2578a1107e6c44e988f992eb8e885440349 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..e4e33f51f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40e0bc3a9c19e966d2f948e7e56d2fc767530a42dd317bef7fe3c827cb157257 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/attributes.yaml new file mode 100644 index 000000000..90feb024a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.036589755011010056 +sample_rate: 1000.0 +power_score: 0.10718750609700199 +action: 1833-260619-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_freq/data.npy new file mode 100644 index 000000000..5cad57072 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93171daaafc9f186e5363b14e14f8de00be5fae01a95658d999c25f536b8168c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_power/data.npy new file mode 100644 index 000000000..1df9bfe86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1c12b52a70c3134c1e4c7a78ed6c8ce9a2301b0e483ea6dbbb29df30d1928f4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_freq/data.npy new file mode 100644 index 000000000..3b213de61 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aecaf5a21de41b1fe2c48ad947168c2484000454bc9daeddc0d4bab3e4d5bf8e +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_power/data.npy new file mode 100644 index 000000000..ce2cdea5d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73760f2b44efec0bd71f4c702f8b1b029b268c8817234ef2b68902afacb08b52 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..9b22dfcac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adbbe0ee2d879c4a249b8953013080bceee7241043e2a4a70cdbff5a3b93e6a4 +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/attributes.yaml new file mode 100644 index 000000000..495b268a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0723509543788574 +sample_rate: 1000.0 +power_score: -0.06129171421638691 +action: 1833-260619-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_freq/data.npy new file mode 100644 index 000000000..54415b42d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c1b9da20ed40e6527ce7f28f578a5bdebbd3d7e9731d438f4ea18512cb4143f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_power/data.npy new file mode 100644 index 000000000..97f295529 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36ca688f6581d83ae623f397a06b46b867565479e7118d0a9e26184c37ec6a83 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_freq/data.npy new file mode 100644 index 000000000..3b9993e08 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46ea2bf4b6cc07f86736d7376784c1cc926d85535bc4a1c6bd5fcad7774f5783 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_power/data.npy new file mode 100644 index 000000000..de64b94b2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8a6d9e3722737409a34e30afeb13550c5648005431ad139047a15a63761c8d7 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..47860bd54 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90cde16f49be2221618e10ef4fee063bd5eb3c310fc7093caf515363490518ee +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/attributes.yaml new file mode 100644 index 000000000..7c9f88e40 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.006584613121251396 +sample_rate: 1000.0 +power_score: -0.06944372510389633 +action: 1833-260619-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_freq/data.npy new file mode 100644 index 000000000..3eaebc6d5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c7fad7877ce313a7bc047592a52eafdb6f74576287515701a667b1e57dc3d81 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_power/data.npy new file mode 100644 index 000000000..1ab3d01bc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:536d5f3974a7244245d8c1f95211fd76cc14ee1cf41ffb4ffaff26aab3a2a265 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_freq/data.npy new file mode 100644 index 000000000..fec35dfb3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b9e4f116b13fb6e947f622824dec5fe4a44f6f8b31f0eca88c19ef3b215ae7a +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_power/data.npy new file mode 100644 index 000000000..d2ef876c6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e02ecdab57672399c71ffb4067a57a057db86ee92489865233456a5330003b53 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..805538d2f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0bb5af2c122c3b027a11695fd4edf61489cfe832f0dd8ee95dfdbce020d7acf +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/attributes.yaml new file mode 100644 index 000000000..590c3a6d5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.035480212739793425 +sample_rate: 1000.0 +power_score: 0.047171234830630446 +action: 1833-260619-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_freq/data.npy new file mode 100644 index 000000000..70c94b901 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c57087ab946cffbf46b84ceebfb495f613f8b6342f79274fa94f508ae7022e65 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_power/data.npy new file mode 100644 index 000000000..271c14faf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebfee01505e5ca7c189592d2cb414fc6c5e7578e915332a4bbeb675fd8ebb595 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_freq/data.npy new file mode 100644 index 000000000..bdbf775b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2465b853ddb4244f62a08a95582eceb59f25e249fbd74254f7677b50f058847f +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_power/data.npy new file mode 100644 index 000000000..5fad66236 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aedff7241299a707c2ac1abda8675b9ba399fc4c12b5bd08b1460c7aea553873 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..27ebf85f1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8af3b018f2ad017fdf69c184f0ad30481febc933c8a7f0767fc9a6820803d733 +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/attributes.yaml new file mode 100644 index 000000000..af9a966ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02800543686071652 +sample_rate: 1000.0 +power_score: 0.01234403627900112 +action: 1833-260619-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_freq/data.npy new file mode 100644 index 000000000..94986c678 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d822235740dc277fbd771eebb5c3896735b7449a41f2eb78224cc8b2cd777163 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_power/data.npy new file mode 100644 index 000000000..9e357c4f6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0190965f4fda45d4f43359241f9397f91678bd8e2809f3e426ab20244c1af361 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_freq/data.npy new file mode 100644 index 000000000..dc5262a5e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:399fb0b315e2be6095cb836ac17f744f03273a6e1e262860ee1d52d4526b5fbf +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_power/data.npy new file mode 100644 index 000000000..e4a9de64c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92075b69a7016f7a800c9b3237ea602349b11164744eeaf8b8c066e52c03ce6b +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..83fe87cea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:815a2215715264211a8f90c820026e7ebe0b6985867487a444288c0ff181039a +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/attributes.yaml new file mode 100644 index 000000000..80acc1447 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.030227173662279453 +sample_rate: 1000.0 +power_score: 0.06359603932591193 +action: 1833-260619-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_freq/data.npy new file mode 100644 index 000000000..a02bb1ab3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b464788e3065581bbe3058a34f8eb10be21f5f3938a458b9dc82cad30bf8921c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_power/data.npy new file mode 100644 index 000000000..f0b4ec034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8b642f655634f0770036606c8b73db1db313a8fdfe3dff8f45bd0e06034b1ea +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_freq/data.npy new file mode 100644 index 000000000..fcaa254bb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49b0a56892e1a9b25d897115b553da1d0fda6fcb79e6ed7d43af557106b8e95a +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_power/data.npy new file mode 100644 index 000000000..1932c793b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3a5cb77bd3205e42a7e2790e2acc69d2c01b5b102cf021dce9126c503730564 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..66af4fb44 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7388a9d72272fbfe2f81a3e3500aa390e6d9d4ea0fe689da00985d2eed0d391b +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/attributes.yaml new file mode 100644 index 000000000..93680833b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.032777111801993934 +sample_rate: 1000.0 +power_score: 0.02905727107923412 +action: 1833-260619-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_freq/data.npy new file mode 100644 index 000000000..a0a6299d1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1851af9d6064cfb49799b6a2df5b9e379e1fbfb6dc6da1ea9f0e5b98e3835192 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_power/data.npy new file mode 100644 index 000000000..30d9d50f7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f16d5c92d94abb3eb8619ae55f8b1b6a2a67d5a08007adb3ae9d9e754877d93 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_freq/data.npy new file mode 100644 index 000000000..9409379b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28f0546f4732cbfa79b8aa6de9c483e0dd2393cfccaffb616b4fa79989781caf +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_power/data.npy new file mode 100644 index 000000000..8ef9b3bdc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c7576a894b35bb2fe77b71a4ad0a6175db2b795a418df466e02e8b39d762ed5 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..59f547333 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4748f8a79bed19fc6c72ee881db12baf61ef64cef916122a87b4d83422e4caec +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/attributes.yaml new file mode 100644 index 000000000..c8ed1d513 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.035321085229579996 +sample_rate: 1000.0 +power_score: 0.11942404634075159 +action: 1833-260619-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_freq/data.npy new file mode 100644 index 000000000..3991cd087 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79f2cc5dfcb3dca4ee2c6213a2250d0c2070847f22915eb77ae701274d4394d1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_power/data.npy new file mode 100644 index 000000000..527c603c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc91eeb3a4e544a9fb4034b282ba151b93d1d71091a68dd353e0990ff489e99b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed/data.npy new file mode 100644 index 000000000..43edcf063 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf482455dd6de406bc9c1b55dcd71b1f2e4811cddce1e01c2c7f75dab2f1246 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_freq/data.npy new file mode 100644 index 000000000..f3dae5df0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:354ae64dc76980d27b0034c79879e35c871fe984b5c3b76b6d35d3072cced282 +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_power/data.npy new file mode 100644 index 000000000..b48796331 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbb3c72a6a31ed08b975e8525f2711615e8fc44f2e7867d4e6e0e781a2c7d3bf +size 5699528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..2337b157a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6ad8e46641538c6ed0530b40730dd70d4f2c8da469a8b3d8c84a0198afb37c +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..d3c3adaea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79c8882f65db4740317b8f045edb01acd913f509ed30c584f3c77502c7e4bea1 +size 227976128 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-260619-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/attributes.yaml new file mode 100644 index 000000000..b8a167ac8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02694784971456723 +sample_rate: 1000.0 +power_score: -0.2390100176548205 +action: 1833-290519-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_freq/data.npy new file mode 100644 index 000000000..ac26da50e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0cb387f2c25db66d6a3104cda2806b81b7907049c75473dd51e22d158180af0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_power/data.npy new file mode 100644 index 000000000..8766c3e67 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9bfe3fc9e95b65143e91caf0593fdabe9eb55e85ca21dae7be76ff3cc2a3b79 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_freq/data.npy new file mode 100644 index 000000000..b8b3b653b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea15c6b32fdbf2fbbb2dabd84eb94ac06b06efbb6349a3a8d033a0f33a44b8ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_power/data.npy new file mode 100644 index 000000000..9aef69d2b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e30ac33c94dd9cf120aa6de3cbcc4c3b634891683032b8e9cc6640e8ad95ff8 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..d4f7d8af2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ce22345b6dea9713dd18b1918771dee6d6ed4a7a067a95d2f0382bbe39e2982 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/attributes.yaml new file mode 100644 index 000000000..069cb4f7b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.06904868321644292 +sample_rate: 1000.0 +power_score: -0.18973135307789113 +action: 1833-290519-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_freq/data.npy new file mode 100644 index 000000000..35f941fbf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46619c378fb18ed4c9479b35574f5681ca49184039273dde375dfd1f0d4856e4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_power/data.npy new file mode 100644 index 000000000..279bfbead --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04286d7a6ec92f1a09f58e05d79462cedece368ef9344d5d3a2ccc766580f32c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_freq/data.npy new file mode 100644 index 000000000..f76090ad0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:291d5bdf690d1bcd1e08cf0c73b7f65aa0ab4b2dad5a67dd7dd4a7cb32e0e78a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_power/data.npy new file mode 100644 index 000000000..f6aeae50b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a3373d1adfd7e514a2f1277d0ffa3fa6ab68aefdcdf8afd89f8261f284ea877 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..ce27d8d79 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:586015f3ffe42a34eb71801619b720c7051000c84e804089cbd26c7a917f5d55 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/attributes.yaml new file mode 100644 index 000000000..46e1aaba2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.022488882726947126 +sample_rate: 1000.0 +power_score: 0.06831813787771539 +action: 1833-290519-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_freq/data.npy new file mode 100644 index 000000000..e8f9f3459 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:792918165eac430eb1e14bf95984e8d6249594a6f6324f543c8f46cbae5a86ff +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_power/data.npy new file mode 100644 index 000000000..64855d38f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f11959b2f1a8b08c6c84684a0550dbeb4d26362f7e609453954eb70ef9746f78 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_freq/data.npy new file mode 100644 index 000000000..92cdafdc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cea32938ca12270f63bb09eaa428c5bd3289b2a1d230ed456ed49d47d73208e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_power/data.npy new file mode 100644 index 000000000..9578f120f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fbf253d11bb948b787e804d94751853a2d4f0171189020b63e6d78ecd2f3a07 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..911a1cf21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43395f7ca0d032dfbd71f59c22a37f16ffcde897cdc4e118d823a3e02a961b47 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/attributes.yaml new file mode 100644 index 000000000..d04faceb3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.17549151564059906 +sample_rate: 1000.0 +power_score: -0.36612470606704717 +action: 1833-290519-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_freq/data.npy new file mode 100644 index 000000000..15a257e11 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f94ba777e247a445db154a7817b7cefd3f5553405c2eefe3f0ce87eaa0b4b848 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_power/data.npy new file mode 100644 index 000000000..c957bcd25 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f978910c19a575e4c1270bb65b7a3f5c83613888fd5d3797162770c8ee6ac543 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_freq/data.npy new file mode 100644 index 000000000..5eaedbd35 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9bcb41c8f102f9fafb99424f3591201e5846c1f9b49391dcfdfed04a40d2986 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_power/data.npy new file mode 100644 index 000000000..5d4af4865 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8244c7acdc6506b70046891a940ee808eb5ce6f8bac99c95c09029ee43759fa4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..42b90385d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:408f08a053917c451c8ef2a5df85f64458339eb6ab63170a995e966893ee7d1d +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/attributes.yaml new file mode 100644 index 000000000..b41cfd617 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.029523181292829544 +sample_rate: 1000.0 +power_score: 2.2305183543916903e-05 +action: 1833-290519-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_freq/data.npy new file mode 100644 index 000000000..8c1544d28 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f92cfd1c2cf723c06b1da783197391d18848dc15e867b423b8c4e45de00ba155 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_power/data.npy new file mode 100644 index 000000000..0d28fd824 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f843ca355b415163c25e17734368224ce6cfe7f95f75c6469771ed3dd4e3550 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_freq/data.npy new file mode 100644 index 000000000..69e8cae9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3d609fc3a607fe0bf1d5284b039d5595f07a27d914348d860d0d8995e947655 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_power/data.npy new file mode 100644 index 000000000..9e06e08f4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f78281a1ca69b149f3ac2a9438950570b82e59ff4fb9e1080734ed4e892df77 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..3b0648fdc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a1d15e02f22646e926f8d124acbdede51b596b7a516617db146e872cff88b42 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/attributes.yaml new file mode 100644 index 000000000..a4ab00858 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.013602515726031071 +sample_rate: 1000.0 +power_score: 0.05874743861100616 +action: 1833-290519-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_freq/data.npy new file mode 100644 index 000000000..71079977d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4040cb834be596c867e93f2710902b294e786d6b06fc6865f36570942e45517 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_power/data.npy new file mode 100644 index 000000000..a5b64b1ec --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1e3ca989b7371c473baae45427f83d83984226db3d0eae9cd214d7c74a897a1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_freq/data.npy new file mode 100644 index 000000000..1afeed5a3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bdf27eeb8f86a3a994fbcad25f8550067f2ae0c8c2bf147530754d82796e438 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_power/data.npy new file mode 100644 index 000000000..4aba17d30 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de37dfdf61a94b66331374dda56a4ee67732b5e44c37039a9f828cb5921d2135 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..1b1ba8c0f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40202eb406003938f268fea9309bb1a35b82202937d5b9155230d522d9cf5f45 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/attributes.yaml new file mode 100644 index 000000000..6a3b6b754 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.00650472787920803 +sample_rate: 1000.0 +power_score: -0.10649357276436162 +action: 1833-290519-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_freq/data.npy new file mode 100644 index 000000000..728660853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:531977e740ccc5d1cd1dab62b02069d6a8b947fe3bc5a2c4c4d4ab2f64b50c98 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_power/data.npy new file mode 100644 index 000000000..21891a3a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eae71972a8602111b55f0784a2677a75a8db5255e6a9e463a42ffb32c0a9e84d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_freq/data.npy new file mode 100644 index 000000000..b81d3bf3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a97a0b9eb885f7e2c411063990d97ffdbb75817084947941a6cbbf5c650b32ee +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_power/data.npy new file mode 100644 index 000000000..9ff260c0c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbcaf45027a61df5303cf5ed896a1abd75f4f5683677de104030b55ca6344222 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..b705dda99 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52d251840693bc0236614df92e212085037ab076f2b6c983bffd4bbb07cfd2da +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/attributes.yaml new file mode 100644 index 000000000..cdcb0c837 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0573048746121449 +sample_rate: 1000.0 +power_score: -0.13077235169152393 +action: 1833-290519-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_freq/data.npy new file mode 100644 index 000000000..f9fa1917b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c0edf6117b07de935f2dde09bd1ba092437326fa21af93a5fdee0fa1f55622a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_power/data.npy new file mode 100644 index 000000000..59119c80a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82dd013bcd3700ccd58cbea0e0835cb6d59444f7399bddb6526082cbb495627b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed/data.npy new file mode 100644 index 000000000..f4d12ab09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cd54d96e5e8470805e1e9359dfc39d5d9cfc702457da1e12c554bf401bd7ac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_freq/data.npy new file mode 100644 index 000000000..0e893abfd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abd90f69cd112e1cd81cce24312b980f60dd4ff40c45bfd3517b03f1c789a1bc +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_power/data.npy new file mode 100644 index 000000000..7235f6518 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b2b2479a1e0f1f18de4926accf2bc1a644f8c2a037171fd25821427b0d48169 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..4981c8544 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7201b1958c22d62779af88d5cacd60adfd3d9c72982988218c214b528bd90dd5 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/attributes.yaml new file mode 100644 index 000000000..23155b2cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.017783576926190935 +sample_rate: 1000.0 +power_score: -0.02895978151129989 +action: 1833-290519-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_freq/data.npy new file mode 100644 index 000000000..4749cc6b6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:999360127928fa4e64fc86e6dd0d8cd4773b794559e382e1e4ab691b00c21091 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_power/data.npy new file mode 100644 index 000000000..a0b2778b0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f139ce84237435addcef92186efabe884db51807bfbcb03b2c9a7838b24113dd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_freq/data.npy new file mode 100644 index 000000000..05c3300cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8217ea734a85cfd166742b32d92e6c55bc5f906e61527031d9710f8c59fe4a92 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_power/data.npy new file mode 100644 index 000000000..f838acb82 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8aa58e10a2b5d5a35a81cc75d202a9f30527eeb1f703e576db5dc9d876feb64 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..87ef7cc10 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfedb42f0702f99d65d7601d6c92815b0f141fb35428388ae22ebc702cda3737 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/attributes.yaml new file mode 100644 index 000000000..765856278 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.02591265167528178 +sample_rate: 1000.0 +power_score: -0.01080061887008344 +action: 1833-290519-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_freq/data.npy new file mode 100644 index 000000000..6c5e93bf7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d52a5830451cd251d9081abcc6ac62f298fa9a11befb7268eace0ed2f3ddd2f9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_power/data.npy new file mode 100644 index 000000000..9c8fa39cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8919d10de69700e06cde6172ce0bf3cd85bac73200f8036d729babf7215c2c6c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_freq/data.npy new file mode 100644 index 000000000..d66630383 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:930b4437c47004ef7e8936618b029040d5696c700de38aab3a6ee5dc4ae200aa +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_power/data.npy new file mode 100644 index 000000000..4015287db --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41071574a17a0df3f9cda42efac93c1475ed988d914f478d26215e99afc1db6a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..082bd5738 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f68df31ea47f0c0b2ad416ce9ed2a83682a269efb95a92c4082c9ab2f612213 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/attributes.yaml new file mode 100644 index 000000000..850334102 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03519199693705496 +sample_rate: 1000.0 +power_score: -0.2061718696822352 +action: 1833-290519-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_freq/data.npy new file mode 100644 index 000000000..2883232d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e99be93c08f22876d2a62340e0b89f53329b039408a115ee4c93a3a07eb9a2a4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_power/data.npy new file mode 100644 index 000000000..5b02035e5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a59836e26a2457d2bc556f98b421e3d5904e6122ea22b474503892d6ea49fa68 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_freq/data.npy new file mode 100644 index 000000000..e9f862be8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7088bed85b13a645fe1254b970c3b573114a77555157b9b9a59d2345d74c5599 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_power/data.npy new file mode 100644 index 000000000..0e1f90f44 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0da402a3e1ec5e11f7d94cf333c9ca100c6bb6c9ca039f47f25ae64a8de4d12 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..441e1cbac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c16c636c60dfa17733feff6559c5c692c20ce83396927228886db8fc3a84f276 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/attributes.yaml new file mode 100644 index 000000000..62a67d9a1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03519583450377512 +sample_rate: 1000.0 +power_score: 0.007839797833870971 +action: 1833-290519-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_freq/data.npy new file mode 100644 index 000000000..f71fb69cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50daf5b4bee73ce7965c555f9c1dac13efaadc8f75e4b66ad499004ba241b89e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_power/data.npy new file mode 100644 index 000000000..834c9d38b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06d631248d6544f3a1a1a7f6dab1e067d4d3c13a383aff8c654d75a8e4c97d4e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_freq/data.npy new file mode 100644 index 000000000..1d661f801 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ca64dd8b2f2e664c3aaca7bac4263f2a26456456398eab5dcc82599b9aee805 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_power/data.npy new file mode 100644 index 000000000..77e8344a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b998a5d7e43d4ea6c21e711fe2a66e4a990d476669b5d4767bac9ec5096365a1 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..100c1f6f6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a2001fc2418c0e43cecb29d625d9e5edbaa7a76e6413b5fef2aacd354b9cb5b +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/attributes.yaml new file mode 100644 index 000000000..c044b938b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.014020661901105092 +sample_rate: 1000.0 +power_score: -0.035417251238309924 +action: 1833-290519-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_freq/data.npy new file mode 100644 index 000000000..cc0ba5435 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:075d58fc9b16fd088b363cc003da27f66de49df1e704e19bf3affd77b2f9b706 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_power/data.npy new file mode 100644 index 000000000..33f6c35de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7995c80a9a12ecbb059cd2b2fc4dc21abb9e36fb392f5fc30d649122faca808f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_freq/data.npy new file mode 100644 index 000000000..4d88ad280 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83b07ed29bfd76d98ca801fc56380accfb85afab4061d50570ad0810da8d53c0 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_power/data.npy new file mode 100644 index 000000000..4e08a2f17 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15e237e64e49769ef19693402d4d67adcc1a15e1c63267d805f765c8ecf2594a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..acc80bd3e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57e9799b396e31b917f79c382f3c5599a6b479e45ece24bff1453327d3e0b989 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/attributes.yaml new file mode 100644 index 000000000..4615ebfd9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0019411513640816501 +sample_rate: 1000.0 +power_score: 0.008601804361050657 +action: 1833-290519-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_freq/data.npy new file mode 100644 index 000000000..3cfb0ec13 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddf7d849685c7d668df1dc2077fab07faff57befffd3e2bdf4af3dda9d22da9d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_power/data.npy new file mode 100644 index 000000000..6ddf681ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2df7a34473d0ad867ac722d52bd7636370f41ed8dfbea89a098fd8a3d14d0ec5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_freq/data.npy new file mode 100644 index 000000000..726588d4d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c19044de1530bb6824e8cea08d8a5bc3cc13b7553a74621ac09873463c79bebd +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_power/data.npy new file mode 100644 index 000000000..68ec92859 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd892df699ba0ea500e49b89ee046bfdfa6d75b5072fd3fea6b4972a2fb9f945 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..c5b672fc5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cedd047f4a06159e0645606d7796158c3eb8fa095d68e46aeeda4fb98b028923 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/attributes.yaml new file mode 100644 index 000000000..d25a1da14 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.003327427080760705 +sample_rate: 1000.0 +power_score: -0.22682152927566063 +action: 1833-290519-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_freq/data.npy new file mode 100644 index 000000000..f2bc7a67b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d3ebd90f62c40fe13b1767683423bf6b29544fcc59092cf9b5b1e67990eee47 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_power/data.npy new file mode 100644 index 000000000..3c62b9aef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a3da709ff720661dd848b4debffb5a25232eb2d78d95d7e5902e9c8a9a792d7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_freq/data.npy new file mode 100644 index 000000000..c69015b58 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:debbae6cfcda1d09e7657318527b62a423388cfacf6cdd777e0ec75d7a013061 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_power/data.npy new file mode 100644 index 000000000..a03eabbb1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7e7ad0663388b619819e3fbc3972fde00e3cc68538fbfd16468bf431acac345 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..49b33b9ae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:294a2cde2e92b7de7b31db57197a770c029782cbf43b54cf76d5434a8e2e7629 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/attributes.yaml new file mode 100644 index 000000000..ecec76b47 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.002995299347862527 +sample_rate: 1000.0 +power_score: -0.038955811673691595 +action: 1833-290519-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_freq/data.npy new file mode 100644 index 000000000..7bbbb757d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9eec7802ff29220654e168d665771889daede0700737171388477636d211124e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_power/data.npy new file mode 100644 index 000000000..06378788a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1783c59ded06b6434de3d451fc332d7e26230056c0f515b5e1908ff7c03da99 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed/data.npy new file mode 100644 index 000000000..250a04c15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1692787f3245020a5b511b3d0e5a60583aeae5023e7978d2d3dd37a459ac60 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_freq/data.npy new file mode 100644 index 000000000..067abe151 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2a492054b7730ae9b91f2cdf9b4ab96b0444a74001144700653a75a8cbc9ffb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_power/data.npy new file mode 100644 index 000000000..6afd6ff27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aac986ccd49f66d2deb55fa0e4e8ae45082d59882c0985472a5cd0bb2ed764b6 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..3b5639283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2c1626f63cd0c500b3a6d5e574dbc946c7b1a4ce9e0c1de5e647e5e7866589 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..fb23d17b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d668441a87345880a182ce9b0210c8e882d19b1b49e5e22822395d5609e32715 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1833-290519-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/attributes.yaml new file mode 100644 index 000000000..2343514cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.015319924328299058 +sample_rate: 1000.0 +power_score: 0.13947962151607768 +action: 1834-010319-3 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_freq/data.npy new file mode 100644 index 000000000..84e3b8176 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:982882395c69fc00c4b559979f5b8767b9d4b30a1faa2497114923fed6835822 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_power/data.npy new file mode 100644 index 000000000..49a16b5e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:055515947095cb68d610e7afee5b31a7b5871f40714f76e7f62d294a40b4bec7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_freq/data.npy new file mode 100644 index 000000000..db9035cdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c243dbcd05ec3aafbccc07b0a600ea87afa4c4507b368effb0e08da7a2981e85 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_power/data.npy new file mode 100644 index 000000000..658a81d64 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b78afbc75e81ecc57d50a5310c96eb74021945ed814a574289d327db1aad9d25 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_power/data.npy new file mode 100644 index 000000000..0a2afe580 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81ac3c145e1c1ceea48d280fd194fbcbdcd1f33cbb7b30409d107ea0bdf79655 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/attributes.yaml new file mode 100644 index 000000000..0bbdd0181 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.033613601973532005 +sample_rate: 1000.0 +power_score: -0.0824090694491016 +action: 1834-010319-3 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_freq/data.npy new file mode 100644 index 000000000..46f2ca06a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da898ba01a9e9b3b4faa9a62ca53ca4d29b112f7ab32cc40158ed8fc4c587a4b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_power/data.npy new file mode 100644 index 000000000..0fbcffac4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1e410cce6ed657dabef21ffa039807c4558bf7c76367a91c007c3ecb7da2596 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_freq/data.npy new file mode 100644 index 000000000..a9fdd16d5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a450ff531110e7680333b756865745e233c4d6bcf4d620b14e5d0a337fdf6d0 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_power/data.npy new file mode 100644 index 000000000..49ce2cb9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b53392727bb4bb12bc16c7ddc7e4b37cffe124904fd0526e4e73a7c3cf8f6289 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_power/data.npy new file mode 100644 index 000000000..41dee4b81 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82fdc3715e9cdf07004e611ce7ca326600f063706f75a569b10f647e57afc219 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/attributes.yaml new file mode 100644 index 000000000..001d0e005 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0033106125424291013 +sample_rate: 1000.0 +power_score: 0.0037689706444076687 +action: 1834-010319-3 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_freq/data.npy new file mode 100644 index 000000000..1e35b9036 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ce27791a3da7eac0f97d3f171a31bb723491ebeb29cdca56d3279a9f8cc65cd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_power/data.npy new file mode 100644 index 000000000..7b7c07bd7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d85d1bb29ecc4861cebc7bbe3a1083f1db16fc6d05a3ada8106250f64bbb3f36 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_freq/data.npy new file mode 100644 index 000000000..a763522cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8341affda652dc80b2f8427f8a0f69bb946ccb5aaa3c220eae916da5e05b3f56 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_power/data.npy new file mode 100644 index 000000000..a92b2c064 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84182c47d622c35dafe444cc13d819980f32769cfb908cced2f28e1fbc7beac1 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_power/data.npy new file mode 100644 index 000000000..abd718ae4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04c69353afe39b349d5e44be6e7579955fb947e56fefa51dde7d65a57b4f17c4 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/attributes.yaml new file mode 100644 index 000000000..8e6a08f44 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.03468997064705861 +sample_rate: 1000.0 +power_score: -0.043566580038277986 +action: 1834-010319-3 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_freq/data.npy new file mode 100644 index 000000000..34f5798a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63bdf30fb7a615f1ae58db590d34434c71a6425425378631df9187a60370a93e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_power/data.npy new file mode 100644 index 000000000..73125caa1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e452c29782e69d4cfc7347eb58de5e7497de6a01f2e66e94bc2cc403c0326b0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_freq/data.npy new file mode 100644 index 000000000..d14d28f98 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26710304610cc2f878f9d057013bde6d70704df457d3b9fbdd52b8bef17a5e1c +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_power/data.npy new file mode 100644 index 000000000..697b9e5a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b93c464c09388308199f51ff0561b5c76f6c78efede93979c671a19c9ac8ba6c +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_power/data.npy new file mode 100644 index 000000000..a69bc0f78 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:266338de21f65e84bc9ad757554b740999798b0cd8b8213e9e17817d0622ab2b +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/attributes.yaml new file mode 100644 index 000000000..fb35a5069 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.016689109057899096 +sample_rate: 1000.0 +power_score: -0.15304044014552443 +action: 1834-010319-3 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_freq/data.npy new file mode 100644 index 000000000..d809fff3d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f996a88e8c667fd8c810f28b9acee796408791ef431df3847cae8d065596431e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_power/data.npy new file mode 100644 index 000000000..b778947b2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec9cc6f6b793dfa558d568f9516d234d42e9c37cc1866019dadbedeb6e5b9b37 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_freq/data.npy new file mode 100644 index 000000000..5b8b683d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d3c24b83e0e17566eea63397a2853312991ed0b0e51aa2bf292a66d11f0bb31 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_power/data.npy new file mode 100644 index 000000000..b8e1b7da5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf6066c95a4e48989d0b66851ecbde68342064f7e0e12db0a166328803a85bb9 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_power/data.npy new file mode 100644 index 000000000..5e8e3f53c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55803dccb4cc54e456da3097ff77d0c3d9ccaac7c3b9fe9c46903b5d4c399d8b +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/attributes.yaml new file mode 100644 index 000000000..edbd067db --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04874502996921656 +sample_rate: 1000.0 +power_score: -0.03054047745364399 +action: 1834-010319-3 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_freq/data.npy new file mode 100644 index 000000000..d7e5ef7c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1c681c39cfe2b3760647d6b286c4778d513ba1e1db5359f5651ddaa414f60b9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_power/data.npy new file mode 100644 index 000000000..456056f66 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4e5f96dacabbb6a88e04a1a23b412bdc88ddd546173d19cbe5af2e2e8520224 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_freq/data.npy new file mode 100644 index 000000000..c08635820 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f94d9d3312a8aa52edf4d9151a38d9ced798f226ac7bea5face3adeb77cb17c8 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_power/data.npy new file mode 100644 index 000000000..c0bd307f4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ced29ca5bdef716835f7b2d129189539e3bc2501432ca50d79ce952e4f62f4a +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_power/data.npy new file mode 100644 index 000000000..a59c4f220 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73d37ff9fbae32498abcb297219342df541b09212cafa5a3f53596963e085a64 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/attributes.yaml new file mode 100644 index 000000000..737596ee3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.021540989459536218 +sample_rate: 1000.0 +power_score: 0.13647059821545546 +action: 1834-010319-3 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_freq/data.npy new file mode 100644 index 000000000..acf6e08fe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0071f41a8feab8cbfb4517b3dc7af9903c443fa51a729707fa116a768b4d502 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_power/data.npy new file mode 100644 index 000000000..fc9f7cb0b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:503e4575a6deaa39477bff85d9fa9813eb0c4cc075c80e91d03cd61e7d7ee73c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_freq/data.npy new file mode 100644 index 000000000..bc759e5d1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2be30d59ad500868f771cd4c36b51e4b9481068a57c631fe2b5341f62953d53c +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_power/data.npy new file mode 100644 index 000000000..0c3fcbc83 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfc0b5830d29a03ef3448ba3c88d1e5e6a24e404f708c21eda988ba3adc2f087 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_power/data.npy new file mode 100644 index 000000000..5eada4049 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74e23032e323d0054f23061a38eca9107aaa0d3204ceaa5374a2afa9d68aba82 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/attributes.yaml new file mode 100644 index 000000000..77a9ec3d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.1366644740816058 +sample_rate: 1000.0 +power_score: 0.11040382422581611 +action: 1834-010319-3 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_freq/data.npy new file mode 100644 index 000000000..b196644cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a623d1a56d99360f445b2b59f28943235802091ab55d4ef41f3e12cc10efc5ef +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_power/data.npy new file mode 100644 index 000000000..9d73ed878 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d55b61ed5f8e9c93ba4ad9d21df9e5c010ab4ed7fb06b5195557cf7c380425d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed/data.npy new file mode 100644 index 000000000..754b02e12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d05f536124865115e7e7814b73e84a1a5c9df732f036c9adbec19af7236b4d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_freq/data.npy new file mode 100644 index 000000000..aa5ed5a5e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06614b40b5283152058eed4a6dfcaee90977388418c941e4bb67e1497a350ae7 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_power/data.npy new file mode 100644 index 000000000..0143a3005 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e341e02d41941078f8ba199e4a5d566e1b0e0f9677cd2f498300201aedf66cb8 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..5f82dd02f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf72dfdd92adc7ab056987816f1e5cb1fe07d4c5fe588717ffbba0f27531b6d +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_power/data.npy new file mode 100644 index 000000000..634337a86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9d15bfba5759d7b8ce4d89327622f7a9e70db752cc238f615a3a94664668a12 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-3-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/attributes.yaml new file mode 100644 index 000000000..515e2d060 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04955899445284211 +sample_rate: 1000.0 +power_score: 0.15106962530399906 +action: 1834-010319-5 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_freq/data.npy new file mode 100644 index 000000000..b12394c18 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be1a5580c4b66c37a2c75c8714db3a4722487acdf5f6c9604316922628a54ab6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_power/data.npy new file mode 100644 index 000000000..df3012d05 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7d86cad20b300abeda02434c9ec69e33e577b1290c59b653c5edf07a38cef5c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_freq/data.npy new file mode 100644 index 000000000..04e67fec5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6161e57748239ddd2647a3876a44613cd35c445dd37fa453179f974e336a8f8 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_power/data.npy new file mode 100644 index 000000000..33fb89b53 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b16d22c95aee5ec35852aed21d0b15da07e0d4581b37a051883a09ddb5f392db +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_power/data.npy new file mode 100644 index 000000000..84568c7bf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7964265bf5bad7eba9005f8ae5909e56ab960d065ecb8eceebb726f3f5e1f23 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/attributes.yaml new file mode 100644 index 000000000..52d317ed2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.013584471860657902 +sample_rate: 1000.0 +power_score: 0.14340696580165846 +action: 1834-010319-5 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_freq/data.npy new file mode 100644 index 000000000..675a21221 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3c069c74d99afc0d7dd89fcba822709752e1fe412aff97b60325e8f5a0288dd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_power/data.npy new file mode 100644 index 000000000..fef7df61a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cb44e7b216f86124b5447bf7be3ef5ccf255ad756e169ddff394a696ea3ad3d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_freq/data.npy new file mode 100644 index 000000000..0c5a6439f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30d5ff0fa42ec339e94e7b5bce88bef7a743b0989724bbbc75fea3b2ed8a4fcb +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_power/data.npy new file mode 100644 index 000000000..daffdd1b9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ec0b8d75268a326c3d6f204a16f4e54def5d382d57f9a76c2081e6d13a325ac +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_power/data.npy new file mode 100644 index 000000000..f7c956511 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6bcef0fdf9d63e246ad56d3ac14394bc9d12a5b423cc9128a074e4cd3b157d9 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/attributes.yaml new file mode 100644 index 000000000..e4ce56768 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0518440507262657 +sample_rate: 1000.0 +power_score: 0.1100177345956217 +action: 1834-010319-5 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_freq/data.npy new file mode 100644 index 000000000..6d5a6ddf8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20efcd4288774d4ba1d7da44c836bdb9238ca8f9b7c428072e9db802dbdc514f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_power/data.npy new file mode 100644 index 000000000..6fee52e53 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48ec19e2258bc414f00d6a5fb1cf4ae12d7921d7de769cc95c2dfac5cacda7ef +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_freq/data.npy new file mode 100644 index 000000000..151b3041a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b8b00bae0d6d0e8f272c90cbc001f6ddb11dfa7331bb46b1b7caae2c7174da9 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_power/data.npy new file mode 100644 index 000000000..10f1c7ff8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2d14c473219480e79b42e50bf9990dfae113427581c16b9d1ebf6fab80c8d0a +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_power/data.npy new file mode 100644 index 000000000..bd235c889 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe175b8f7a51889f79ad0b9526245ae6e2e8c994b7c988a83917e1debc239903 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/attributes.yaml new file mode 100644 index 000000000..43cdd1269 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0042879383841121724 +sample_rate: 1000.0 +power_score: 0.07854209337471828 +action: 1834-010319-5 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_freq/data.npy new file mode 100644 index 000000000..0d420ee85 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8dd053af28ea6d0c233d6d9fa9a41ab71bce9e8b1a1d4f428c76180c6a217c9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_power/data.npy new file mode 100644 index 000000000..49c0d1952 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2617f2860030422ee4e43f8544b68d76f47b61f39f819c04c25dadfaa2a69f6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_freq/data.npy new file mode 100644 index 000000000..2b6e8791d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd9a966d6559ba7ac8eccfc9f16e21a894550fdcdedbb5ffb1db6b0585fecd66 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_power/data.npy new file mode 100644 index 000000000..644a1480f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aeb3deb17f7199f1df755b284b7441ae4364909d624079d6452377d4b0b00d4e +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_power/data.npy new file mode 100644 index 000000000..82b6537da --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3551c20f72f684ba36a181541a52d88609f6639bb55738ef8fac27ec3d207fa7 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/attributes.yaml new file mode 100644 index 000000000..b40005c8c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.019830226182999757 +sample_rate: 1000.0 +power_score: 0.0562403099315852 +action: 1834-010319-5 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_freq/data.npy new file mode 100644 index 000000000..5a4417968 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adbf57876ff3a112608f9ead93b1dd7a3c00e59af128a13327bc491bff93c6a9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_power/data.npy new file mode 100644 index 000000000..bc7da5dbc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44c858dc83e2c9917c35e4947eac9df0e11e9bb66db4405ec8670aa90c7c68b0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_freq/data.npy new file mode 100644 index 000000000..4f6489ca3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ddc43778351860f5ff78091665c60965c25c3cc009b6fbd0432c0b05656f3f7 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_power/data.npy new file mode 100644 index 000000000..52a8ffb2b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9edbbbf78843caa4522cd487ce965d13166f522fb8e05984903aafebcb56640 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_power/data.npy new file mode 100644 index 000000000..ee0fb738c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5842657ef1bbbda7c2c88894ac62cb53bc242f8e1f66da975445bd306e79c0d6 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/attributes.yaml new file mode 100644 index 000000000..be36a5b3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.018195156073906607 +sample_rate: 1000.0 +power_score: -0.04261871057955497 +action: 1834-010319-5 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_freq/data.npy new file mode 100644 index 000000000..129320514 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dfd5dbe9f32624c2abf4b99da4656c9b6cb7a4f7683a66709ba3c410af5cc75 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_power/data.npy new file mode 100644 index 000000000..56f4e262b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f3328f2844eb7250bd3066281e2ca60b6dd7c69cf5dd8857b996cfe8e301db5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_freq/data.npy new file mode 100644 index 000000000..76498f4a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76c8133ebb73fc3d1052bf60701fc6f1fd5ec39e39e6cc462b8477851d892840 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_power/data.npy new file mode 100644 index 000000000..cc39b86f6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:505d511114562510b63288f881341393a9abc9ff715a6ab48f5a420500efbbdd +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_power/data.npy new file mode 100644 index 000000000..f7c50e878 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:272266c4736d9efdbdf2b4e8b51c7fab62911223372e8c4197e837bc13574c0c +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/attributes.yaml new file mode 100644 index 000000000..43bea3505 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.008298506556923891 +sample_rate: 1000.0 +power_score: 0.20958138672303867 +action: 1834-010319-5 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_freq/data.npy new file mode 100644 index 000000000..3376b12ed --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38c51b67a8299a0fe51a777c34a79fa04fb797ba34ecd7c1e040e88266928c9f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_power/data.npy new file mode 100644 index 000000000..70fb325c9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8d98fe51cb06269567e3aa698c0aba9d229bba1b2299247e5d03f5cbe3dbe82 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_freq/data.npy new file mode 100644 index 000000000..82a3d1a04 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b9c046cf2a2eb5fc200c876e48873c961c054ec52efdb011e84f60556e8eb0e +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_power/data.npy new file mode 100644 index 000000000..7164ba252 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93902f4048b4a9089c36577a3148319ca7122759e635066cecbb7988ca4a35f1 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_power/data.npy new file mode 100644 index 000000000..e5fc31857 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66c1a81001bc56e26032d08e0d40cb8deebe0213113cbeb3033765b324c96462 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/attributes.yaml new file mode 100644 index 000000000..6f733647d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.004014744389019523 +sample_rate: 1000.0 +power_score: 0.237352120639524 +action: 1834-010319-5 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_freq/data.npy new file mode 100644 index 000000000..9ee5e5095 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f4970472e8c1f0fc12ddbcbbc038cdcf0f2513d41207286455aeb40c4f0e63d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_power/data.npy new file mode 100644 index 000000000..d2689641c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de79e6f1319bf43baa5cb1ea4827b5e9279a0798587230a224274777b1c09b6a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed/data.npy new file mode 100644 index 000000000..bdb0ac763 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6106c8422629d6fec6177df25f71f24caf0a43a16eb60dd96524d8385ab97f3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_freq/data.npy new file mode 100644 index 000000000..2c1f42d26 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eea18d05f1bcaa3b5969ed1e0fe654d1cb25cb8db987971158511172429d7980 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_power/data.npy new file mode 100644 index 000000000..7db2fd503 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0872b7361c0d227da2cebab5901f9e1ef70cec95f8fcdf3f39fba5ed5359d4d9 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..69c67563b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b065e212a493efe08e4896f30f8f7f8fec21a12bbe7d8bc537e64d1de969847e +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_power/data.npy new file mode 100644 index 000000000..e4ea70803 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e770a39292f4cf8e1022d8566930be490aad72a4fb314b92f04d6019aac0f89f +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-010319-5-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/attributes.yaml new file mode 100644 index 000000000..a08e26c74 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.1185397297041283 +sample_rate: 1000.0 +power_score: -0.053398437467395705 +action: 1834-060319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..f504b5ae0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71519ca026ac809caa5fd09d637d0be4c9c57512da8f5e2e6cd9cd21b9d03540 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_power/data.npy new file mode 100644 index 000000000..f23492f65 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5061297cc22e4f2b4e1ed7824e2ac3f46b659db6a43c5c7e9f81a7015273497 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..2cdb0cb11 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f34aa0f2d6bce19443490f090c44bdeeaa616d5f45cac4c02f9ece76821b141b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_power/data.npy new file mode 100644 index 000000000..5c7b03b72 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:409077e96ce8d23bad02a807fa7e8d3a9ca0bfe582059c445eb1b1e3f4323d3c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..719fa740e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:781fd99d9c666918cd36243845bf8596e07f0ed7fef711b81f91bd4c963b39b9 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/attributes.yaml new file mode 100644 index 000000000..29cbd7cef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03600282554230704 +sample_rate: 1000.0 +power_score: 0.0914743816306396 +action: 1834-060319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..4bad03377 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:facc6a46523117822d35a239da5bb51d82c84d2728456ca4b8abe8d8568f97b9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_power/data.npy new file mode 100644 index 000000000..16f770c04 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bcb64a4c72110eccc8ff6a69aeb5edf86fda90e62b7b89f9341b033814e3919 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..2678700ea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03be19659d9632a46f5f37e2b5e05e0486f9cd00dc1c4309ed8f94a211fb2a2b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_power/data.npy new file mode 100644 index 000000000..5c2eeeaf3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ee859c96068730eeeb84ab7a084ee2cc8fa0140e6bd58f05b88db3cfdb4049b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..c9f7ff621 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:451b7d9bc99f9d590797979032a61c58509cac0eb7d70eac0ba513f423f8a014 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/attributes.yaml new file mode 100644 index 000000000..432c48ace --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.15577991301709457 +sample_rate: 1000.0 +power_score: 0.044894844546665064 +action: 1834-060319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..de743c273 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79aee68fa8cdeb95d2a75165d0613344a4f01ebc7774a5f1fbb793405f5fd710 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_power/data.npy new file mode 100644 index 000000000..785ba25d2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6ea0dc1ef7a3e9bd4a33d96ec0ac736e8647a644c97495180d437f576203ab6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..d359a3671 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f8b2bce201541c1b94c551e5f3754085252fbb58f59ae365a4f5faecb862cc2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_power/data.npy new file mode 100644 index 000000000..9b8094411 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56be1e34b30176df56402b72f1fc2a995333a8b7926f52c25fe717bcfea75d33 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..03d1ee158 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a51d535e550de3200ce8b9e6f223c70180ef43723a1236d15227d439bd4d95c +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/attributes.yaml new file mode 100644 index 000000000..6b51fa9e4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08950562230045832 +sample_rate: 1000.0 +power_score: -0.03220599073913473 +action: 1834-060319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..878caeaec --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f9447a39c60714bb3d6b2c4cf4f2bca8f5c297a9de7da38fe377088a8c8f2ef +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_power/data.npy new file mode 100644 index 000000000..b9b049005 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c6cec7ae89c16b7d566c98699be24ed67fe204c53b01bb1531f353d6537ea +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..281173f82 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12132e06b181fc97b39bc1078eae600be9c71849674b45d466ccfcea5d1309dd +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_power/data.npy new file mode 100644 index 000000000..87055008c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bd4e92c62c8ade27b5e3fc951df4477df3a8a8d82600916aed735c27a4795bb +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..65bf0b291 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:171af5ff357cb335d9fdfcf65798d34bcb0a2d598f91b09d00308307652a35e4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/attributes.yaml new file mode 100644 index 000000000..7b0e08b1b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.19609992513583918 +sample_rate: 1000.0 +power_score: -0.03956367105225751 +action: 1834-060319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..ba2d777f9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85f1a05b5b045b39a2c74d98870ffb82930fb541bca60392400b7f1346c8d531 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_power/data.npy new file mode 100644 index 000000000..85e37ab48 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c36b5d106a981a3bfb474c8ecc1c2bd2428e4dedc7c351d8f225da3aa8d46a9b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..cad6d2818 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ece450fb4b681902a906c2b7566f149a56079d739c3edf6a93277f7fb2abd09e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_power/data.npy new file mode 100644 index 000000000..dcd0c9662 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a81ea1b428e375418ca4a353303057f930897462f863e3fe69670e461ce80a6 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..12c32a674 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1826c012ef11cea35970536f544c020bf7f624a7dfaba995166ab315b21e635e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/attributes.yaml new file mode 100644 index 000000000..d978a5fc3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.1647060822417002 +sample_rate: 1000.0 +power_score: -0.032216395786575695 +action: 1834-060319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..24e877c92 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:245ffc71b666779968dd79425920c6da027205c9205539467d53a0f8b8878765 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_power/data.npy new file mode 100644 index 000000000..6672aa5b2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28a156f20291419fbb5b9b62587457aaad7d6915856711a5c1d98e0447680861 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..3f4e1654d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1260a381ccf476ccbf87abfb9e9e780eae9154e3ed253380fb7853d128fae623 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_power/data.npy new file mode 100644 index 000000000..553dd3f6e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:535d1ec31a67fdbd0f207aced20ccc8c82e9c8e016bcc53979f5fcbd61143be1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..8c511583b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b463dbb618b50f71539700f531a7212ded826cd14326c269bf38e227febb284 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/attributes.yaml new file mode 100644 index 000000000..c0812b802 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08677174082346101 +sample_rate: 1000.0 +power_score: -0.1286590196664377 +action: 1834-060319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..c40f9afc5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52112055322bfcbeda24949e1dffd2f987e9794f09afb4f70a042d1d8368f82f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_power/data.npy new file mode 100644 index 000000000..eeee7f2cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a3fc827d858fdc067a5f8d8a68ab17a739606b524479a0b8d1e814f19047d35 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..3b5f3db73 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddf18d97bb6e8a46613e140a301b3c3f7d873b9bd2b1f2ab77ffeb794f7c5196 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_power/data.npy new file mode 100644 index 000000000..07906a9cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e968b6105d063563fe916dab37b05dbe54f0e0ded84d6b3d21ed57d6f13cc0e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..4763694d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df13d75e2cd0e308a1a2b82ad9bbd682841df1aaa1ebf494eab9d0f974acfc63 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/attributes.yaml new file mode 100644 index 000000000..4b5828c61 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.031306473143342985 +sample_rate: 1000.0 +power_score: -0.10831045706444074 +action: 1834-060319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..65667e72b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30ac6190a0c513031273c4fa43d4ad2a974a5805924d9dee93df7709196ad1f8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_power/data.npy new file mode 100644 index 000000000..c26c19ea8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7697d4d86784663ca8f2e7a4dee35bdd51fa93a84b3be1549f754d72a6531d13 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed/data.npy new file mode 100644 index 000000000..d2847dc9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42452df6595ab4b2e748575e4285371d2e154b62988a8ead1194b4119c9bb6f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..68e331362 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77eb266417d12c23aa496d25ce330a85555bf3c24a5e6773118600ebdbb5da52 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_power/data.npy new file mode 100644 index 000000000..9a0bf9f80 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3ada1656006d71280e42942aadbc9ca6a0d9401516a451d72d298d55c3b857a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..ff1b14468 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fa951ddf5d84e37b0a40b693abbf39da01ec01cfffc7813c01fdfb2f23b6d42 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/attributes.yaml new file mode 100644 index 000000000..ba7971ba6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05066586837906431 +sample_rate: 1000.0 +power_score: 0.15825741777388483 +action: 1834-060319-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_freq/data.npy new file mode 100644 index 000000000..cf22a456c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ed5f4e18925b7de2e36f9e3b8fad5dd48a3365371ec98da0f148b0edebe6d28 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_power/data.npy new file mode 100644 index 000000000..6cc855296 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5caceb8706feb705f1621edf6589404e7366b1ae235cc9b45fe1be2d77ee1db +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_freq/data.npy new file mode 100644 index 000000000..afc300dcb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03bd694697ae4d4adeab466546cb361d9758768a0b6d3592ea5998c62269ec0b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_power/data.npy new file mode 100644 index 000000000..ba2b10318 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b81720925b89a647c6e151431e9aa8979ecea9699027ddedd84ca8fc08f22876 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..314822743 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27fdae1572237dc64d9f84b8802bcc6fef43a284873aebea6c06d49df5388889 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/attributes.yaml new file mode 100644 index 000000000..e3b65341f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.06386519514951115 +sample_rate: 1000.0 +power_score: 0.05821170944510611 +action: 1834-060319-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_freq/data.npy new file mode 100644 index 000000000..7e5be0516 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2adeec218f3129ffb230b3e1d6750737e298bc25e28cde7c8999678fa225f9b8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_power/data.npy new file mode 100644 index 000000000..8c54a1112 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a816486bd71dc5b33ded196aa010e08cfd87fdeaabcca25e52e625d04decb46 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_freq/data.npy new file mode 100644 index 000000000..6d6b28863 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5f65a9301bc2dcb041eb31eb0d234a4bc5a7258599397e9709e1d244facd368 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_power/data.npy new file mode 100644 index 000000000..1391bfc56 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c4d2773b0d0635407a503ca61bb75ef0edb85fb99462e503afa004c2c6218cf +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..6fc93edfd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f12d9a7a15798179bab7ad43c22c6235678720243d3d8de10b6ba5762e1f0e97 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/attributes.yaml new file mode 100644 index 000000000..cb62ca24f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.042934312732356594 +sample_rate: 1000.0 +power_score: -0.08124238666591582 +action: 1834-060319-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_freq/data.npy new file mode 100644 index 000000000..5e9081892 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47867c095efc1a1f8e7df114778269a8e3b31c016905ee1b171954927f5f7b2b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_power/data.npy new file mode 100644 index 000000000..8b7719f78 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82e1e805bf41c3ef473634cc72f32a0503f1a33a432a4305c6e6ec00cf56a976 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_freq/data.npy new file mode 100644 index 000000000..408ec6726 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:806771f86cad16c702907807bafbd963f6d754d4c6d7ec6ab66eccb165c70c53 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_power/data.npy new file mode 100644 index 000000000..5b81ae452 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d811470456fdf62ae9fda9e38ab678d84c8668d760bccbc096b15eaa01dc4654 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..b75980bf7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b1bb9ce7b64f1a4c4ae0f1dc6a860de3909b3c37ea7d6809d88991b4e20ec92 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/attributes.yaml new file mode 100644 index 000000000..570a262b5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0016650913961029478 +sample_rate: 1000.0 +power_score: -0.22436615233686594 +action: 1834-060319-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_freq/data.npy new file mode 100644 index 000000000..a5f1abe98 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91d390f6bbd2852d021d17aaaaee4b00786c527e1e56a66d65f6308e1f2314c3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_power/data.npy new file mode 100644 index 000000000..b2d08979b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63c1ca09073f387e79d86a31b70e9563b0b11811920620aaf2f9b1db0892e5a7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_freq/data.npy new file mode 100644 index 000000000..939651622 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:491fab33cd610a8f7eb12891dba783425fef3dd91d2a5881091faa43747f0566 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_power/data.npy new file mode 100644 index 000000000..4311d12a0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13a64cc927c6c749ae4ffe9e1aeeea22f976eba63c84fc8d33fac946a0fd823f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..a2a92b400 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13a96098200ad0d1970a695d89896d6d806495a52d627d95ef424e8baf39dad1 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/attributes.yaml new file mode 100644 index 000000000..c3412eea9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02392618134459413 +sample_rate: 1000.0 +power_score: 0.09742779168386574 +action: 1834-060319-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_freq/data.npy new file mode 100644 index 000000000..194a7b17a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8ee3e4f06bb834c4ac1114ab007b2358ea01fa0d884a1e5b69d6031b1f1535b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_power/data.npy new file mode 100644 index 000000000..5b67a4b0c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2eeda03a77604f95768fe6b0656d6de7ad9f0f49118c19d5065dd079c323f937 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_freq/data.npy new file mode 100644 index 000000000..d8b1d84ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:871f8b2ddb22d7dba96cecd0117d2569b59341c1fae40b32e2f4738323c68581 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_power/data.npy new file mode 100644 index 000000000..0f62b7e3d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2553e2ad8a14e514b910d22d806190971e3149a203867deb18f1298ac2c04388 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..d40987348 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d83e4093bb42d56bf08571cd613d16852851790846d11cacc3bcd05d991421fd +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/attributes.yaml new file mode 100644 index 000000000..a9ba98685 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.01391079129390453 +sample_rate: 1000.0 +power_score: 0.304278594281812 +action: 1834-060319-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_freq/data.npy new file mode 100644 index 000000000..3733d0141 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b3efc5014ca11407b4a7ac19c0804f2282b6be357258568a07d17b1680d4b74 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_power/data.npy new file mode 100644 index 000000000..821130916 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:954dd12911b71aba5fa87ceeeb845ea790a4f75e52d5842b34a8ffff8e22d868 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_freq/data.npy new file mode 100644 index 000000000..f9ba26d7c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:575190bb7b910e495025c95734e12d417c7f636f6c6e95ec0c8eb9c6b2455af2 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_power/data.npy new file mode 100644 index 000000000..9532f9855 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:837af278eca0e4f8376806a4411f961dddbc241a96b501db3f0ad37c648625d3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..542f3cbed --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b353a65b2c6430d420325f0ba6b572be82caa539148eeb5657148a9f8cefbd2 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/attributes.yaml new file mode 100644 index 000000000..8e9a39c66 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.016074165869742484 +sample_rate: 1000.0 +power_score: -0.15287280997045205 +action: 1834-060319-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_freq/data.npy new file mode 100644 index 000000000..1d7bdef88 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdfac08100fbb8ebfe8e8a3410377730e2184d9d4024424098f715d5b4452063 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_power/data.npy new file mode 100644 index 000000000..642c29339 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42e78ec17cf807addfda14532d15fbfd833bf1a8ca11f3b0f66793372d7d98c6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_freq/data.npy new file mode 100644 index 000000000..9f6b7a790 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce76b07ef4618ac74c5f0b44331e64f56dc23c145ebcd72baff62d8b278686f5 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_power/data.npy new file mode 100644 index 000000000..9e398cf9e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1df2167f842568af256b827756d3fb72803b33ef1944a0faf991ebc03b3d358c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..cbb1084b6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1107285a3678bfee2871b20ada292ddd7305aa0d8422ce0fffdf88e83619994b +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/attributes.yaml new file mode 100644 index 000000000..52d33e7a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.036167656430202054 +sample_rate: 1000.0 +power_score: -0.16384809578658077 +action: 1834-060319-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_freq/data.npy new file mode 100644 index 000000000..aad43c18c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46d569cfe6dd9c88933958f657d26174190f382ef6111ddf7b7ab842ccde1012 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_power/data.npy new file mode 100644 index 000000000..0f16d0cae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8089d65bbaa5d672d0145b4c336e60c6636a3e1fe1ea1838a9af0d6b82133d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed/data.npy new file mode 100644 index 000000000..4a8b66041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c94fc9c5de9d0503cf4c46c7c30e6d9cf54d91fded61607540ebefc313051 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_freq/data.npy new file mode 100644 index 000000000..4a0c810a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:905c55ca93f671ccdbe3c39543dacbb23cd2741272caa1c1a49cf86e2c845ed1 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_power/data.npy new file mode 100644 index 000000000..e8f0bc618 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b272a34d0b2c3b6035665544f082e994e57a657fa4016561d1af56aba925c15c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..44440b253 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ec446a2ae42823aafd7479f2573063b4e4a89eba483025d542ca8a4f30d36f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..9b0d635ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13e57fdb7190598819fa6d782d7ba9218e54966c74abbc6831693386693f037b +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-060319-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/attributes.yaml new file mode 100644 index 000000000..3bdeda188 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03272723985466938 +sample_rate: 1000.0 +power_score: -0.09379325060168608 +action: 1834-110319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..d1d15cf3a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f76b15541b43639ff59b807f450cbb1fe0d6faa775018b165861d2a38c7334d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_power/data.npy new file mode 100644 index 000000000..42427506a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cf981eb32a608a52b228ca6bafa0be64ac4360baeb46804a6f7429c84df0ece +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..56f08bdaa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24cf07f42aa0a004013fac9d260c38e29b86082aa22dadce0c234b0d1ebe202c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_power/data.npy new file mode 100644 index 000000000..f4bc1b68d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fc810ca0e1f506dcb6ac238c86a2b479cc8438f858db818c2df494e2496d36d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..bd6bf900d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f66cafc80623e77423fff0b6dec048337a8c439ef3b8a028bdd9d9e088487357 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/attributes.yaml new file mode 100644 index 000000000..981a6659a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.06825957486974542 +sample_rate: 1000.0 +power_score: 0.02113367820216863 +action: 1834-110319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..9ea922648 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:932bbfe6a0451c4bfc07afc3cffaa6f48cc77971b8d6231484f9231760a09beb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_power/data.npy new file mode 100644 index 000000000..eb836ab52 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87892d69c25f490b8c00f38ef11f17a81e9c8696ad794915644ebf50d050c9cc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..daacc9ed0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90fdc36953dac68828965ad3ad0f26561909b21710270c081c9452c189f47c20 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_power/data.npy new file mode 100644 index 000000000..8d2843f6b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad848bc5a68f88471717af0cf99344d1b559e130a4b4daaf6697ee628796178f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..62906f563 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f2493a94c4e35fd34ec89016c1bc0b4a44d746341206015bbf83913556bd048 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/attributes.yaml new file mode 100644 index 000000000..b39eb5466 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.05526173447460052 +sample_rate: 1000.0 +power_score: -0.030881781771684016 +action: 1834-110319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..6e8dd0b5a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:735b5e9bc42d7d0044225ca2420d4bbebedb54abcdfed80270f8e8f47a62c035 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_power/data.npy new file mode 100644 index 000000000..0cb6c25e1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a394739c5c20962142e4ceac9f1cdf8d19d736577ae42e3cf6760fc3d5eafdf +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..11b9697c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37909c5aa7615c563df9902b2e89bb569519788630859027fd8d1d3eb1ac211a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_power/data.npy new file mode 100644 index 000000000..36c711add --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03f11d67757c29f2592c45d6162bb6c7289afc7f0c759b51b658a0a2cb5bc3be +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..a8d5245c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:231b293c36c618ca00380f20103e3b02433a0b2374d0f8a1b4ff4fb8205915e7 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/attributes.yaml new file mode 100644 index 000000000..7e5dc4be0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.06112639373655475 +sample_rate: 1000.0 +power_score: -0.034515525254008146 +action: 1834-110319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..c6b55bed2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7fa28c6aee7d8c7e8c44a5110820fcf6f670fa30514fc678ce9fc6af59d3fd5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_power/data.npy new file mode 100644 index 000000000..6217230c9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a8e03bebe054e2030de56d22fc8d114266739fafb5546ffd3eb87eaf0b55bd2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..b7bfdbe13 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af9f8d2b5e6e2cb12ce7ff02a5d5483a2e14c76f0f943f1310fe9968633dd655 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_power/data.npy new file mode 100644 index 000000000..60a12fbee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fe585d4475bbabcbecd44d13b06eb3652a643dc1d1e30183e4249b37608d558 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..c7d94009a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39ad0cff8083f94ce58e79115e68ee7bf9f873437e0087aac089e35b589a4d79 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/attributes.yaml new file mode 100644 index 000000000..acca148c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05285022647588828 +sample_rate: 1000.0 +power_score: -0.06849618998017051 +action: 1834-110319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..36f4b339e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f50c40a31eb6cbe07e17d153616add85ba899e401e8dff158158b13fca49117e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_power/data.npy new file mode 100644 index 000000000..52c7bcf02 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84dc716fa32df253cc06f20e313f32754e0991c7641ef71fae8e365f93f1e14a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..12452de01 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14409337000c7770f730096e19b0bbe9a9fd2069b4af7a2676f4f0c414b6429a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_power/data.npy new file mode 100644 index 000000000..bed8a523d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d29651d4d4d4e8162b9d3a790422da6e6657a92bd10ee330bfd35ad47d631e1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..3bbae0542 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e641a253d0eabefa70868ca942cc0ffe702d51d791a508e450bcf3e957d80b9d +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/attributes.yaml new file mode 100644 index 000000000..929c0bd9e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.00953529044439853 +sample_rate: 1000.0 +power_score: -0.06162776407789051 +action: 1834-110319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..b6b4116ae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82b92dd6799ad70cbc03aa800cb342d24a3271f181cec1d56875a2292a4b2288 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_power/data.npy new file mode 100644 index 000000000..cc52523de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6c99899291fce6ea06cf6994d34d8c95e7f78754168a0f25b0a8fd2f17fa527 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..b412ab08b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d241fcb10b2fa132085549a7263318c234956400619221c735b84bf75733259 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_power/data.npy new file mode 100644 index 000000000..73bba5aae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f47a185266316f7517cb241c3c9e8fc986e10997753c2d66b5ff55370586a679 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..1746bf357 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb4d7bd732360323931d4ac0cda1e7d143ef7ecc0cbb79faf1880097c0bda42d +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/attributes.yaml new file mode 100644 index 000000000..ef8e9b962 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.24247242571289152 +sample_rate: 1000.0 +power_score: -0.12036030106763716 +action: 1834-110319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..fb32418b5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b60ee4c3ac5f872c0a112316292367d86c7c847b2ceee294ba7132284749eabd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_power/data.npy new file mode 100644 index 000000000..beab32609 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c22b4a63c68e6da8eb4ceadbc16ddffb9d1b0adc82bce640558f463ed86d7913 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..d59672c7b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a07356152954e9271f0a90ceac5b80d4b70c60fedce62e78641ef8ba17ccf444 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_power/data.npy new file mode 100644 index 000000000..19c50272f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79f772c7d342dff125d171694c2f52166f6fdbab65a97de83ee242a1add16433 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..289878919 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cb3907aba3f2a7b2ce7c38b52276ae866acdcbb8b7061a10c835c897d45cf12 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/attributes.yaml new file mode 100644 index 000000000..70e53f056 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.06984190098791672 +sample_rate: 1000.0 +power_score: -0.10260793491144043 +action: 1834-110319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..f942a1ec9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcdf89f11f4842ea4b920f5906fee9d1d7bbc82c2353d160693cf394defeef76 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_power/data.npy new file mode 100644 index 000000000..ec7c85e15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0b62f7b9c288d93cf431464117992897f86da4254578b6fdda7ce98c1896e0e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed/data.npy new file mode 100644 index 000000000..a4079aaca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27913cd3b71b25483112c4089af2ecb99a2bc159b048de162021e6ae41f02264 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..b24e6e4cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdd731955e1633a7bc78d002ebb274065a303ffd2ea0a34d6a8c7c7308e31c40 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_power/data.npy new file mode 100644 index 000000000..5449372fb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9b6dc1a5d36737220a18757eaacd9649cefc6e1ec6fd290e996fa4372657596 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..76ad18a3f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a08f82342d348a50073713c32fb3b3248d29baff29547705ad8a22d91798c7 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..da6e596e1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bc48faf5764e8dd53fbe9a54f4e7b6abdbb3c965cd0c4c224a1ab962808ef13 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/attributes.yaml new file mode 100644 index 000000000..b5c3a453e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.10965083678474777 +sample_rate: 1000.0 +power_score: 0.12451909196483006 +action: 1834-110319-5 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_freq/data.npy new file mode 100644 index 000000000..0dabdfa33 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84eac0fbcee681c869edace8a394b77fbb9042bbccd288c2ad0585b133808f7b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_power/data.npy new file mode 100644 index 000000000..2b98baa2e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6b91b712205ded7949da583a6820cdbfc69c51a1f5247519907d7335ff409db +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_freq/data.npy new file mode 100644 index 000000000..7e50d0504 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:842c8da43d9ce96ac0dbec8c3a4ba57cc0273ce3699837a19df87687beb4e0c6 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_power/data.npy new file mode 100644 index 000000000..f34a8ac48 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ba0d16abda7bc00a195299a664d2487686634da9bec9f2e961b987905b27216 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_power/data.npy new file mode 100644 index 000000000..39962213c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93c09a3553bea9bdae8f4918e1eb0720e5423337de92d4c19e73299632840795 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/attributes.yaml new file mode 100644 index 000000000..0dbd5288d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.21984694322842036 +sample_rate: 1000.0 +power_score: -0.7028316521012348 +action: 1834-110319-5 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_freq/data.npy new file mode 100644 index 000000000..8ff7288a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c32e0e5d4e4593be3eef8a50df8f69c1a686612ed0b2c9a2016af5b9dd3f84bc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_power/data.npy new file mode 100644 index 000000000..391a40084 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c73c3a61aaa9a371b25d17e3e4b8c47b86437f25913ed10fc2ea4b3cd17c10e8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_freq/data.npy new file mode 100644 index 000000000..f4192f567 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e88861b9d07e065ac0d35d1945bb11d842afc44f06e22a01447f405a6b36528 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_power/data.npy new file mode 100644 index 000000000..b1f0a238a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d677b94571cc6699f3472acdbfd14a9adf53898e2ef50981130987ebca2d222 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_power/data.npy new file mode 100644 index 000000000..764587a3e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:602355e4bee3ec55ae15058836c1e5e5b8f3a988666a2e5baed2c451d089f4dc +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/attributes.yaml new file mode 100644 index 000000000..fe868ba95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.26220064377719776 +sample_rate: 1000.0 +power_score: -0.6992089867828792 +action: 1834-110319-5 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_freq/data.npy new file mode 100644 index 000000000..28ddc99e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22864731c97acd27c7f2516b57cd52db8297b11099015a7c073ae084cfa4051d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_power/data.npy new file mode 100644 index 000000000..0d11c1433 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bb5800f1ee9a18262649501ada98f4d85c560708fafa915c69587ea8721f2be +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_freq/data.npy new file mode 100644 index 000000000..088040cfc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:377b0061ebe3cfcad558c5b29d20d4d5c29e30aff9fac0e5ffa48591c9958c6a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_power/data.npy new file mode 100644 index 000000000..3eb3e33cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4577a4679d2aaadbde8feacfa0d7133893d0590b008e59d9ad5bae631ebd3d9c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_power/data.npy new file mode 100644 index 000000000..e013798bc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59b55bd1405b31dd2a9c21e12d5cbd2b971a0fbfa7cb247159848fe582d7ab00 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/attributes.yaml new file mode 100644 index 000000000..695cce669 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.27892966259293817 +sample_rate: 1000.0 +power_score: -0.6492863188483396 +action: 1834-110319-5 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_freq/data.npy new file mode 100644 index 000000000..486edfcea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2f199e13143c1191e4da40a10b0a5a8cef156ce30f823ac7ec15ed4d995db3b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_power/data.npy new file mode 100644 index 000000000..5f3e075dc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cdf9ac24a7a7071018eac70d7cc187f62033b7a29122aa7698daab81e99e18b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_freq/data.npy new file mode 100644 index 000000000..c2c00dc81 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f9e74e191b03ec287e748ab48959c6a572bff612a5aa3c66950bda905ee95e9 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_power/data.npy new file mode 100644 index 000000000..610328f7d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3239f2743cf275ed7786d78446846d07ba2737ab818aa17c803d3fe67b2ce89 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_power/data.npy new file mode 100644 index 000000000..1ff825c9c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0825bdad7e1ac0d31849a0b1918fe1a9f07ed4a839a20bad8c8ed58031153f12 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/attributes.yaml new file mode 100644 index 000000000..7a5241f40 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0266124009886103 +sample_rate: 1000.0 +power_score: -0.08274250403885935 +action: 1834-110319-5 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_freq/data.npy new file mode 100644 index 000000000..6f73b6c53 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fca1694e0a0d98615bb7f9e86951c2498a915a44e478f7f46fd2ef05fd77a7bf +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_power/data.npy new file mode 100644 index 000000000..abe69f9bc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:117823101f7d8de8d6cb1b1afeef8fe24f4891879f6f98ff620fe2e744715046 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_freq/data.npy new file mode 100644 index 000000000..85c7f33f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a83b11ee1d772682c09de16fbaba62a7e51b89a3af9ba799f011e7d5b02a679 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_power/data.npy new file mode 100644 index 000000000..4be697ccb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d01fc5abf0e472d054b94e10ad261e5ea4f484d2e256102382b3d270654c71cc +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_power/data.npy new file mode 100644 index 000000000..14e48bcff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6c5eedab1eae736f5f3f86f0e067783964facf8584e3c01f97da64d023f68e7 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/attributes.yaml new file mode 100644 index 000000000..140674773 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.09050922754055783 +sample_rate: 1000.0 +power_score: -0.5635558578623406 +action: 1834-110319-5 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_freq/data.npy new file mode 100644 index 000000000..8694a928d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0eaa5ede30b62524d5a8a6d23d4c8154a8fda0d204daa7e4655b308c1f26ba6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_power/data.npy new file mode 100644 index 000000000..09c638b4c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6297a2accab043cb67a58a1d930341e333cd34b0ebcbe36ae389c31b2b4e08da +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_freq/data.npy new file mode 100644 index 000000000..c623f2af0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5480ee5593cdbaa34ee371313d2071416a006ac886c6cdee08ce032566f7c0ed +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_power/data.npy new file mode 100644 index 000000000..59e2002ea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c52fbd661fcbfbe67506d07f9adf9753d4509de0468f7abe5549fbafd3156811 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_power/data.npy new file mode 100644 index 000000000..45e10d2b3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de061cc32c5ef06066de7bcf6e802e1152ca0b88fabbfaaa29cf9b5109210b7b +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/attributes.yaml new file mode 100644 index 000000000..43fa4a249 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.025451668852424957 +sample_rate: 1000.0 +power_score: 0.034768407860405234 +action: 1834-110319-5 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_freq/data.npy new file mode 100644 index 000000000..cf1c265f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a69420eddc6eadef454555fe665f853bed7361e076729005a8baccb5537fb080 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_power/data.npy new file mode 100644 index 000000000..b88b7a19c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1740c13d390eb960821cea478497329dec8ab7afd8ba9cfe4ea649e8abe46d66 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_freq/data.npy new file mode 100644 index 000000000..8a7f475d7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fad8ab7736d3ca7e2a741c2ec866df05647b2b180eae7472825772142ee67b7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_power/data.npy new file mode 100644 index 000000000..b88557465 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4293c59ee78610593c5b2412434e5856b8600d2f711d9c602cd3bf0af0e71c4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_power/data.npy new file mode 100644 index 000000000..b77adf61e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eabc8c43686a01c6cc243babb818b8eeb94bd6f8f8e7346e2d353589356bb415 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/attributes.yaml new file mode 100644 index 000000000..e38be7f8b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.03672483206559525 +sample_rate: 1000.0 +power_score: -0.005388987134327846 +action: 1834-110319-5 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_freq/data.npy new file mode 100644 index 000000000..37facde57 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:912029d27825d733c088413ecd253a55e3aaa5d1e31c3dc8fd8a5cdb08462677 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_power/data.npy new file mode 100644 index 000000000..819d247b0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8de6704a628bd1f5bf063f061b6fd3c8048664d7d69630a3f71ba0da0c462902 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed/data.npy new file mode 100644 index 000000000..44a49340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c76d15dc04b3f363f4fa7818cf1250eb72efd7f6d091c9089e0ece710e1b48 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_freq/data.npy new file mode 100644 index 000000000..f8483485f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:517877dff0ce246ce94b693f9d4d19cefe061c70b6ca2b3a1602e1c4963b2c5a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_power/data.npy new file mode 100644 index 000000000..06959071c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d47ca984eb5850d6d4b9755e3c3d41b61a4ee66664fc528b8d171249cde907a5 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..f8c61dc96 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfd05b271290c4285891475398edd3b85f08414aabe9789d84321efe46a7c24 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_power/data.npy new file mode 100644 index 000000000..a3e884ec5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebecf5a502e350b3297cc7087b5beef64960ec01d74dd73692f9f6e60073945e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-5-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/attributes.yaml new file mode 100644 index 000000000..563cac7ec --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0969121213207386 +sample_rate: 1000.0 +power_score: -0.08399597713271281 +action: 1834-110319-6 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_freq/data.npy new file mode 100644 index 000000000..1f8e58e9d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ff94c11cf3694ff3f840ab154494276c14644e2423630c7c782bb10153b43dc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_power/data.npy new file mode 100644 index 000000000..fd2476522 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:184a979de615f84eb24856459dc5985369b30b524a49b57af5f43f8dfa51b5da +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_freq/data.npy new file mode 100644 index 000000000..07acc8d36 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee331d6e611f733678a2d526d86421ec7caf3ebee62da754748658b5e81d25a3 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_power/data.npy new file mode 100644 index 000000000..7d972e566 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e0766aae64e4821b41152347524723c6c451f538a5293550371d6156ff174ca +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_power/data.npy new file mode 100644 index 000000000..801318fa5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa91b7e6b7d9ba19d0934de3e6cd27055ae848b570601265fd3d4cd6990caa07 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/attributes.yaml new file mode 100644 index 000000000..0d608bb92 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05119981378371989 +sample_rate: 1000.0 +power_score: 0.3684309370480886 +action: 1834-110319-6 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_freq/data.npy new file mode 100644 index 000000000..e85917590 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1501cc361f3b8a4a1003b65f4133b9fd872e62b699a7ec24e5e04674eb0c698 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_power/data.npy new file mode 100644 index 000000000..303829914 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e6cc65930ad6df1d20dd1bd35f37c4f6dc52fd941c87579055b44a21d5e2d70 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_freq/data.npy new file mode 100644 index 000000000..be59b8a69 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a0c7a4da3adfbca5f1f6701621e200ee03de84fd0373dda251444b1e36b227e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_power/data.npy new file mode 100644 index 000000000..e9223e0d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47eb832ebaaa98712064d0d9e24141946ec51332d1fd39fdc16c80af8e243658 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_power/data.npy new file mode 100644 index 000000000..83e9f43d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39d884c4115fd7a3050ba2c8b64b1d6fcab0a26d25cac3f50bce5f0114f5762a +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/attributes.yaml new file mode 100644 index 000000000..f6a31cb3a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.14323973843426918 +sample_rate: 1000.0 +power_score: 0.0893434597223921 +action: 1834-110319-6 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_freq/data.npy new file mode 100644 index 000000000..adc8f1b13 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:502e2a110b2d1f17d3872a04f1fd057bbac2453fb38bc8c6567b396a4e34997f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_power/data.npy new file mode 100644 index 000000000..26133277f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ff297e443ed1ecc5dbd6ab96557a00790d32a82176a43f802677557ad6e095c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_freq/data.npy new file mode 100644 index 000000000..adefe2273 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:127aac6a1648bb57e1cd7ca5ba027ed78e16989120bd98b7049fc4c2e40ae9be +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_power/data.npy new file mode 100644 index 000000000..b41455939 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:178d2d0870866098ef519fcd9801213f24346990048ae53e1b4a90c8e9f9cb63 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_power/data.npy new file mode 100644 index 000000000..8a4180bd8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:719bfc662d26b02701e85a855dd119a67965139b44b1cbc77374bb669d9e3883 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/attributes.yaml new file mode 100644 index 000000000..ff9b48579 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.09013490711368634 +sample_rate: 1000.0 +power_score: -0.018279213138609404 +action: 1834-110319-6 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_freq/data.npy new file mode 100644 index 000000000..21487c266 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b12193298e51a436629614c3c9c71e53348084fd1cae678c1d1da721aae2562 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_power/data.npy new file mode 100644 index 000000000..139d69c5e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56845eacae5831659b63ac3d3119cba9e5f944f2f127f457a140b73dd6e3b5fd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_freq/data.npy new file mode 100644 index 000000000..48c16f908 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25ffb1a33d40e5e0b23e7b7dc0da198176003f41915bd80829efdce52c4f2d8c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_power/data.npy new file mode 100644 index 000000000..c30552047 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3c4bbd5517db35dd1241b40acf2e452320fd168be8872cbeb75ce823aecbc7d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_power/data.npy new file mode 100644 index 000000000..ae80d984b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6efe61997f8f314f73f38ab98b13b654092c47426a0bd0912785321f61093299 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/attributes.yaml new file mode 100644 index 000000000..b1b9fb177 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.01673543797223193 +sample_rate: 1000.0 +power_score: -0.0476336515450088 +action: 1834-110319-6 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_freq/data.npy new file mode 100644 index 000000000..9cd8e0617 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64894bb35a77debe5ff4f46cad8e01e5cc76231445a47780903591de2d1add00 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_power/data.npy new file mode 100644 index 000000000..274f66d98 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e62ed42ffb6fa90fc21b112990c4aa7bd329bc23c9cd1156ff76952667d0a63 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_freq/data.npy new file mode 100644 index 000000000..5606d440f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43b1ddf5aa58b091867b740d03d0c3079cd2754588b959c26b3f9834cb4a958c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_power/data.npy new file mode 100644 index 000000000..8e60f8f4f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a3580e5c881326542383ae383ee6a433a62b70cf0485ba0c6ba9af4076fff5f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_power/data.npy new file mode 100644 index 000000000..ecbda6665 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d85e2ba6e4a55e454522009485e95d99c1980378c2a6fabf25067799b5b6b79 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/attributes.yaml new file mode 100644 index 000000000..e5e16606d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -1.5457387271306663e-16 +sample_rate: 1000.0 +power_score: -0.03084266266878369 +action: 1834-110319-6 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_freq/data.npy new file mode 100644 index 000000000..29a0ef660 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8fd9546271eff6c0c98d4cf2fd2ef454a032d4157d5b8053ec01253baddf7fc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_power/data.npy new file mode 100644 index 000000000..1fd708895 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fd7a61df967b7d70be1a7080462f2d59e68fd8756830b5fb1ecd1e156b88736 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_freq/data.npy new file mode 100644 index 000000000..c09e67801 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42cdf0a4308efe505e0868f0846f5d2be0baeb63759174b43d880823fe9f9553 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_power/data.npy new file mode 100644 index 000000000..d3793aa34 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7a936aa3d64d0afb63bb01bb5f36cd07a7d1330d30048cbdc9b3af1daa8f9b0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_power/data.npy new file mode 100644 index 000000000..17994124b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6352bbbece8204dcf67504b422938655d0def41a23d79691ef831cea593f729 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/attributes.yaml new file mode 100644 index 000000000..627f8c463 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.015534628017221322 +sample_rate: 1000.0 +power_score: 0.15429469954684544 +action: 1834-110319-6 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_freq/data.npy new file mode 100644 index 000000000..bbb6aa97b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13804a05947524be31d8a3595e84887ce26f77e84a7ac4f8b00bee2421b23a05 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_power/data.npy new file mode 100644 index 000000000..7d48e654c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18d4efff434661cf6d3cc255d01bf888d2893fcdda8755a035ddce80932c86c6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_freq/data.npy new file mode 100644 index 000000000..a7b7ae793 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5040d2076ae9d424a44f4227dfb447cad7f3b9edf0e681dca4a57d888e9fd006 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_power/data.npy new file mode 100644 index 000000000..bf4646c59 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7b049e59eb1eaabf818ede5167862d9874ff7ada7cea297ead75e37bf1e1416 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_power/data.npy new file mode 100644 index 000000000..8b9cef08c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab332585a607d21d967358839abeef95bd8074c1919fca507d2b67680e03200c +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/attributes.yaml new file mode 100644 index 000000000..758b870b1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02241876906668143 +sample_rate: 1000.0 +power_score: 0.17012147093445795 +action: 1834-110319-6 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_freq/data.npy new file mode 100644 index 000000000..e6953c506 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce39842aaebd12f3b3e5bff751e0d517d880e56766f7eb8860037a3b1691e46a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_power/data.npy new file mode 100644 index 000000000..dfb42ffff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9ae178a94960fdbe2a475ab6326ec33607aac7e7e0b983f4f8c46fac0408e2e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed/data.npy new file mode 100644 index 000000000..f77e074d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c212d5a9d2f9b69c27acb5424a8e2a8d44fd7f6611f9131f261297d4cbd9bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_freq/data.npy new file mode 100644 index 000000000..c0dcac83f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fa0a5f622c3f170e49c2b2c4bdcde23bf372bad98a7188ff73c4a7eca54d07b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_power/data.npy new file mode 100644 index 000000000..f3ac5aef7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f67f7c9aaeb1429e7661ee25a633dd8129e05929f8e5e10b309c9d244d9dd7d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..905b481ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d902198f8a792001d619e2e903c19fe7db1bca2e7e9adacd0b661cc283d10 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_power/data.npy new file mode 100644 index 000000000..98a2def2c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f91249dc8cbfa0b61c0ac6c4630e9a5fd49bcd0c1f3c75f40019e47ac3313575 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-110319-6-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/attributes.yaml new file mode 100644 index 000000000..dcb0ee7a0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.012712589315783118 +sample_rate: 1000.0 +power_score: 0.162525344899415 +action: 1834-120319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..7da6548cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5389912162a544dbf54c434b8495c815b2842ba03b3fe84017e1442d9d5ed059 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_power/data.npy new file mode 100644 index 000000000..84e9c82ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:932b967e98d297522f7efd8b9aa1d85bee1461260dba2b929cd360db8122a789 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..7cb611bde --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e006308e1aa37251a98dcc70e0c3ea1e3973cae941e6f5073cfb958f93b5f3bf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_power/data.npy new file mode 100644 index 000000000..dadc69a7b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:deacdeb72384780c66f52746d82ca770d0665982d77af9b4c7495b3726b8315b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..9456df980 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c567ccf49132860f848e793ae91491b8f7047a8eb62f32fb895fd6b55f866917 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/attributes.yaml new file mode 100644 index 000000000..e7e13e247 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.20670139438398333 +sample_rate: 1000.0 +power_score: 0.6893460735887048 +action: 1834-120319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..c79df25bc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2d7126b869c35f7ffc4b889aecf0b0b37f256c67f171513a96a704ee53e11f2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_power/data.npy new file mode 100644 index 000000000..a67938474 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fdfe1f38f20ae16940c99fa892fe81eb89616bbddb59aede73710d1d234b33b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..69d18c41b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7deb63b094d19a9aa98cf31ac17521fd22f49b10941c0d5524bf0a2035fec8ec +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_power/data.npy new file mode 100644 index 000000000..6aca478f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:903342a14ca69f5c5a5292dc1310d9b2533e584f9ff5a033788bd69fd1ed186a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..2add96e1e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d8ac8fbaace143799b11db3b725aabe787cd758b32a3dc3007758629bb97ae0 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/attributes.yaml new file mode 100644 index 000000000..0e99b9e5d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.702774123154434 +sample_rate: 1000.0 +power_score: 0.7180791029933035 +action: 1834-120319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..3623c9bcc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bca31487e07ccdbe6e832d3f7a20e4230cae0d337821fd98f7580e5540354e38 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_power/data.npy new file mode 100644 index 000000000..c83373cd0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f881c7f24a764e77f4d51f9e9604a7ea20e5533c7f29ce09710666312718cb40 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..a7540ae2a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:915139fc270d771eefefe4ebae22060e52c171becab477ba4698b08c76734537 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_power/data.npy new file mode 100644 index 000000000..5a641711e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:008c9dda4b78933975744445d21344084ef164c0ead900463c984a60755f94ab +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..57b3915ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5b8c2d7815bc28256f8c83d7d08894a4c084fff27fa14a05a1aa576593b6a1f +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/attributes.yaml new file mode 100644 index 000000000..457866b5d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.5217451908099032 +sample_rate: 1000.0 +power_score: 0.7021859247587664 +action: 1834-120319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..5529c7430 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:024d7eba186aa329dcdc48229be91db4811a24f0d82b68d47d02ade11b453cca +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_power/data.npy new file mode 100644 index 000000000..427621c61 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d73a630919b5c78ff2462e4bf27b627aa527d91d2373028c5635dcbf4e5e7ec +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..1f8b3fddd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71820e6c4e4b771c926a801b6d739a2357411d11ff0756b39a48853d5858c690 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_power/data.npy new file mode 100644 index 000000000..b7329e621 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4d5d54a32b18c155dfc9ccc00329993f12c90ebf1fe9e7beb791d081db99d0d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..2cdd60c45 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f10eb4109d63f1ad119cfc8462920d70d20338d8bf5063332c885925413d87e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/attributes.yaml new file mode 100644 index 000000000..c3de6156c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0812479059862714 +sample_rate: 1000.0 +power_score: 0.4521180653347481 +action: 1834-120319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..d88b61df1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:621241a6c4859edbbc1bf87231e5c15c8484b2f4c743205f7179deb23bab1744 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_power/data.npy new file mode 100644 index 000000000..4a9e98387 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b60d8aaabee1caa4e3e4996ea3764a322884dbb7f914c94a7f33bcf9bc849df9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..959b7c16f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84e113eae34f1e848e50912473b59593aad60e31b2ea9ec7019ba584a6714b7d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_power/data.npy new file mode 100644 index 000000000..311ca1500 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3745a11b2c6c8b4824d359edbbdee1d68f392230ed3f378203cf8c7b546c169b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..1bcea8d82 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4952db9ce6897a8fb96097ec747c2ad2460df46f9d439e18d24834daa570fd2d +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/attributes.yaml new file mode 100644 index 000000000..c794570ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.07595012468256553 +sample_rate: 1000.0 +power_score: 0.16569557671215762 +action: 1834-120319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..34cbae062 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5730071bb27be7d8b5f4d31e691aa53111eff154468f16edf319955cf60b6e31 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_power/data.npy new file mode 100644 index 000000000..41107ae08 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29d37ce9a503d71cd36d3f1823ca115fa728339833946cae883f5761b86d8f64 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..f0b887e0f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48833dbc4b6c92a62e1f23597bac33d0a7c22c0f835dd136e394e8cb7d87279a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_power/data.npy new file mode 100644 index 000000000..a6943eb90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42bb78d807ce09c9d99f2930b34394da617e8e8f52314f42676d478b794a1995 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..04e49eeb8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a484dbf27fe97cfbb5e0fb68543c0c58adb98b1684d9d26cdfaeb7c5770805b3 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/attributes.yaml new file mode 100644 index 000000000..93fcfe14f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.03245026999354942 +sample_rate: 1000.0 +power_score: 0.139672661497235 +action: 1834-120319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..1b9b158f7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b711608fc2cbe9eecf812ddbea215be67e61215dc0122c521a3c1916dfc1edb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_power/data.npy new file mode 100644 index 000000000..62b0055fb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3f9b65f92778355b31f778a6d041a0ed0e6483e2a8804012077077c104aeebe +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..3f951e845 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b5ce6edb58023651382d95aa5258b21e7172776d51b00beccb90559d127426f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_power/data.npy new file mode 100644 index 000000000..b4c3681e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fe1f2f2e1c4a9420ee75ad46cac131208e33a1548bc18b1b8d749d26cf689f2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..7d21f2514 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d1912b27a1ae6dc9c62b422553df840652637229c83e4125df9d4dddf18cbb4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/attributes.yaml new file mode 100644 index 000000000..9bd50fabd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0952075138055668 +sample_rate: 1000.0 +power_score: 0.16242903986495386 +action: 1834-120319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..a429e5361 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:876a6dd0e3584b6dc9e5c4005381060d08192043552a757e36193dae2ffe6c4e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_power/data.npy new file mode 100644 index 000000000..2250d2c3b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:043513a2c6f899051014c6f749cbe468db07e2fa070ad9abe8dbed3b6d30a0f7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed/data.npy new file mode 100644 index 000000000..2778b9724 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:593b0e59596ea0f28fa94e99dca02976c0b0b7b580feb39f06c886106d1b33f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..2d5f1b428 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea2c17a4d2310f3488de8157cfbcda7e1cf072adf6d48650e8a9a152f77b3af2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_power/data.npy new file mode 100644 index 000000000..43a4a68be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6c3c00d2c872f63eee5d0a2934724193eae43801e05f68a66c133c6ce173523 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..9df00c8ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0436f44ac4434afbc0433f8a6d2600a9a39f0f4bf32b45857636644b76741240 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..a7df9a719 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b105a51958bbe4c8907f52a63d6f47bd648351bc85a0d5291337a5362d20b0e2 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/attributes.yaml new file mode 100644 index 000000000..a57f0fa29 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.014733622122684475 +sample_rate: 1000.0 +power_score: -0.014411634646580247 +action: 1834-120319-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_freq/data.npy new file mode 100644 index 000000000..798f9f471 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46fc968c11ad030e2deceb72afe4da6ffc543ed2dd9659fcbacbb3fc2f516d7d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_power/data.npy new file mode 100644 index 000000000..6d0062ae5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef1526d83b63cde668fefc11710266c47dd57ad43b2387129eb1475bede11446 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_freq/data.npy new file mode 100644 index 000000000..8ae1984d5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2261a96b33f3e97f1d1484df865b26ae6a4e98177b796a52e0dfa14c8cc15eb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_power/data.npy new file mode 100644 index 000000000..1a0f29d22 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e7bde472b5f63bb9db7872fd96e6a100ba26e398b014dfa469537002e323adb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..4b8404e85 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea8a190f9e5e7fcc1d08aeabc75481810a1796e57eef53f0322a955849991001 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/attributes.yaml new file mode 100644 index 000000000..ad0d39398 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0011278557995518816 +sample_rate: 1000.0 +power_score: -0.013836108236636217 +action: 1834-120319-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_freq/data.npy new file mode 100644 index 000000000..9e918d6f4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6ea0df93712f937e2d8b99fe129ecad0d186150a98de7ca5e650df30c72ef5d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_power/data.npy new file mode 100644 index 000000000..b7133a398 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8236c0e25edfe75c735b0811d6c4166a8fbf5260a087b32b9a4f9a6d8eb85d1d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_freq/data.npy new file mode 100644 index 000000000..38e56c95a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dea6035694e2ef67119336e3f1c2d9ec1535a2e09af710d3ee0d966d2ebe5e5a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_power/data.npy new file mode 100644 index 000000000..374615ca1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a497ce5aac88688d569d995ea2b32a54321330aad8ff594f5a7c4adce8dfa16 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..1f2a16313 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be017b67b5e350632b2a21cbf02be7af6b637cea4e6bf65ebe4f3b577d92c39b +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/attributes.yaml new file mode 100644 index 000000000..3b86270df --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.035419966297206174 +sample_rate: 1000.0 +power_score: -0.0044296905874894295 +action: 1834-120319-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_freq/data.npy new file mode 100644 index 000000000..2569119ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bc3a105522ccc2f86c0970d40fd189ffb5efd7925a60d808535f5610c254540 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_power/data.npy new file mode 100644 index 000000000..d5e79d4e4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:344bd451b86407893922af0b94402fc4207218171c2a6b115da4fe2d19b43a7d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_freq/data.npy new file mode 100644 index 000000000..82e79237a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b05e0ecdda85ff8e3a9d81d5450b726ad9f19238f863327cdc9520fb12e96c3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_power/data.npy new file mode 100644 index 000000000..772b5f3b0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8cfdad5c47ba61f06f4481ee0be88f24b8f1dab9c8c418ccd975b415b0cc25d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..21d57e5cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4497dbf0386baaff27e795b96683e0ee91d9a172cdab0911cfbd3652398cf25d +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/attributes.yaml new file mode 100644 index 000000000..476d52eb3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 1.9831677663700932e-05 +sample_rate: 1000.0 +power_score: 0.04861709293462278 +action: 1834-120319-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_freq/data.npy new file mode 100644 index 000000000..fc3b99f95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dbd68506dcf0d3bab12140ca8a343f6458d2cb8cf6914a38606edc8d0a58ddd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_power/data.npy new file mode 100644 index 000000000..bf198ad62 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b73bd851aae4c66d0aa5e2fa9fc25de5fd081726648ee46c59dff97412db06e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_freq/data.npy new file mode 100644 index 000000000..f00574f3b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4651044c2a8c97a318593807c02014541721cf14ecae4c84b3855bd9be02d3b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_power/data.npy new file mode 100644 index 000000000..4efa95225 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76006aba1f7feb7bc4a7e265e16b142c021f9a50baf83b5752fce9595b9c8534 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..c30c83f37 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38d8d0072996923b0f7dd5800d2a4cd8bb3af0d51802e4e571071285d1677004 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/attributes.yaml new file mode 100644 index 000000000..bab038ab7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.016080097715256033 +sample_rate: 1000.0 +power_score: -0.027178870240057433 +action: 1834-120319-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_freq/data.npy new file mode 100644 index 000000000..b2e381aba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ce7e0afcf9f4b1e58dba8caebd0fd6e68501657dc5fa0a280257fa64b8e92c6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_power/data.npy new file mode 100644 index 000000000..e56af4353 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23033425ff21216d6dfa9d5bac9ee26b7cf935ffa18a23f83c49f02ce9287d6d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_freq/data.npy new file mode 100644 index 000000000..6b32a2041 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ecebff076fa9846beb8808cdb3c3aed1bc43773bcf5e982ff8f0cff5d1f73b4 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_power/data.npy new file mode 100644 index 000000000..a0813c05d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09365385dcd9be0ffadbb930f0b953e6d1a75512d10c8e2ba7013745509ab776 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..d2c8739a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80a65caf73c17ec73ab182243a9804a12500c4f0e779200dd6c9e49ad5a6ec31 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/attributes.yaml new file mode 100644 index 000000000..4550421c6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04023582859500479 +sample_rate: 1000.0 +power_score: -0.0514716261883823 +action: 1834-120319-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_freq/data.npy new file mode 100644 index 000000000..c5c78139d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3df35f35924b2d8d112f50bfa7815631165548736c100fa2bbffe1b614a6241 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_power/data.npy new file mode 100644 index 000000000..c9b56692f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2773fc5519ddb4dbc11ca7e184059b8f73a456892e9fcea980b73800e18e6e26 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_freq/data.npy new file mode 100644 index 000000000..92f4a75f8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d49a5613b8961e41d889f7553c20e850964783a0390bb80f01bbda38d934216 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_power/data.npy new file mode 100644 index 000000000..74fac2844 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c95ffe7666cfd803ec935369056260eca134bbd8c216af537c1020c3f42950ea +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..67b06669a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a32b93976e63d1b4e7abebc485d85ff1fe3e2639c82fd08332618c08637fc +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/attributes.yaml new file mode 100644 index 000000000..053817f95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.01329670051356318 +sample_rate: 1000.0 +power_score: 0.06908351642477586 +action: 1834-120319-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_freq/data.npy new file mode 100644 index 000000000..1cb13a594 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:584813add514fc85d548c292cd9dd24758633d049526b91d5a4c1e978abcc0a7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_power/data.npy new file mode 100644 index 000000000..a2fdeb43d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60f08987d759544e98e86bf61780a4bef21788ca9934f16b653296dd10bb89d5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_freq/data.npy new file mode 100644 index 000000000..eb5818a80 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94de9b84d70cc8b7861254af0d087683508ad544a51f547602bc8e154cb72516 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_power/data.npy new file mode 100644 index 000000000..768e69ac9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6dc274d627e3eda91255d2fdf41de0744be76d35f9110f8ce2f6559aee60e58b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..3d3492794 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f9c3cccbf9c301be60251819cdf151a9592df9937f15cec9745f4e251f4184a +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/attributes.yaml new file mode 100644 index 000000000..8a4615217 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0088923114671109 +sample_rate: 1000.0 +power_score: 0.0640544960493244 +action: 1834-120319-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_freq/data.npy new file mode 100644 index 000000000..e5357080d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16a47f81e75127d05139394303cd0c1eb7e0375c29b3a7417cc6b09d3e4c83c0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_power/data.npy new file mode 100644 index 000000000..5ebf4e199 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f0705ce63003c64a5820ab961895a0310869eb4d8d48a411fa71952001be67d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed/data.npy new file mode 100644 index 000000000..de3559368 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff14d88e79f67b5031317de6201fea62ce361fd52ad631933dfcea437db89410 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_freq/data.npy new file mode 100644 index 000000000..20e466e88 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4aafb91a84d6c632151e0e97875cf2ccc11d763db04185f2030a34d2555c4c8a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_power/data.npy new file mode 100644 index 000000000..16ca4f784 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ca887a1b57d8676eeef46d545c928ff6cfe496eebfbaed5ae4ae44fa7eac2d3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..4ddb981e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933c91fa18fa22a97c411d190c1a5f336c8390302f2988ab47ef33fda16864a5 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..9e9d1feac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b50de5c920e7e36542c1ade5fb91d160fa0ca691cc94ac2e20ccab1379bac714 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-120319-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/attributes.yaml new file mode 100644 index 000000000..e27fd37f4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.027692969899147362 +sample_rate: 1000.0 +power_score: -0.12964783642732852 +action: 1834-150319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..7abb3d033 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e0db4d86745087a00b35e6706aa769d29bd84cbd6baa3e139000851f776264f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_power/data.npy new file mode 100644 index 000000000..c6e482d27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d947845d0aec922aaed3f2b73e4811df88a277813916f916a20f4027e74875b7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..b97e2fa4d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae69f5e78b6c5a98331eaddf95595582167d4e5aaf7276fa6fbd87e3421e090c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_power/data.npy new file mode 100644 index 000000000..899f06f3c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ea1912ca3e0ec23931fc788cadb12fb7a4f88a5bb10428cfd48e7ab195099f8 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..d78a5278f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e8d0e627600e3ba4611b54300e92914fcc71b2f8785f646450ab314b3915974 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/attributes.yaml new file mode 100644 index 000000000..90c2552c7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.15116493884569324 +sample_rate: 1000.0 +power_score: 0.002269367279388505 +action: 1834-150319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..8a87642f6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec7390e3d94dcfb5860140410de0eecccf7b29d4bdc5dd7366de5bfaf6455b89 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_power/data.npy new file mode 100644 index 000000000..9c034fec9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf3869c98f45dbad331aa435e402faa885c995a922ffe7ad1b9ad1623150484b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..d78646999 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a23c30986b0a9d728a564e32510810b8047c73a206f6b5662b55dde2b70f34fa +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_power/data.npy new file mode 100644 index 000000000..ea0751dd2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42687a7a764f340c38357762daebc35de07309dcc71aeebcb021553e0eb10a67 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..c0bd4f1d7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:984e3b6a8e04f283fd61fb501b1587e2f11d6acb0661f4014ded1a59f0f0e50b +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/attributes.yaml new file mode 100644 index 000000000..c6b08cd68 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.06545546455577354 +sample_rate: 1000.0 +power_score: -0.01101398052839734 +action: 1834-150319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..51615eb48 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c446fd718a30f3895578cec2db16963f3131c523de8c90f65158940d47943c4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_power/data.npy new file mode 100644 index 000000000..cae834b68 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0546d0de919c8b27327ae03434ba028f2e4a6648ad690f59077f13e05b2a386 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..6b1a92c30 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:803515c8d6306a44f1e063b5dd0ac653ad4660cf55b1a9fc81978afee249ea98 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_power/data.npy new file mode 100644 index 000000000..350efbb6a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f7f0e5d6bb66397a3d61df4de717a7f8963e0db8aa7dde0bd36cbfea1ed1061 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..2c356dd7e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4e954837881e5ff6ed499f32bac3e5f28a6c6f3b373eff8dad78b0700509325 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/attributes.yaml new file mode 100644 index 000000000..a2fd080d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.004908414899372981 +sample_rate: 1000.0 +power_score: -0.026752490685167076 +action: 1834-150319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..5a263c955 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aac0637a36cc3d90e54370415d523ed3fdd37e6862cf5735aea5bdf65a946279 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_power/data.npy new file mode 100644 index 000000000..c5c28e83b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50d2906c200d6c0046b598fba54310dba7dd293e09d2c12fccbb551bf56081f7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..f9346c733 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c98f4bf3a5398cd3d0bf87081338f83496386db309f5ae8b6cb4755e87d23208 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_power/data.npy new file mode 100644 index 000000000..e5d7efe00 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d758c63f6f3c70ece40d994975f1b241322aa457cee5f8cc050898df194471dd +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..58bf80b91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f36bb211480e4bca9949d1fd28bf52fe9cde5df3f9d4a881eb60048f6b2df568 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/attributes.yaml new file mode 100644 index 000000000..b7286a6dd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.02698314484056976 +sample_rate: 1000.0 +power_score: -0.10820895127521386 +action: 1834-150319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..10c0f9bcc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:910e5c441a12fbb2ed8843702682ad7034456aa5346866fecdcf3738a39de714 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_power/data.npy new file mode 100644 index 000000000..b2b71cf28 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:720fd94eab9be6e8a59157ae35960ebbf6061cf71efd9895c8d24468ae0d9013 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..acf19a7a0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6cadd0d9894559e6f5ee201a64e43b5e5141f85157a99560e1c8648403086d2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_power/data.npy new file mode 100644 index 000000000..b1e007928 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93e6a590cfef75526387dd0b3d3235dd7bb82d44899ef6a8ad866fb2a4ce147d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..eb278accd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3db52f613a373ecdf355a20770c361112eca5e9a734e068bea55068405b04ca8 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/attributes.yaml new file mode 100644 index 000000000..a7cb6d057 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.011382071753827995 +sample_rate: 1000.0 +power_score: -0.08015307835386486 +action: 1834-150319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..ee5bccf4f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47090d97df5b62639fbbb9608f3adbe53b418090c0c60663a1e2bcad22445aef +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_power/data.npy new file mode 100644 index 000000000..0ae37b198 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:857dcd7dce422041d9dd41ed3f662cc93a27bba0035fbbc278f3095348008ec9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..0187b5ab0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09547b6ccb84bb2294374e03bf04327435592558770ab309a3176a627dbc5825 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_power/data.npy new file mode 100644 index 000000000..7348a8847 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02c811ff03d8dab022a1a822f15beb212df2d972e1bf934e294409f4a93f9d6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..6ab002bc2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20a3e7a267aaa31c8d29d52b7bb40546ee47a49a8aeb1bb51993c6c423e55ea3 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/attributes.yaml new file mode 100644 index 000000000..8776afb34 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.010885374857498083 +sample_rate: 1000.0 +power_score: -0.05207399219320623 +action: 1834-150319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..5867e5dd8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0047113dece4734fc6969e6ab3bd596b343527d83722b72c6ec704479dde630 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_power/data.npy new file mode 100644 index 000000000..f1f23bc4e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76951f9ca67e9f49147ddee6eb4ea4e9eb1d7f25b62abace63ca070428ee446e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..e9356eecc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:648b5f4f41e9e058a46a649dae376bf1c06a77dbeb03220db5e7fa64480798f4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_power/data.npy new file mode 100644 index 000000000..3bdfefb0e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77597a320bfa1d3cc185d4ea1941572cb9317e8c779864a03a2fd9243ce97765 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..2a6e8232b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a78a5a6b4c66ae7da8b2663b1dd815b8c29338d14a91a11597a84599bcd17407 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/attributes.yaml new file mode 100644 index 000000000..da6f9ac7e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0012723270424875714 +sample_rate: 1000.0 +power_score: -0.04469548113972455 +action: 1834-150319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..bacc84c0e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c087f1218bc9059cbaf621d28299e5de6a4744ba6ad99fd62c667dccf07ab37a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_power/data.npy new file mode 100644 index 000000000..2277d8b6f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab5c554feee0616d8e6362ded034f05be7b34460d8f0e8f9c20750d6d9e2ffd8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed/data.npy new file mode 100644 index 000000000..c71e0c14a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2484694b4ef0372fdf05e2f212d4684170b0ed1ec330b017a2041113748864b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..4c6c9afa3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5957dd7c1e8a5719707638758d73192e5484bf8ad75ff84b2dea20defb766e26 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_power/data.npy new file mode 100644 index 000000000..f3b1a212d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba55ce2cf54221dc5633d2acd0e645d68e255cfd50eaa0355f6ede1ce3003f34 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..f51ae80a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a4df0895c3c605cf478567df5d380f6105cb75cb92448fe308f12576acd217 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..9390e3f79 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee640f8276a2c323af5e79ebcf193cd44a2cecef440a5f9d194fd35e19cb36c9 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/attributes.yaml new file mode 100644 index 000000000..4a493f830 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0020426891135560347 +sample_rate: 1000.0 +power_score: 0.23504405174812484 +action: 1834-150319-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_freq/data.npy new file mode 100644 index 000000000..e4346d04e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c589e67721ed03838661b1a590814bf65e24918e5351063283af8ce63a15081b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_power/data.npy new file mode 100644 index 000000000..453704363 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93606e154712b461b08730ddb67732ef62ce0801b5fd9692723c2fed76dd743f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_freq/data.npy new file mode 100644 index 000000000..a295d6fa1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b463a93486d82c146746f43efa82642c4b115246e982db9dc896cc8a8123180d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_power/data.npy new file mode 100644 index 000000000..b71b7a4d5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcac15dc908d5852ede6f53db82e750bde6f4b69114d62b9a25f82fd03fbc556 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..5594d3aba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19f7e6a79670b9cb5a00d69d123c7bcdbb03317b34a26976f3577e3cbe5601f9 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/attributes.yaml new file mode 100644 index 000000000..e58549167 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.006510693431460879 +sample_rate: 1000.0 +power_score: 0.25581051050098497 +action: 1834-150319-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_freq/data.npy new file mode 100644 index 000000000..9b485cacf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bd4aedaa06211bfea443a33b790d2c797d1c0716e6ab952d4d1f2cef2d64e93 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_power/data.npy new file mode 100644 index 000000000..a5ebc88c4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6168679404ba366af1f493cbe0289ece6999cde3838f95ad240ab9d970d9cfea +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_freq/data.npy new file mode 100644 index 000000000..dca8690b7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92ced98cbcf4dcc1dd4b299f372a4b601fa6098a82d9a95db766148fdbc94502 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_power/data.npy new file mode 100644 index 000000000..800034bbc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9bff66c2f3759b6ed212f7ba18a26fa52c6d2c286fd66dac69dce8be78d5fa2 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..546ec004e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c5df10e70a92c2b6173958c734a2a2f5b672a030847569a7605910bb80c2a88 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/attributes.yaml new file mode 100644 index 000000000..52e139ff4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.008320779420949559 +sample_rate: 1000.0 +power_score: 0.2107824927402557 +action: 1834-150319-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_freq/data.npy new file mode 100644 index 000000000..bc37a12a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b538c2a0a8d9be6d114ae159e65da05f1d0eddb676dd3d1ba5a3d86c5c996045 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_power/data.npy new file mode 100644 index 000000000..bddda9f31 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2c8fbfe362ff6e54d50a9be54d52382201a7a0b9dc33db1833b17e3adc111b8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_freq/data.npy new file mode 100644 index 000000000..f43749e2c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a5eaa352a026d1bb056de213084c3d4729c4d9859d46fb88dc4f12b73480a5f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_power/data.npy new file mode 100644 index 000000000..6668fb7b4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80715680eefde1430eae0f825ea5a92d8da2d7e10bc7442e87c596ff01a03cda +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..eb6886bdf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a4d0d890f054a2148d85012b6523bdc49d5e00b9e7fe8657bbcc14b6bbb8a30 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/attributes.yaml new file mode 100644 index 000000000..5413c2491 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.011778479818148044 +sample_rate: 1000.0 +power_score: -0.16488028035708768 +action: 1834-150319-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_freq/data.npy new file mode 100644 index 000000000..1a6c92d04 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4edb3d3dbbae6ad0d021b3f00e81197c575840e7dabf05d9b90773f772608cc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_power/data.npy new file mode 100644 index 000000000..98cb36fe9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f15c869c01dcfbadbdd86a7f8e1d6a5ee11dd602606ff06521775668b7cf560 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_freq/data.npy new file mode 100644 index 000000000..25669de59 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f56d95e67ce226d55b680dd21994ed5d6b57d1f75127afbe33fce6038ee0c804 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_power/data.npy new file mode 100644 index 000000000..664cd0293 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a067fc6dc88232cc997e7844bd246d6baae5a448d05c0a5f19960caddb6b25d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..9171d701d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8bf96c80bb226c478d3261e97201c01b5e145cf9cde7e62da9aa05279cef4ac +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/attributes.yaml new file mode 100644 index 000000000..06b9213fb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.018535664229905206 +sample_rate: 1000.0 +power_score: 0.01768057483859074 +action: 1834-150319-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_freq/data.npy new file mode 100644 index 000000000..0da7a05a5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b1e151fd464ece614bcdadf8166c289aacb9a0c0a3366a09774a76533bb69da +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_power/data.npy new file mode 100644 index 000000000..148fb530d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a34c1f0e656746a07eb30f46eacd94e14b4b4e5deb0f7f4c6661c305274732ca +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_freq/data.npy new file mode 100644 index 000000000..625182428 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3974d8ad861773ad1d0d3d92f81de20119797fab28fac4c8c9328cb980535cbe +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_power/data.npy new file mode 100644 index 000000000..0affe248e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c573dd8723ca4bb473e12d1229bf34f2971a3ad5a4a0a44cb554fe30f2e8a13c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..62b0a59c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bd83881dffad22272243bb72c27532ffc8ce3217126a60f4d2256da35d333c6 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/attributes.yaml new file mode 100644 index 000000000..e5fbf818f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.005496099232913103 +sample_rate: 1000.0 +power_score: 0.2174697082474661 +action: 1834-150319-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_freq/data.npy new file mode 100644 index 000000000..ca207028a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:221f75f609a7f64a6d25d20431ba94565c8e8d55febd61826539bce791b2647e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_power/data.npy new file mode 100644 index 000000000..7871d0f47 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d21e45ddf2a06b318ea2c82a8fa3de20c358040ceb6f9390458511b6df2bd43 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_freq/data.npy new file mode 100644 index 000000000..942db3617 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78abed8d64f13022bdd1cd3b89f26d48f70fce7beab64717d02b0d175d4a7a8b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_power/data.npy new file mode 100644 index 000000000..10d1f5fbd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6081729b3764ffb41b0ff7e251a3e5ccd120636fdbf0d73d8148a0eb79ecffb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..b83fd8472 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42ca318693275a287f6e70ab5eb0fc0706f44f5e3a65c77984db8d884098cc0f +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/attributes.yaml new file mode 100644 index 000000000..94d999472 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.01330999368704341 +sample_rate: 1000.0 +power_score: -0.013981809840823192 +action: 1834-150319-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_freq/data.npy new file mode 100644 index 000000000..2ade65c7b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e65087467687e197b37ac2cfac2b885697a967de56ef87b9652b1faaa4bc5a9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_power/data.npy new file mode 100644 index 000000000..96f6dff0f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15a1a81620b886a7464777633f5ad4339eb3260d30a772658da2e7d7ea2977cb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_freq/data.npy new file mode 100644 index 000000000..7a635e6d4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd19edef43f6c1cca361e7776d6be23c9a5fbff10f178b9fbee3ec58c5594176 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_power/data.npy new file mode 100644 index 000000000..ccc502b6f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5dcfed097199ecf7929da253d1ebee0c1aaa27efc9fd2b71fd62d9787a11dc9 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..fbd6448fc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:317df7e97438d69099a6e8c6f68b8237074d6816ee9b026d240cf28aa6270741 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/attributes.yaml new file mode 100644 index 000000000..3fb215fe8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0068083158301111835 +sample_rate: 1000.0 +power_score: 0.01604438365866616 +action: 1834-150319-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_freq/data.npy new file mode 100644 index 000000000..75ed8c7ae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7e4329f9d57144f22c18ff74c96f5f7a3c39b834843bc45a788da134b7688e7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_power/data.npy new file mode 100644 index 000000000..98ba6f432 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e8a4e409e747ac994db3fe9c4a944585db86c17d814882428f37ec70c7505f6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed/data.npy new file mode 100644 index 000000000..1660da853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c788060ae31f2c12572d307f104bc6ba266d52c72451474f789491b5399a330 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_freq/data.npy new file mode 100644 index 000000000..f987646f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5888adbe92c5a2f604ffb2cb331f4e223f3464df5ddc74f6594fb121f925ab83 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_power/data.npy new file mode 100644 index 000000000..8ab92ec1b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c4a1b493d3fb03a92d86ce74174015a5fdff2f0d61dd38111e1f77e489c8530 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..2fa13692a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53a40863d5cceb111c3317ed62528640d7bcc6312233ed5b247dadffa70c1b50 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-150319-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/attributes.yaml new file mode 100644 index 000000000..f833c3283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0036312754747828487 +sample_rate: 1000.0 +power_score: 0.027102608648412203 +action: 1834-220319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..3a0c14d48 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fa063dfd02572e759e5d4115e93c5b7578fada52d318ff4109c0fb61bc49609 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_power/data.npy new file mode 100644 index 000000000..793d120f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb3c9f10fc4230da3d36246dea5790e32cd5fe4e10591b3c26ed92262d9d8cc2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..f2d5eb9ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25c6a92e7880fdc271b233f878b509b862548fcd94c482c43532d448b5192555 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_power/data.npy new file mode 100644 index 000000000..c799cc75c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77160834ee094395892ebe28b01ca7e406f906738f21209a66c01d75b4b8e31c +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..2cf554d71 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1ad24e75924f061825c8364a62e1340e1987a21fd4a02ec5b5f102778913b9c +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/attributes.yaml new file mode 100644 index 000000000..e52326a1d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.09220258564925612 +sample_rate: 1000.0 +power_score: 0.04764579255176082 +action: 1834-220319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..3aa3a95df --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba2dd6d2559b9012b0c3662915ea9ad85fa6df11a09f9b9b9c423bb037f46dbe +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_power/data.npy new file mode 100644 index 000000000..19bde70ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fe20d3f37bc3df1993323bbeb0ffb4933eb638aee85dc83696c5b06ba8fa242 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..5405d371f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:014bf0917eab937186096b933db3dc39104f343b5b225f5e49a40ac9ed02cec0 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_power/data.npy new file mode 100644 index 000000000..7657365e4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e55cea2c1cb91624a27de550fbc39778d3ee2ac0e6c7144d3ce903dfd98f434 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..6889c43cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86379ef162a3a2b774d830ab9c7b2804ee0ba5b9cb165eb6807b907ab8d81b2f +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/attributes.yaml new file mode 100644 index 000000000..e18db6b1c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.046138661621724614 +sample_rate: 1000.0 +power_score: 0.06132150784969433 +action: 1834-220319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..d6afd11c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36c90da2dce9e4f03592808ab05c43b687e57184597efeec9ae2f96b0ac91069 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_power/data.npy new file mode 100644 index 000000000..f64813e82 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:085089b57aa54f5e01e69a72855fded3efc562f4523d260775c05ae996f90080 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..7cf4f10be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:addfe1a61eca9e4e9ae9c8ff02a88a63e16c802fd2889a5b84c3a84e622d3bd4 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_power/data.npy new file mode 100644 index 000000000..99b5218df --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18dd70179ba9b9a2fc63272b68962cb00cf1c636d1447f1768217757e64fd0d3 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..f94c6e6e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1de76d4e6e3de1a75576f7fc927282798f0b7c5ab653cdd72bb0f2269402f31c +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/attributes.yaml new file mode 100644 index 000000000..e1e44ca10 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08542595994062076 +sample_rate: 1000.0 +power_score: -0.043992279154389066 +action: 1834-220319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..fe1b64c7e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:861d697ebe228aa06240586ea2397e7147495aebc78938c55bfa28fdfc68acf5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_power/data.npy new file mode 100644 index 000000000..47cf847b9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34edf926b8b2f0f98dde9e47a640a49b587158842fdd57c6937df2436507df4d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..11cfe8492 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c7d7616cff1b18795d619055873a353377c3ddd40df72dd8bc2120640dd4689 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_power/data.npy new file mode 100644 index 000000000..850d0d2e8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dceb13a4156bd9b36f962367b677af0c1ba09727db832e4bc1dddc152cff5ef3 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..26f926533 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a65bd0b055d804b6e64a958cfb64154c9ba54d1893a69d575ed258e0f2f187d3 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/attributes.yaml new file mode 100644 index 000000000..f5601564e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.12381203455076761 +sample_rate: 1000.0 +power_score: 0.09851566043922332 +action: 1834-220319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..99a5cb0b5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5952b8cdd82ffddf4ff52a7a424e0ef185353219677ca877346191d3785f562 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_power/data.npy new file mode 100644 index 000000000..339c5d4cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b7ab530873a8bac2d1b8bf6fc81ba0e4cab77450aa641639d8c5da11154b337 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..4e80bd48d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e772a8c92a0dd3e1a83f53955c53c3a0b090b44f9d57e076e3dcb11708f36598 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_power/data.npy new file mode 100644 index 000000000..e35d222f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66463543ea920b7d99519726e364f082a196bb7aba05f0c2c1efb04545309fa2 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..9e6394719 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b031408131b50768a99163223266e1462d5175a7e8ee677f1e20561c8cbfc6c +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/attributes.yaml new file mode 100644 index 000000000..7582158c0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.09587027313154467 +sample_rate: 1000.0 +power_score: 0.1469968377763492 +action: 1834-220319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..6b2592f2f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfa0e365053ffbefee003570a4dc3a93842ce7d492e1aa5193448da9d14cf9d6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_power/data.npy new file mode 100644 index 000000000..e8d1b414e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb559d002f296c0e87b7a7eec8b4bf492b8185987797dd5d364ccd19e74e1597 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..44849d644 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bb68cde80c4e34cb469c19cde0d7026a5b09a0c0c4d19ba330d1bdad36fd6ee +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_power/data.npy new file mode 100644 index 000000000..b4ca22ab5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdb5a3ab8320a4b2be892dd3a1a613eae1069a1434dfaf409249d3d03f99e348 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..d933cb130 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a3695c7f5e58deba2493d760b32bb1441053e7e920000481e788eab9fb6e655 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/attributes.yaml new file mode 100644 index 000000000..b916da128 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.020103837869376456 +sample_rate: 1000.0 +power_score: 0.13136568707225832 +action: 1834-220319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..4b7c42cac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43f11ab6071313fdba03448914237f3ee8345231a95b653e959279368a3708f6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_power/data.npy new file mode 100644 index 000000000..c1b4d4e66 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9de17b08e05eb0b9ca90ce72bcfb2e6267a169bec992f410afe67e1e2bc7a0fb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..c9dd196e4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f982ba060e07f6a936b25362ab2e414721a9f8b1f4deae727a8544866db9e8ec +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_power/data.npy new file mode 100644 index 000000000..565bfd409 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6831f265a823732f6d5014c70824d4d8d7fc80aba6632536ee3c4ee0fca2ff7a +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..c9cc862e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f79a59dfcf12560d19c62de170a35ec6e72b81cdee3d0ddc22cf95c76823bde5 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/attributes.yaml new file mode 100644 index 000000000..2eb75334e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02183957346867564 +sample_rate: 1000.0 +power_score: 0.14277805171840177 +action: 1834-220319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..c6b2f0c2e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:528b926694d4d820b4ca4fbfba1ee100bd9a6487d2fbd7744dba68bc26c590e5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_power/data.npy new file mode 100644 index 000000000..01802cee9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:574f691521d26d8c770b9e7fb887dcdbab4b28704c6d3316c7058d99bf2a8073 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed/data.npy new file mode 100644 index 000000000..95243abdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89784a7d73e18802f2e91c9f88c6795d1c124d1cab233f87dee9c00fba325309 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..ce60a7572 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3aae385aaa9f4d2f6881932893bc2154c0463160212692546c98c35208224ac3 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_power/data.npy new file mode 100644 index 000000000..de207d5ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d72361862fb1e02e18c3d2f76e256fd97817d03b106d2f0c1dace322e684181 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..49fc40a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dd99ec44e570c49538f8349daf563c84a8e7417a89028defecd1aadcdd2982 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..441f70476 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ff52db8c04f66f18e2cc7ef82b8c19f21868cf90c098c80c17d4f9b42532114 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/attributes.yaml new file mode 100644 index 000000000..42485905d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.002717578024434181 +sample_rate: 1000.0 +power_score: -0.14987032437546077 +action: 1834-220319-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_freq/data.npy new file mode 100644 index 000000000..6ede650f4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae63255549cf89dc7b86c06cbb90cc6455c87b72d801eb346b50ef2cf296fee9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_power/data.npy new file mode 100644 index 000000000..42033ca3d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8908af4a47d43adc0695bda8e4ac1d07215ebef4083f8f491019864163843af9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_freq/data.npy new file mode 100644 index 000000000..0ed4a2548 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4747417251d9aafc7f0911daf18f58f09017442998c1bfe96cb2c1f6661c764e +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_power/data.npy new file mode 100644 index 000000000..6d2402c39 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e298d8e6a4880ff58eee2ff025d2e8e297a260b6ab3105c2f9b0ad420906be6a +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..2076ee717 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c43b161d11f74e9e9569d017cf5f7be6c5c8056ab8b281dbaed8b831509edcb +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/attributes.yaml new file mode 100644 index 000000000..5c16a325f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.007500986147162181 +sample_rate: 1000.0 +power_score: -0.17264751615171897 +action: 1834-220319-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_freq/data.npy new file mode 100644 index 000000000..016384d41 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fb95b8a4d657a5053b1a056943838a9ebb58c2b7cd5972ead3b4c200f31c39f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_power/data.npy new file mode 100644 index 000000000..6c9d60467 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b60132951298bc7208bac0590715e526d61a1e569e18c83bc979dc20e19b5345 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_freq/data.npy new file mode 100644 index 000000000..148ccb838 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3914c462b39147e2a912d850c2abf0c4400a8967493999f0bb77d7f4013e554 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_power/data.npy new file mode 100644 index 000000000..0ac047ead --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e758359234a825468f41136d1491ff7fcc4054f9119d89c7892183021f20174 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..f9f20c5f3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8c05d8d1163f869b815adec6d0bb3f9afdd4a3e757892cdad78fa0e8aa46fb6 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/attributes.yaml new file mode 100644 index 000000000..5177077c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.01061699789702867 +sample_rate: 1000.0 +power_score: -0.10248757845002154 +action: 1834-220319-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_freq/data.npy new file mode 100644 index 000000000..c8182ce0f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:069fc50cd342793ff2a68df5f6816ded651c1aa9d35618ce0db3169329f08079 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_power/data.npy new file mode 100644 index 000000000..c56f14f37 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36c3954215cdd4152e5e453e1098031ff839a1638db80f80a88675f466adaa92 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_freq/data.npy new file mode 100644 index 000000000..994149178 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbacecec96a55cebe6e65413a2894bcabc37a444d5b68992ca561be8299c4843 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_power/data.npy new file mode 100644 index 000000000..739a168cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:490670b6b17a256daf3d87bcda1b8aab077dc7eb6d4d2db6e3fd14029665713b +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..36a1e3b1f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f345b8289a7ff1a3698c5ebe0bb5d0272be959dab63cd176634e7d166081e83 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/attributes.yaml new file mode 100644 index 000000000..caa8c6bd6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0763031260839874 +sample_rate: 1000.0 +power_score: 0.09410407636985739 +action: 1834-220319-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_freq/data.npy new file mode 100644 index 000000000..a4bbc4ac6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6259678eaeb1423a7f9998d192efa16ee6b0ab1a93e6a16f6522ddea7e840c25 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_power/data.npy new file mode 100644 index 000000000..72a500b22 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01ad7c10fbf8d193f11ebcba6a800286c5220587d5014e96e9bb5ad01029789b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_freq/data.npy new file mode 100644 index 000000000..430a06f87 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1defc9ae321abce8310b5291cd9b595ae1f1fd2411c9fcc2ade1b57da8fa4077 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_power/data.npy new file mode 100644 index 000000000..48ee35872 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc3578b993319a008f7c8f5713a5f6608a12984befe96376acbd6e9a50e465c4 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..362cf18d6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f38ddbd008730d7ca9e583b2deb414ecb0f782721352c207bdbfcd42622bd820 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/attributes.yaml new file mode 100644 index 000000000..2b95de554 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.00849053992040049 +sample_rate: 1000.0 +power_score: 0.01292752158797345 +action: 1834-220319-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_freq/data.npy new file mode 100644 index 000000000..0b2a01721 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:931af9a018e96c4e5f81eb457395f2738675ce247d6659305197523e9fc7dad1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_power/data.npy new file mode 100644 index 000000000..545735702 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5366f954f34db9bf268affaccb1d5fb3e217f1e93741dea871c4c118f6ed9727 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_freq/data.npy new file mode 100644 index 000000000..b127e7372 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e56ebb20186e10a03903273a13a11f45c5a3e67343388c916704b8b91c8c8a8 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_power/data.npy new file mode 100644 index 000000000..35c163c99 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:618dd0972a623c8162277a92d021a8c208ad4e3d482ce5817bb23d9bee0d611d +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..1157aec6a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6078f5f70dc5cd432ea016347ae7ceef5e2f54505ef1675727dfb4746c393eed +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/attributes.yaml new file mode 100644 index 000000000..7673de06d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.01647538173946997 +sample_rate: 1000.0 +power_score: -0.15839117119874627 +action: 1834-220319-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_freq/data.npy new file mode 100644 index 000000000..95d9d4382 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c65402be11dee30f2f3b3b1bf80fd2f8320353c32a87076b17cfea0a51b1ccb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_power/data.npy new file mode 100644 index 000000000..f5d3c7160 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35b0ec08157f0049f369777b442ed23be9b5bd4842c675fabdd91edffe35b1ab +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_freq/data.npy new file mode 100644 index 000000000..665a3985a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:785c7e1677a3e6f1ad05fd63eda797d1d303e786a8d25231dcdc98521c904946 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_power/data.npy new file mode 100644 index 000000000..72d06cdd9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e021f63e87cbae1f7256c92cbc46ef3b5233a829864e20feb6772195d560cc7 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..5b34c8146 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:424fa9dc791bc0b390851be08a1c0ef40d7d3813232927191d7eb58eee5aecd7 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/attributes.yaml new file mode 100644 index 000000000..6702f058c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.014753276425550577 +sample_rate: 1000.0 +power_score: -0.013804734105137063 +action: 1834-220319-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_freq/data.npy new file mode 100644 index 000000000..6cfc3034b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:318b2c5b81d0d6e80550de70dc2ac0e731183a28e465f755f6b8a0097f944e44 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_power/data.npy new file mode 100644 index 000000000..3bfbfc5f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07ff1afbcd9b4fef4e53131a87144bf0d34ca82d70b163e5e5d06dbe9eba2fab +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_freq/data.npy new file mode 100644 index 000000000..df2a33cc6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a914493368ca66b659d1a4f36bbeb349a886879249a12e9120321f8e3d397be +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_power/data.npy new file mode 100644 index 000000000..05a92a7de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a93695fea7995b6e918ec702141812da5b4361a543ffa017fa84ea5fac56ccc9 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..76b2fdda5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:289754ae9875a5e2939ccd8e42437e7519f11653c30044e80e0cec887ca1f2b9 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/attributes.yaml new file mode 100644 index 000000000..6442af76d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03345539411288576 +sample_rate: 1000.0 +power_score: 0.006994770640947975 +action: 1834-220319-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_freq/data.npy new file mode 100644 index 000000000..6ebd52b95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e8a0ddc043cb6e427a7f1ebf0b5d4989e20ce646cbf5c2da92f8184c7548cc6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_power/data.npy new file mode 100644 index 000000000..45945d666 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f23febad24ee8e41f3d4158f1b96b7dadcbc137e779e99230a7da52db6811432 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed/data.npy new file mode 100644 index 000000000..17b6dd38c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1020f0480b58f7f6911d9645cdbf4b350cb249f1ed1d0bdc591822f774cfab92 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_freq/data.npy new file mode 100644 index 000000000..bc9c3f40f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29e4a9134bdab7755bdb41ae16ed9e9b7ad2629624b5f5c7372a64a4af1c5f1c +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_power/data.npy new file mode 100644 index 000000000..522c31e10 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5055fcce79634575a7f0f37e054295c30d569d5c4a2f17a18669a0106759dc12 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..92c7c0aa4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:585ff013b6c5a9d2679dcae92ce04dda0bb89172f6974b72cda42633b42681fb +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1834-220319-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/attributes.yaml new file mode 100644 index 000000000..55434396b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.07309245111663813 +sample_rate: 1000.0 +power_score: 0.22597463979450028 +action: 1839-060619-3 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_freq/data.npy new file mode 100644 index 000000000..40d9152a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4eb50f5f851446480719cabaf1eb2e0cb7e08640a08fc6b2d1d496c7e743792 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_power/data.npy new file mode 100644 index 000000000..19e379c48 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d10b7502ac6792a185ce002fa62011b5649ee70f9ceaa6e35e2bf0ce9d0a60c7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_freq/data.npy new file mode 100644 index 000000000..27a4ee096 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2e7b2837856a0630ba109da2080ca88ffd0529b01d0a8910c4076384845b241 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_power/data.npy new file mode 100644 index 000000000..e5550a6ae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:328636821c34c5ad74744425d9cd45d3b6e0d2c10e69cb49c1aaed1d2b55fce2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_power/data.npy new file mode 100644 index 000000000..0be3c9520 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d061e7ad26c6cf58577ff7ba4c298ba700aa1bae641d1561cf26b7c17bec105 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/attributes.yaml new file mode 100644 index 000000000..1d3e2497d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.14398480963301455 +sample_rate: 1000.0 +power_score: 0.03792570661983838 +action: 1839-060619-3 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_freq/data.npy new file mode 100644 index 000000000..f528e2072 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba389426d5f1d6fcbd2bb6373188978709b0c6c6289630b90c27e18a7f78fd65 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_power/data.npy new file mode 100644 index 000000000..549ebfdad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c94f4b0adbdf6e820e1c0ff02774a8cdfb2c865e14f0f12f0910d60b44d55df8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_freq/data.npy new file mode 100644 index 000000000..0c817a4de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ea7daca2d3c8b51dfdd1874830e4b7ae2be90f71e240a20d80715e088f50a01 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_power/data.npy new file mode 100644 index 000000000..f4f71fa4f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d917a173bbd7f9a1fdfd38aae0a7d5407b0a36e736f3cc3d018f43273fd677f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_power/data.npy new file mode 100644 index 000000000..d2afe4385 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b97451b48a1c74d358029becfaa650f2d19003cbec1a81e6b2716e95a72226a +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/attributes.yaml new file mode 100644 index 000000000..111a0ff8a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.031451067348587915 +sample_rate: 1000.0 +power_score: -0.06912745831881886 +action: 1839-060619-3 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_freq/data.npy new file mode 100644 index 000000000..47d65c140 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8602ffba9bec71cb90ecfabc82ed0584b8de20e6d3bffaa7290975e5c9b3b217 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_power/data.npy new file mode 100644 index 000000000..638944cf8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e87b7dfc31abd06aa72a489dfbc4174fe7e32cacabaeda63e4948a5b752b1351 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_freq/data.npy new file mode 100644 index 000000000..003d17212 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:185c968392bbe869275ee56e2165234f84d234859825665507bad4371c8dbccd +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_power/data.npy new file mode 100644 index 000000000..eb717b7e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c68f1d73fa9e5d996f1e14d5d36642432c25c575d500d20cdada2d30a65c634f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_power/data.npy new file mode 100644 index 000000000..09bcc1445 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aecac0dab6f28ee129dde6f29a48f06ca23fa73725ea2da0acb0f0cb689f667a +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/attributes.yaml new file mode 100644 index 000000000..8136ca251 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04215183547412709 +sample_rate: 1000.0 +power_score: -0.1524046127309051 +action: 1839-060619-3 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_freq/data.npy new file mode 100644 index 000000000..bdd592c0c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98ea892c92a9c6b7cf94bc95e8d109327fc0db4d4263748ff8d30afa93eb9b1c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_power/data.npy new file mode 100644 index 000000000..5a3a6a4e3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98ed0362624ab4097b4fe7a1f147478f2498aad8b23f7e0b29ea846146b7dd3e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_freq/data.npy new file mode 100644 index 000000000..fe550238c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5143ad96bb0b76f95031632d26d655f8305306d965d5460385362d9abb8836a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_power/data.npy new file mode 100644 index 000000000..231eee0f2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9360a66276202c3ab9252aca609a22b232393ade4fbc7f44beb0a75012568c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_power/data.npy new file mode 100644 index 000000000..935c0901b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4366dfab2a903b955a373789c1a837a73c84b8b8937414fea9e72474b8452d90 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/attributes.yaml new file mode 100644 index 000000000..1c758cc5e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.10021736378716223 +sample_rate: 1000.0 +power_score: -0.03908045942625244 +action: 1839-060619-3 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_freq/data.npy new file mode 100644 index 000000000..2817aa2c6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdd23e73c6f27c58a50b12b34d541dfaed1b6f2a2a9ffdb82e7a3264142568a7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_power/data.npy new file mode 100644 index 000000000..297c5a6b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd9c7ef65ea6cefff5673b4d8e43b1d636e360b089a9497dffd934165cfe9035 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_freq/data.npy new file mode 100644 index 000000000..2d68990de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ee087a32a159c144e01fbd10ce777ca5572430d84d3638944d7a60a42686184 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_power/data.npy new file mode 100644 index 000000000..680b7b945 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59fef6599f02d4da00b8441631cd07a4f5f5bb9f32606d13f1d89248875f080c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_power/data.npy new file mode 100644 index 000000000..82a8b33ba --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e0e84e77d28dd42accd36823129822e704d89ff6fe0f99cf53eaa29ea99f1ef +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/attributes.yaml new file mode 100644 index 000000000..21ef25495 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.015134057415243518 +sample_rate: 1000.0 +power_score: 0.0206660880139086 +action: 1839-060619-3 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_freq/data.npy new file mode 100644 index 000000000..73ae064e5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa9546b49ed2681e9d6c8edbfddf6845dcf1a7d503aeb9f8f1294b6ceb91316a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_power/data.npy new file mode 100644 index 000000000..5883a70ac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21069af3be628cd9b4ade5046bb8ab725df1dcc5e7622057aad1942548cf6c3f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_freq/data.npy new file mode 100644 index 000000000..b7baa530e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f56c8992beb5ba67e8a014639218c6d6d80df06145ac7f550823f054c2869c6a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_power/data.npy new file mode 100644 index 000000000..dd84eaa20 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e89cb8c4b495fa5ab1fe998d356701644b1f429b0854c7f0fed04aa4c1da37d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_power/data.npy new file mode 100644 index 000000000..347a3f72e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ecfb99faebceba96139307e2d16aeed811b688e04bb6688ea4e6f8412b758f5 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/attributes.yaml new file mode 100644 index 000000000..871eb8347 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05528101332361176 +sample_rate: 1000.0 +power_score: -0.20043906002629122 +action: 1839-060619-3 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_freq/data.npy new file mode 100644 index 000000000..d459e4780 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e22cdee4be80cd34d8de77e77950e172206e89b75e17151633c466ff439b9b2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_power/data.npy new file mode 100644 index 000000000..d1eab5d75 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54d3b7c3666d83ae90ca32a0534da45a1905ca6568757996325138dcef9ca24c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_freq/data.npy new file mode 100644 index 000000000..a8b4d4f3a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e806dc59b99fe8a94f888e97600c73042c800796284588e88491162fdbed0fe1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_power/data.npy new file mode 100644 index 000000000..2346dd9d5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:170c6eea3650c2107202b2992d9849ae13b433f580a19524516ec6a5b3c8ed39 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_power/data.npy new file mode 100644 index 000000000..6238b8fea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cee8a65ce1acce5b26bec3ac773a0165477586895a7f1f7077c7fb30426094fd +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/attributes.yaml new file mode 100644 index 000000000..4416a3dfe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.027775464106628192 +sample_rate: 1000.0 +power_score: 0.143020537624167 +action: 1839-060619-3 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_freq/data.npy new file mode 100644 index 000000000..76430556a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:722a040e0d6dbcc1492997d60a1e77ec6f7cf7ca3e4e53571e16d7894b4c66c3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_power/data.npy new file mode 100644 index 000000000..7d51c7cac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38c0e4bca8dfc407600f8adddfaed04fa347239c6065e8f8ea2e7a110614caf6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed/data.npy new file mode 100644 index 000000000..33c8416c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47af1b3f339749cda44535f2e1223a197d765a8eeacb632c9140998d9fbd406e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_freq/data.npy new file mode 100644 index 000000000..a9fc68086 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5705a7ab97c12e0dad8e9372e17c9fb5f280c6f424ff0baad5c6a8675ea6e1ed +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_power/data.npy new file mode 100644 index 000000000..cc2e9e548 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:860786d83ff2f2f8e87d82003b246b9979dc495ae40f790142db3caf06800bbf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..b61338559 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ddb75a640437d2c710f29648a17fc61d108933f51a1f0524a0931251872b51 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_power/data.npy new file mode 100644 index 000000000..3c3fd1165 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5248936a1dfa1fe40b22c7ef5add2885511d6f2d01a3c1c1da5c191c88bdb1e0 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-3-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/attributes.yaml new file mode 100644 index 000000000..d5c23a0c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.040866566899276736 +sample_rate: 1000.0 +power_score: -0.07830443838284937 +action: 1839-060619-5 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_freq/data.npy new file mode 100644 index 000000000..03f483bda --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e10bfa921b56f184f0efed9494f37e409b7473c4d0c5a08dde443ac566f9c8a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_power/data.npy new file mode 100644 index 000000000..c35c27226 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b171c8f5ae6c19d5a8e7726254dcc189a7fcedf8760978c61fb8b9ce5514ea6f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_freq/data.npy new file mode 100644 index 000000000..a3ecbe920 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf2a5d00b0b18f6c461e3a4efa3e16a2425b9b747f923080784ef39f86d4be83 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_power/data.npy new file mode 100644 index 000000000..9a9099147 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:855286de0dc365daa368cadc32dbc8466099caca018df37a66cac7f1bb1786b4 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_power/data.npy new file mode 100644 index 000000000..9a5431cca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f3b0b542547a9f2b96c623d98cc906f250bd9d98c452cf5a0e3e4504ca705ad +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/attributes.yaml new file mode 100644 index 000000000..f0621b995 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04861434992394691 +sample_rate: 1000.0 +power_score: -0.15798132846627663 +action: 1839-060619-5 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_freq/data.npy new file mode 100644 index 000000000..7a7d4bc9b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba87c89b664da9f385f843bfaf0bd94d3378937db680639db7fb5c8e4a3a003e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_power/data.npy new file mode 100644 index 000000000..203f6a605 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca8c1966ed9bb70fc48cb3c47ce051e8b8eb2e4681bf4cd3bc7601d19cdc6e03 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_freq/data.npy new file mode 100644 index 000000000..14ba15d05 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2beac25d956eb5c05d235c25a79f0c137f2db85660d3f10e0fffb782c68955ca +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_power/data.npy new file mode 100644 index 000000000..68eb3c5cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43f9e474312993be6f1ed83333efe1f974c4dd11dffedbdb136cd3d2e71011d3 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_power/data.npy new file mode 100644 index 000000000..9657f8370 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5173a92e2a0e4bb8fc6de6ce1595ebb537f44e87f29c36407d218549b31375cf +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/attributes.yaml new file mode 100644 index 000000000..f441285a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.053056262095483545 +sample_rate: 1000.0 +power_score: -0.043384046183065954 +action: 1839-060619-5 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_freq/data.npy new file mode 100644 index 000000000..71cb736bd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f25cd15ea617d959185a06177ba4b49f78e9535ff20ffc67254953615863b15e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_power/data.npy new file mode 100644 index 000000000..80cbe04e3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:287f02d27fda24e4b3c13d89fa005c6652cc0971cf15e83f9f6c9bafd4c81113 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_freq/data.npy new file mode 100644 index 000000000..8135fcff1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a06975865b4ba5c16eed49232ccd646d86b45a951756f04378283fa83b07a1b +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_power/data.npy new file mode 100644 index 000000000..985f32008 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:840bd9ef1ae98a3b15497eb9337e6215dfac1b770071bc5250a7f069e6bf56b1 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_power/data.npy new file mode 100644 index 000000000..d61f3482e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5622d6a9b53ab4eb1d538b9ac629a5aeff6d7fc03b2af31a32aff70a34f0b909 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/attributes.yaml new file mode 100644 index 000000000..0d7a6a95c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.002499602107280472 +sample_rate: 1000.0 +power_score: -0.05930814553529722 +action: 1839-060619-5 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_freq/data.npy new file mode 100644 index 000000000..cac37037b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d75252d15829d5adc51c0566bc20854f10857094d879786c9ae70e093e1a873e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_power/data.npy new file mode 100644 index 000000000..1f4ede0a0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa5d6eabb8d4f9189155135026fa09821ae74b39905fd6475489c354d1481523 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_freq/data.npy new file mode 100644 index 000000000..73b11d4fd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1c6760d5cabdcfa2e70e4788a40dd6341997eed91a99be73469d15bcfaa360d +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_power/data.npy new file mode 100644 index 000000000..4cd35c346 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c5ae129f1c536d89c1ff149d8b2005e82be4d3f1a9ecb789e35270c3638015d +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_power/data.npy new file mode 100644 index 000000000..560714c31 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c60e5f22d21b4cc25ffd666075b480caa80bd32dfbeba4e43f903f1e68e2c4d9 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/attributes.yaml new file mode 100644 index 000000000..85c415914 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04821901036890445 +sample_rate: 1000.0 +power_score: -0.07088757744722782 +action: 1839-060619-5 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_freq/data.npy new file mode 100644 index 000000000..f80a431cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd182788b5b3a984ba5aad02fce23c161393904bd21a8c8410e6a7e1d6c8ca2a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_power/data.npy new file mode 100644 index 000000000..6a50423fb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4444df1df09a78aa9ccb307af019806dc2323db220ddb7b99d03d0f597e85eb1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_freq/data.npy new file mode 100644 index 000000000..90691bb73 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4cb51d41ccedcfa2a02cebb196e58aa1ebbd03ae9b81ed8278da5f561c43d07 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_power/data.npy new file mode 100644 index 000000000..c77d01dc2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a20eb0c7aba0845acf874d08ee5677fe036a30c88b9d0278a8779c16dd22f1b +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_power/data.npy new file mode 100644 index 000000000..cc2567c7d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04cf951fa20b697ae24376c2a8905a6c47bd2be8e33d6cdfb1406f3668d795ec +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/attributes.yaml new file mode 100644 index 000000000..034eba5ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.06506589969329064 +sample_rate: 1000.0 +power_score: -0.1547769539343028 +action: 1839-060619-5 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_freq/data.npy new file mode 100644 index 000000000..1e7173bc6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a020a6e46f80fe0cb2642c07e1390be88552ef79b3d291e21cf94ea7b5e5771 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_power/data.npy new file mode 100644 index 000000000..9a5a53483 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82794c13b5b48bd8c8bf167986ace79d94ecfca3d346b9fdccfddea27e51e4b0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_freq/data.npy new file mode 100644 index 000000000..c2ad20a63 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c152c4ea2e44843bf8af535985f87bee8b5385b290a4e09176f33f118272d2d5 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_power/data.npy new file mode 100644 index 000000000..64d754443 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70f7e33451356fb811573a2f18728f2e2b38fa807bfc3707cda605410f13a89f +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_power/data.npy new file mode 100644 index 000000000..4cb22df30 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebb15a4fa66634a394b8b07cb914d42b236d2df8494ab81ba7dbe38629365c91 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/attributes.yaml new file mode 100644 index 000000000..79c981c1c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04276886429574288 +sample_rate: 1000.0 +power_score: -0.08724720569459085 +action: 1839-060619-5 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_freq/data.npy new file mode 100644 index 000000000..0bda2e113 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09614d1001aa2d47f9e81f4db6f63a05d1ba3c26817fbacb96de1613ecd63cd9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_power/data.npy new file mode 100644 index 000000000..3de6ee9bc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afc330413b657c30b618d9a9b912f49eb785cd9c3115c8a70a91a700e80538d4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_freq/data.npy new file mode 100644 index 000000000..e25278a14 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e35865e2ba9846c981b9891ca188fb4fd480e11d2d0ea27105244071c166266c +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_power/data.npy new file mode 100644 index 000000000..624fe0bae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4ea0ebe9db8cc705d04401f0729238c63da4217f7366676d7d2f3040ec01736 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_power/data.npy new file mode 100644 index 000000000..697f87e79 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e88d4a1efecd54d0b76963acb1b146ff48506ec816d53e98de3facd8318d2303 +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/attributes.yaml new file mode 100644 index 000000000..2564d0ef4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.055201408498310796 +sample_rate: 1000.0 +power_score: -0.06340746201882747 +action: 1839-060619-5 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_freq/data.npy new file mode 100644 index 000000000..1e28ba11f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c9bdb118669f355d9861228034b877b9e26c634be8dc7f70c63b9b69b328e5f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_power/data.npy new file mode 100644 index 000000000..516f06ae0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ec90bd926079d2f87b655ba453627865d3fc2c11046515f6b127eaeacab99ef +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed/data.npy new file mode 100644 index 000000000..ac93e1469 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:340170bde6edd75b7d6555c83dab88fd18fb7b5c340ce80534dfd72bb3d0d405 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_freq/data.npy new file mode 100644 index 000000000..63c2608f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a5cf02c7dcd101e0406b95fab1b9dc0e8af9361dda6cc4e0f2d4eef0b2aef69 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_power/data.npy new file mode 100644 index 000000000..12c8c8184 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:313a720ff79c752629d37eaace5783be94d0118598bc87e900dcb7f1be65abd4 +size 4800088 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..805d0f034 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8726ac6e1a1b77b1238fe6be0de285a776868452cb78f28d12b4b93fb71cd199 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_power/data.npy new file mode 100644 index 000000000..afe277009 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ada0f306f5a1d29d2554d709b218079a3683d0cfdee4482ad28397d2ed36d1db +size 191998528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-060619-5-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/attributes.yaml new file mode 100644 index 000000000..d3b6eedca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.012306898289266698 +sample_rate: 1000.0 +power_score: -0.031558344189302874 +action: 1839-120619-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_freq/data.npy new file mode 100644 index 000000000..3bc7517a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4372a726f8f4cc124e650197643c184d31d30e87124f62d755074e191c4755c0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_power/data.npy new file mode 100644 index 000000000..0473373fa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:957f2758647d440c35e9026cb8d956da26fdb9324bc1e1713636e3c8bb6567b8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_freq/data.npy new file mode 100644 index 000000000..b764fba4e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9c4aad797b1db1207b96653c4d479f98c1e17542a2b91985ba9f6be13329c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_power/data.npy new file mode 100644 index 000000000..4865aa5d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b553699e552059012e2cebfc8fa2fd8a304ca05a744e866d9f51f7f872753372 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..550962747 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca936def4610ad16d5cd5fd0e8227153629d738e586f52c0be2485423fc32387 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/attributes.yaml new file mode 100644 index 000000000..a4028e894 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.007035011331795893 +sample_rate: 1000.0 +power_score: -0.025284734767422212 +action: 1839-120619-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_freq/data.npy new file mode 100644 index 000000000..235f7e4be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2d8a4736f468b8da9c0a3a395d51f2960308ad8b7dab6dfd6608a21ad86cf77 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_power/data.npy new file mode 100644 index 000000000..9fc32f6fe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f586e63a08b6f4de921f0a7b8faa2d770d21fd0a266865415fa01e0aa846e6e2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_freq/data.npy new file mode 100644 index 000000000..9858bc3cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:705d26adabd78d6dcb876d257f833cb9f4888ff1b21e16edd75f406d83bd9067 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_power/data.npy new file mode 100644 index 000000000..7066db05c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7925d2174dd7c3c54ea2d2eeeb0df2fbaf79b3ffda803e3f5f28bfed03f5f680 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..487fe5d65 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f160fcdcae1c2bb9f7968ece424c2a2822dd2d5be49049f78a56897db3ec22d +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/attributes.yaml new file mode 100644 index 000000000..4c4e5c82e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.07535978738215479 +sample_rate: 1000.0 +power_score: -0.02365147032884011 +action: 1839-120619-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_freq/data.npy new file mode 100644 index 000000000..742272282 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da755bac78ce5d002f75baf53b3c139505523e45f52193486aa9110d3899b28a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_power/data.npy new file mode 100644 index 000000000..1b656c0b4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e20c25c03aa43d076b151bf382ae3fb841b6f051a9bfe666517608054d885059 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_freq/data.npy new file mode 100644 index 000000000..fef8ee4a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f68f70bc6c7f79630dd09e1b96e8ce0cf2999cbbdc95d8eb4126b25c75261b4b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_power/data.npy new file mode 100644 index 000000000..065f93b9d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1a86f3a921599327b8e46719cbc75f0eb8803268df46a2a0a810583ea730a0f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..5922a3f1f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71dc0017ca9d06f0e64d9c4534a1cb8d3d3ec411526541aa4346d16f42cb970e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/attributes.yaml new file mode 100644 index 000000000..75fb68390 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.10218421255934554 +sample_rate: 1000.0 +power_score: 0.020475240641468242 +action: 1839-120619-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_freq/data.npy new file mode 100644 index 000000000..6c26df4fd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4dde07c9ee7c9193115f3ca837480d795486e3cc80000aad319c17ab30c018a2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_power/data.npy new file mode 100644 index 000000000..563972658 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:148d406278e196e13449bf98955317aa39a101a6aed034fea920daf3b568fa09 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_freq/data.npy new file mode 100644 index 000000000..b1528aefe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39d186651c131661722b7f0bcaf72378ff1483394e139c1eae162016b10fcf65 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_power/data.npy new file mode 100644 index 000000000..a2c402de3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04e22f1ad1a85483940f241bcd55f91f701545a72be0c01b12135fa8076f17f7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..f31c2895d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52f8aa7c4ff1d11c46bd6b2d321d3031787f4ddde2d7b0567c3a94a4249edc24 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/attributes.yaml new file mode 100644 index 000000000..cb26f6ee9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.045401891499532276 +sample_rate: 1000.0 +power_score: -0.24364993716665684 +action: 1839-120619-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_freq/data.npy new file mode 100644 index 000000000..907d91e1a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3342fe3edd00cda8263c95473b81e4d5a94e9f95197a8ca0308ca7b0b8391856 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_power/data.npy new file mode 100644 index 000000000..12d6e4996 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c199921834a6ed08a093ca73f746aace8c3d776ae2b0bd5533366e6b34b646ea +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_freq/data.npy new file mode 100644 index 000000000..bca2e04ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cdb1a7c3e565a6e90d493486563b75a7991960ab31ddc5576f6a9630d00f4b5 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_power/data.npy new file mode 100644 index 000000000..99f099561 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d74f0219847569d6cc1ea5657f1191f562c99f7d7688d44b876277a4212691d1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..2f4998b42 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ecd6f8547c2561d787bd26142920b0a21d0c4b847adf2f4e8f9efcda6d04765 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/attributes.yaml new file mode 100644 index 000000000..b3d5661fa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.1423202345084698 +sample_rate: 1000.0 +power_score: -0.08322146646331116 +action: 1839-120619-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_freq/data.npy new file mode 100644 index 000000000..71f0ea5a8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2ea4dc1376a6460b151e2a0d39b99b2aa86648adc62151215e68d13bc70d518 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_power/data.npy new file mode 100644 index 000000000..e956a275f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d96f30b1f5174f431c29bf95a6b81d3c49bdb283ce65db9f140d07333ad8dc0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_freq/data.npy new file mode 100644 index 000000000..6efc5f01a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c8c054f40b8ab830b44816c6973cdb7a50b956b6be847200e78027671591e4b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_power/data.npy new file mode 100644 index 000000000..69bb02c09 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e74abe8f269b72b07937157238535b44426dcf6f44616bcc66856a213b57c793 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..4a97f780f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d59b1d9c04feee99ba94ce23afbe65ae14e308ee23fe1705ed001ad97c50499 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/attributes.yaml new file mode 100644 index 000000000..ce9943e88 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.062161020625507775 +sample_rate: 1000.0 +power_score: -0.25319926671234405 +action: 1839-120619-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_freq/data.npy new file mode 100644 index 000000000..82b641642 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb861533b87f62ee440800f607e5d6db4851459fe65a01f56daee54facee271b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_power/data.npy new file mode 100644 index 000000000..aa3c513bc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05dcb6d993557d8e254a7b288da1c686cf438ccf5af87b619910055259f8d37d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_freq/data.npy new file mode 100644 index 000000000..6296d2858 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f52e9b7c41e811f2cc8bb3c5da4cecccf90467041f2c25b847409b023c24ce97 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_power/data.npy new file mode 100644 index 000000000..aa890b873 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da074d9aec8502637d9d1d02adf3185b49b374793fb8c3fffb5734f1e281d20f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..219d7ba3c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49d25a8261c06bf2a2cac3cf5cf37ee7da2526533065c8341797d07da5657448 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/attributes.yaml new file mode 100644 index 000000000..2d592aa12 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.023608624471705152 +sample_rate: 1000.0 +power_score: -0.11510717329806787 +action: 1839-120619-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_freq/data.npy new file mode 100644 index 000000000..fcd62f687 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac41e2f69c941125901f475f1e3e91b3efa1e9601a84b8551cb8e4da65e48698 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_power/data.npy new file mode 100644 index 000000000..6800efd57 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e57547550418577de753b20719a7b5af5f5fb59c91e5ace91a5647471ef9cfd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed/data.npy new file mode 100644 index 000000000..30221ab86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c1f352ad9a637daddbf8c59580e0e5d1764ff128dbe4b4a4d399d49419df7b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_freq/data.npy new file mode 100644 index 000000000..1c6985217 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da2a68361c11f10f8be7ba83698ef4da569b39b85f46f844394b8db8820c8087 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_power/data.npy new file mode 100644 index 000000000..e3780b0dd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae57223ddc4bb58116e976eaa167d591ab6626996c153d10ceac87ce52f7539b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..a3ee8befe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa5cb5b0ec84576e3b3de3838983903e136d580bcbabef1f9e6bd7d3548bf53 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..f54c8928a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9368ac7d5b797fac64b00f6eec9878e81fa8dbdadec007fa4c833ed7ed4970d4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/attributes.yaml new file mode 100644 index 000000000..9e9f4f29d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.029954091630057706 +sample_rate: 1000.0 +power_score: 0.04127692531764036 +action: 1839-120619-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_freq/data.npy new file mode 100644 index 000000000..e5acc51a6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c23df512ef99d2042f7ba0b761552a8d63b20d03b3d83d3380bc5c3b2cdd25f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_power/data.npy new file mode 100644 index 000000000..87048bb7c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4ab02a1461cec9ded8a8ad41800ffa35750a0c690068c51c52c90b740dd76dd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed/data.npy new file mode 100644 index 000000000..0ac920bad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dd22edd9dce6ec9eae863fd69ec4f287a546c184f87a0ffb8b283929ba9e0d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_freq/data.npy new file mode 100644 index 000000000..892e310a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78d94978ca870d94fa570b8288b1740b70438f5317f52d8f75fa91c353566c62 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_power/data.npy new file mode 100644 index 000000000..5f0fc14ae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9962f4d009eb54a9624cd18c7c961b991853da428cf70db9bc83d07132964bd +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..6481a29cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee1420b5fe58c69428c88eb98b9f40e9bc4391db8d04475b77e35cf75025545 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..738f41006 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37fd6c5f64d0136bb8068d16ca85442de0956a46dfab498d700c3b0950bd8f6b +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/attributes.yaml new file mode 100644 index 000000000..af891dc8d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.001418821640383296 +sample_rate: 1000.0 +power_score: 0.010512541983528977 +action: 1839-120619-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_freq/data.npy new file mode 100644 index 000000000..e365ea5f6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32ac5880e25b6c1df94275e2b695e00277c34d04cc72a5b3f5505f503859005d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_power/data.npy new file mode 100644 index 000000000..610599251 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:235321a9ec0eba76ebd23c0cef615937b5baa0393b9e5776635c836f62689132 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed/data.npy new file mode 100644 index 000000000..0ac920bad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dd22edd9dce6ec9eae863fd69ec4f287a546c184f87a0ffb8b283929ba9e0d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_freq/data.npy new file mode 100644 index 000000000..2c8689399 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c65f2e0124a5c4cc7cff1cd2337cd20514a722b248d3cb1e9cbc07f60f8ff04b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_power/data.npy new file mode 100644 index 000000000..9441aca29 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:831cb39b997c1bf91105c672ab60dcc3bcc8443b2e81f80fff5ef5350abe4660 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..6481a29cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee1420b5fe58c69428c88eb98b9f40e9bc4391db8d04475b77e35cf75025545 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..4374d5150 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:317c0c3ab64bf0ab82506fc16711b9bca67de1f317ac257c472cdeddcf821789 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/attributes.yaml new file mode 100644 index 000000000..c5cb555fc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.030640915849359674 +sample_rate: 1000.0 +power_score: 0.10243646859970726 +action: 1839-120619-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_freq/data.npy new file mode 100644 index 000000000..bc6d921a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:549c238006c6c0cbddbf3f3461b87fbdbdb493cd12b90fb5b681a21886542e03 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_power/data.npy new file mode 100644 index 000000000..b61fbb7f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9243bb3560fb2973112dd2a606abd112fd14e70ab20791d51d13ee17f48fd26 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed/data.npy new file mode 100644 index 000000000..0ac920bad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dd22edd9dce6ec9eae863fd69ec4f287a546c184f87a0ffb8b283929ba9e0d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_freq/data.npy new file mode 100644 index 000000000..c08c8b76a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48ca3b3bb6bcd0b907f5994dc66b04ac1015ab6458ec2eebcb910402e0270e68 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_power/data.npy new file mode 100644 index 000000000..9591df4f2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e55e2eee6856581e0bb26d49088b7a4e833a0b3e7546ad7ae35a87be8849db6e +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..6481a29cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee1420b5fe58c69428c88eb98b9f40e9bc4391db8d04475b77e35cf75025545 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..34a292d26 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7f3b19534629614f59aa85c493d494ab63e32217d51d470972ae8e0109a9906 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/attributes.yaml new file mode 100644 index 000000000..ee9646d9f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03311869590025575 +sample_rate: 1000.0 +power_score: -0.06935017089421253 +action: 1839-120619-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_freq/data.npy new file mode 100644 index 000000000..350f98962 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5572a082b11d90613edbcb3150550a53ca021ea5eadcfa53b04c9f3eac044344 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_power/data.npy new file mode 100644 index 000000000..e0cb562d3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee012204b4b6fc4b59b12f00928fbee40ed4ae2a7ba6882e68fa2b336188240f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed/data.npy new file mode 100644 index 000000000..0ac920bad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dd22edd9dce6ec9eae863fd69ec4f287a546c184f87a0ffb8b283929ba9e0d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_freq/data.npy new file mode 100644 index 000000000..3c00c5713 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87b4ceed7eaddab80047e80e5d323b5b32f905fbc1281808973e3ac6b3f77ea6 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_power/data.npy new file mode 100644 index 000000000..3b612599c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fe84c8c337be659f6cab7be7c222abaea12793273cac29201ef8eaaf327490f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..6481a29cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee1420b5fe58c69428c88eb98b9f40e9bc4391db8d04475b77e35cf75025545 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..c7fb3ff15 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0db9bc246d710bfffc357a8edc27c6cba358bbff1099f65a3b88a9eac517ad47 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/attributes.yaml new file mode 100644 index 000000000..b261fcc8c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02701584539644402 +sample_rate: 1000.0 +power_score: -0.0734087993636853 +action: 1839-120619-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_freq/data.npy new file mode 100644 index 000000000..6bdf32fe4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c55467e83c70d7a8dcca636e21f7c5fe8fc9ce886bc1e51f253dcee6d4e69655 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_power/data.npy new file mode 100644 index 000000000..97cdf1b3a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39015311ec1c301b744f73722442cb37e24601db5e38a64371709ff98174d87f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed/data.npy new file mode 100644 index 000000000..0ac920bad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dd22edd9dce6ec9eae863fd69ec4f287a546c184f87a0ffb8b283929ba9e0d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_freq/data.npy new file mode 100644 index 000000000..e2f30b3b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25cd1fd65e483a64775f8a018e0ca3ea00b281e9e5f109e397cca10ddb5c7126 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_power/data.npy new file mode 100644 index 000000000..3ad21ecde --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e94dc02aa3436073e0ba6decc50688e9967b547ffeb8c04521ad1a2b749117b3 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..6481a29cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee1420b5fe58c69428c88eb98b9f40e9bc4391db8d04475b77e35cf75025545 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..a3cb5e0ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c291db5274526d91caf5102b4f2a15d35ba375c5b00b597dde9442f0c94f7306 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/attributes.yaml new file mode 100644 index 000000000..8521ef219 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.013675557588092727 +sample_rate: 1000.0 +power_score: -0.01865420902369503 +action: 1839-120619-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_freq/data.npy new file mode 100644 index 000000000..b148e2cbc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28dbd61751c7dd376cfc6d17b28ec0ed8b850e131eddd70b9b1fd50dfab7fffd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_power/data.npy new file mode 100644 index 000000000..aa61c36a2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9594214f0136ed6d0e896e99f5fa26bf7cf3621bc47c86701adb3ba82b954c7a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed/data.npy new file mode 100644 index 000000000..0ac920bad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dd22edd9dce6ec9eae863fd69ec4f287a546c184f87a0ffb8b283929ba9e0d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_freq/data.npy new file mode 100644 index 000000000..8bae70e3e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f167c244a149bff5cbfd3e186739bd5ede3d413ada01b3754060663909ddabe +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_power/data.npy new file mode 100644 index 000000000..058b6fc83 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc16c6b8db14c7e6aaf2cad1cb43432d2aea79c3a8c240d9a26f46f0c31e3b6f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..6481a29cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee1420b5fe58c69428c88eb98b9f40e9bc4391db8d04475b77e35cf75025545 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..2c430909c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:baeea75b32f74f03437d6196c5ed3bb86159b75afc0c033ef0694f9865b48b92 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/attributes.yaml new file mode 100644 index 000000000..314d18651 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05956055192728706 +sample_rate: 1000.0 +power_score: 0.01655806570709876 +action: 1839-120619-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_freq/data.npy new file mode 100644 index 000000000..315d9d0e1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d65dc9b771ac54ddd583959f873e8aa165dd4ea40c7a8177ad198cf4d69fb38e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_power/data.npy new file mode 100644 index 000000000..2f9234679 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab070120fca9887d77491ee1528dfbe9ff3c0fed1d62f7ddf85f88f28510bd2b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed/data.npy new file mode 100644 index 000000000..0ac920bad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dd22edd9dce6ec9eae863fd69ec4f287a546c184f87a0ffb8b283929ba9e0d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_freq/data.npy new file mode 100644 index 000000000..134c4d8b5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57bc025df3d187dfec368cc4f9144110465004d0275c0d6e66e9cb41598fb09c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_power/data.npy new file mode 100644 index 000000000..531a8868a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72205a7f7b4dfcdf987b152bdc598e6f98c9ef24e36f8f30ae26554f92345b90 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..6481a29cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee1420b5fe58c69428c88eb98b9f40e9bc4391db8d04475b77e35cf75025545 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..9876b2567 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4df2bbdbe6519f58e6caf1802a8bc49a4196e9d9e1bd129da77fbe3ce3dbaa5 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-120619-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/attributes.yaml new file mode 100644 index 000000000..ae0ff2953 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0962024934499883 +sample_rate: 1000.0 +power_score: -0.22453067128409498 +action: 1839-200619-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_freq/data.npy new file mode 100644 index 000000000..369dd498e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:213e4c1101937cfdd1b56cb63629c19560599a48b7eaf8cb887f6855eb6dffd1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_power/data.npy new file mode 100644 index 000000000..b85c2f39f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6142e8deaa72a044cb58df54062b3cb78df33bf78635bad846d69c6361070ce2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_freq/data.npy new file mode 100644 index 000000000..a3b9f3658 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a235647ec0fcdfabed3328729954028a4866ef3b841c442d68604fd00d9b2e31 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_power/data.npy new file mode 100644 index 000000000..f97827dcb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:207c9c954d763b7152b0a385204f417bd7ff18cbac99da727d7c7d921ffd4780 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..6795138cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:266c6c0e6c4703a714a3dba723975c7f536875a448b720a5b629e04d0cb61a4e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/attributes.yaml new file mode 100644 index 000000000..dd4bbd770 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02672972967677329 +sample_rate: 1000.0 +power_score: -0.006723673544356849 +action: 1839-200619-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_freq/data.npy new file mode 100644 index 000000000..b4c35becd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3adcb22fe1364df61074b00d02061fac645d4915ad42ca7f834ec9c34d150b2b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_power/data.npy new file mode 100644 index 000000000..6b5759ca7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2bc30d03a794c9343beba5d7f5eb52b54e28d75d34b1a706ae78afbd74a1cee +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_freq/data.npy new file mode 100644 index 000000000..4204b20d5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a34aae516ad2685cefc37464e412063160d229dc4fce244a29429b39dc26fab +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_power/data.npy new file mode 100644 index 000000000..479a0392f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74b6fd389e5493ecafe932bcfc920b6bf4d0c84ae0d035c87c4664e3f46e4159 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..576665283 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:384209f0a1ca711881b5bce7cb17557e083e47d34d691164862f5eca263b17c9 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/attributes.yaml new file mode 100644 index 000000000..8e83dbb9d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.13686643104690474 +sample_rate: 1000.0 +power_score: -0.14674309412867206 +action: 1839-200619-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_freq/data.npy new file mode 100644 index 000000000..3fbed919f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:674c6fcf1a2cb4b6424141471753a98ad84317d27634332937167e03fbd20b26 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_power/data.npy new file mode 100644 index 000000000..9db963532 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6ba11cbe2389f904403e8e83235f2aade859695a7d61db7de88a0859a64e849 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_freq/data.npy new file mode 100644 index 000000000..fe192e055 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:831c0acfc1b2f6c1f35a7df7902504c30ce6bb16ce9bedc2c2e27867a759eeee +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_power/data.npy new file mode 100644 index 000000000..03d5fc1c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b521b8e1f3c7dee5653803c675e2040b09da5211dc027eaec0662c17ed875db2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..a9e450c8b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccc53371ba92e2f055b4f24b7b026a49340ec98a79b2afb8a93abaa183730e92 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/attributes.yaml new file mode 100644 index 000000000..01e071346 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.06989605288344185 +sample_rate: 1000.0 +power_score: -0.25301845775085435 +action: 1839-200619-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_freq/data.npy new file mode 100644 index 000000000..4b5dab1bf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a5c2260a84563e4fdb4802de6978bb936bc0050448b24c55d8b67bbce5efeec +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_power/data.npy new file mode 100644 index 000000000..7719674de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:356cb8450c0853b1b3d2a9808dd5b5342ea5f348be56d4b29e2384ce2894a41c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_freq/data.npy new file mode 100644 index 000000000..4a052346f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eadf5798e3cc322432fdb9d682dd4383df24a3b5bccfa45045ff3fd0b7be5b5c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_power/data.npy new file mode 100644 index 000000000..7e89822b6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5410df28dfbe3ec12eeaf5a45ef1dada6f9fd3154e58f546d7674f3c7e226c1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..68dfb81a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6abf51fcbe238800a996e065e148d46c188322ea09484d0c564d07ec82c31a51 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/attributes.yaml new file mode 100644 index 000000000..c8d72c2c0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0406500145173552 +sample_rate: 1000.0 +power_score: -0.09743381151229846 +action: 1839-200619-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_freq/data.npy new file mode 100644 index 000000000..ddb9287cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9adc7e80b20305c0b3bc09cb22c136b715ecc0129278233f716defbcb455dcfe +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_power/data.npy new file mode 100644 index 000000000..cea16f489 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dd2fd64039a2e6f2e33301a66b9be75b03588cbb29aa0f525718b87d5798064 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_freq/data.npy new file mode 100644 index 000000000..8a1816085 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0af752916579ee445c5ad4326f7be2f2c0c01732827367cba4739910ae8b621f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_power/data.npy new file mode 100644 index 000000000..739e2df65 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c44f51a3010a6e4b5fba76fc2e0d67dfe112797fa928299ef96510ca359b5767 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..aacd693de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:289fdf436e6c871a41f6c79eff5244101e46f4b5e2b1d3accf12576a313675ca +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/attributes.yaml new file mode 100644 index 000000000..4e23dccab --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.010951653666931838 +sample_rate: 1000.0 +power_score: -0.11719421737178023 +action: 1839-200619-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_freq/data.npy new file mode 100644 index 000000000..65af9a74c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7874bd33f74e302448ddc73b7134607f7a7b9d5a01b1035b07b8cb9aad8793b3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_power/data.npy new file mode 100644 index 000000000..8237b0221 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44e1101072eaa3798b8dbe256affec5af6087f5ae17905d87187c71bba0c7831 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_freq/data.npy new file mode 100644 index 000000000..3e4d1ca37 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b88b2043829de3a0c251a6221b58b38815999565cc49a99f82de8d85c8f78a21 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_power/data.npy new file mode 100644 index 000000000..43310c7af --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:165c4593d0108d0b5bafa23fd8513eb6fef884518cf436e75544659165d0d713 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..f2e95d878 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8201c51a27029f20a733bf197a07027f828a48c3e9d414ab8bb58e488d9f3bc7 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/attributes.yaml new file mode 100644 index 000000000..d42241545 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.03459450839236811 +sample_rate: 1000.0 +power_score: -0.2607196527226725 +action: 1839-200619-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_freq/data.npy new file mode 100644 index 000000000..eb713b60d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:961c9da89b8c8b056ad0c23fc93ffaca91afb797c69f4fb79ddb9ed1abd520d7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_power/data.npy new file mode 100644 index 000000000..6ccc334fc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69ef2c88f7a1ab3f5ecf57f10ca675880c3dfad271e81fd4c5b2fc3ad100895f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_freq/data.npy new file mode 100644 index 000000000..d11aab821 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06cade7213aea5f2fbb1fbb43f4fad645d37a33dde172c8834c4753864ac5716 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_power/data.npy new file mode 100644 index 000000000..9d81f7564 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09b8d8f2895c54fd0b5baa6e626ea8480892c384d64519a95e6467d3c66b0083 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..a79af089e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e387b9c7e044250207da66b21f289d82acf4232c9f7976ce7f386144d7018ac +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/attributes.yaml new file mode 100644 index 000000000..c2fdbcbf2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.07946222024236399 +sample_rate: 1000.0 +power_score: -0.22914097635175606 +action: 1839-200619-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_freq/data.npy new file mode 100644 index 000000000..c9315493d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b37678c7c807a8959f8b5d091bbfb6345a7d8af24408892256c0bb817234b3e2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_power/data.npy new file mode 100644 index 000000000..84782168a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48f5ed44b6ab58bb7e73f6a3870a593c6fa9f10283862397ced7aa5763b69598 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed/data.npy new file mode 100644 index 000000000..25b5f7ac0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32e4d22c6934aad530b29a6adf2e56cdda6f8c7be0f0dd2b410087e58d4493c0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_freq/data.npy new file mode 100644 index 000000000..917fbeedf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e3f6ee36143b686a1832b74a8d99839d6dd1ae44fab78b8ea437d956e450c50 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_power/data.npy new file mode 100644 index 000000000..58a227bd5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b9d0b5d3de59d0843ee5ed7ef22d846fa982cbe34fcfc897b3955ff0f71ada8 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..7018bc884 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6f962803c987237eff130d109c1453aecdb2bae9753d868a6b0462325d9a40 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..e3d134056 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd139551578a4d97559386eb4e980fcb6b0bc272f198754a9f1d2e66879fdcfb +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-200619-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/attributes.yaml new file mode 100644 index 000000000..3d7f1dea4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08843898819645203 +sample_rate: 1000.0 +power_score: -0.38583863539784036 +action: 1839-290519-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_freq/data.npy new file mode 100644 index 000000000..086a6fed5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b8715b9246a76c69037c3f8070ddc8467fbc5f60205cdbd8ed20486c6881496 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_power/data.npy new file mode 100644 index 000000000..429524c92 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0233a8cb1c6ded7b8550c5dc8a4337817bcb8246634089a147128f6d89b2ca0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_freq/data.npy new file mode 100644 index 000000000..053fd696d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34b3cad4fe51c78b39339baee130ed9499daedbd944d352ecd02960ba2129dac +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_power/data.npy new file mode 100644 index 000000000..12dba2003 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c3354ac93a24bd20916ccb2b0a5e11f1d8105ea14603a48d8e9e6ebef222dd +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..52aaa1f91 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a3ae8ed5b21af5195a7cb391a85f6f0f13c7c630f3dd0871df4e150b8f50155 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/attributes.yaml new file mode 100644 index 000000000..efc542da6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.09878866378297393 +sample_rate: 1000.0 +power_score: -0.21841618266549717 +action: 1839-290519-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_freq/data.npy new file mode 100644 index 000000000..2af3d04ea --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:453a66cc9eb7c816139617fa1ce68fdf4fbec06af9a7c5b7208fb3b8428495e6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_power/data.npy new file mode 100644 index 000000000..03c4ec712 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e948ce67659a05b218c4da85615aa78111f9237c5f71e212d8107b3805aa0286 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_freq/data.npy new file mode 100644 index 000000000..95e4be8d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ca6c0afebd7355d0519514db9c15dd680f6151f8acfd5c3282e7c0f26c96880 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_power/data.npy new file mode 100644 index 000000000..bcb1c23f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49292354e247a80f76e529db0d0c8798caa1acb2d82b3e121476720ac8ed561a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..9d28e36ac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:533da1c390000b1e58a90cb078d3a6e4703bb14453ae1121e14c001dbebb1758 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/attributes.yaml new file mode 100644 index 000000000..0819452b5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.097093669475812 +sample_rate: 1000.0 +power_score: -0.3948322507102689 +action: 1839-290519-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_freq/data.npy new file mode 100644 index 000000000..75e22e8c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77a796867e2f55f065ec74084d786c199c4ff6b4356811a28e4f819b61c56c1d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_power/data.npy new file mode 100644 index 000000000..199f97122 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:682b6af8d23a8bea213507527674194e97ef00f0571bbf2e51481b6eee6a7fc8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_freq/data.npy new file mode 100644 index 000000000..f9e270a9d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9a4dbf93cee06fc785296ec296c60a834284f46b848b571a8fe2a024fe7c57c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_power/data.npy new file mode 100644 index 000000000..6052697be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57b7582136218d024a1b892d876aeb13951d6ea26a8ab182a672eb9fa4dfe404 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..341647f5b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31e8346413d9547036d86cdb73b4630dadf0b34f21a294492c66d94075aa8fed +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/attributes.yaml new file mode 100644 index 000000000..f003d7656 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.1413988369861449 +sample_rate: 1000.0 +power_score: -0.33897008574240123 +action: 1839-290519-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_freq/data.npy new file mode 100644 index 000000000..aeb3fa8e9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8df02f4ec5ae0b08436d4fcf80a36a76c67639ba20ead111b7281f08a644913 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_power/data.npy new file mode 100644 index 000000000..2801a09e6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:730b267f9c1bb122ffb4a7d84c4bcad98ab499e8747c76ee786b5a8e9014b422 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_freq/data.npy new file mode 100644 index 000000000..30f4d190c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df0efd2690b1a867bc38da3757a4885ca95a86755a409dce2a8c4df394b66986 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_power/data.npy new file mode 100644 index 000000000..be01da0b2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e92abef3f584aa63d9e74b5e4ff42cb7fc1f14128d54f86c00096f30e03bbb82 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..434dd9523 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd4bfd377d3357bb242071effd87052385c978bc039c656beaaf73dc56d98a60 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/attributes.yaml new file mode 100644 index 000000000..bf4b7fc0b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.3184935541830877 +sample_rate: 1000.0 +power_score: -0.08891287738695844 +action: 1839-290519-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_freq/data.npy new file mode 100644 index 000000000..cec67615f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ca029c7066f9f78b055091e91f82cb8a4b283efdc397bb746651e015b147e44 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_power/data.npy new file mode 100644 index 000000000..c492bbd42 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71f5dc41041bf908615a9d5f7feb65b90729801b40e5c5daddbcdc80303c6ae7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_freq/data.npy new file mode 100644 index 000000000..b7fb14c6a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b40edbd3e88b13f62c071a7d37da6027aed452e62e3981fd399a140b99c93af +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_power/data.npy new file mode 100644 index 000000000..9b0267a94 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26573efc7d5f9a117eec8873dce9bb6947cbcceac0f0581306c80c191bb98cd3 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..aa3133b9b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb28f86c2a513eef484eba82ac1094102efff0304ec19e6dee770aa137a5fc2f +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/attributes.yaml new file mode 100644 index 000000000..4f284e2f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.023478059901833968 +sample_rate: 1000.0 +power_score: 0.04082947972466097 +action: 1839-290519-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_freq/data.npy new file mode 100644 index 000000000..57275746f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:628124393ba67908481ec6aaf667473ccd0e013caed358ee15169269c4890548 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_power/data.npy new file mode 100644 index 000000000..d924a4c62 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:656ff6cc2bfdc18f5736ca1639436450b7fa9f23b9360337caca3a3d9c6cc45b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_freq/data.npy new file mode 100644 index 000000000..a316c300a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ec5bf9f30d2edde50e7b8f921d260b1f8a5b818e97197f7288da6472e612b6c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_power/data.npy new file mode 100644 index 000000000..2b924d88c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5067829e94aecdd03adc8958176588c7a576cd93f3bae9933030afd77703fdee +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..a5b6f866c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e41b9396cf414595b44f5b2bf605f4ad4d81e750cf4ab45c91dcc10bbf9ec99e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/attributes.yaml new file mode 100644 index 000000000..d8f715a6a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.1570126057221566 +sample_rate: 1000.0 +power_score: 0.12695887485624174 +action: 1839-290519-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_freq/data.npy new file mode 100644 index 000000000..a1dd88835 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbebe57bc9b931086feb7d7663280bd0babddccf149e6a8775d33e13c554c46c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_power/data.npy new file mode 100644 index 000000000..06bc5a7d2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b052a0fbfe155f5ec10f3445395a1a797b3a104bfe2dbfd95583ec584076cce +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_freq/data.npy new file mode 100644 index 000000000..0589fb3b1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f41cc5e50d19f1da812a89c48bc7707473c6cf7caf97e84f9ae2e01a17826444 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_power/data.npy new file mode 100644 index 000000000..9e9311a82 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36c7c1ff25e6034dc867109f425bd0c631181f2e1267185ab45e00416c5ca299 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..d96dcb7e8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71d7944246c729a0d44c53bbab811501de521ff323296ef70bfef4fa8eaf75d3 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/attributes.yaml new file mode 100644 index 000000000..92d8fb396 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.01752739829432392 +sample_rate: 1000.0 +power_score: 0.21527508955742639 +action: 1839-290519-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_freq/data.npy new file mode 100644 index 000000000..37fc67fd1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ee22ca2c2d3fe5d077a9a37c7c49fa9daf45ab24d4f1cc8f95bd45aff687f19 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_power/data.npy new file mode 100644 index 000000000..0a0422e85 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e984cb4b762422d6e5cb88dd7e97a7366e965302dc44cfb5f16d212e70b00c6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed/data.npy new file mode 100644 index 000000000..998ff8e90 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3bba0e989724d94de736674be088c1e629433d3a9c97f1f2b2a6fdf601bd17f +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_freq/data.npy new file mode 100644 index 000000000..e4d29c070 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:902a5c8e58f766762995c531faabc8c48203e4ebc5b4a3a73198c27213908f8a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_power/data.npy new file mode 100644 index 000000000..6bdc8cf0a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3b0eba462efdbbdd4e5129d476cea8fd6bdfa3aee7cd512988593913ba58d88 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..984083de1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da9ebb08c4bc955c3778910676d804e7c733df0b09e13b190d0ac6fd2d4e5f2f +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..d1186b73e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c02d39ef293a8ee41b3bfcf29e91ae84eb40cf7b91104ff26fbf169b5ee600b1 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1839-290519-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/attributes.yaml new file mode 100644 index 000000000..b0d6c6d00 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0840249369894958 +sample_rate: 1000.0 +power_score: -0.16152233391159607 +action: 1849-010319-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_freq/data.npy new file mode 100644 index 000000000..ac63afa2c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b63120bc6bd692ddca2c52b9e5d445f213f78a762233da896827bc43e64a76a2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_power/data.npy new file mode 100644 index 000000000..2d2a647cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4b063647495e237fed378ccf26e77b3ab3b0d6bf4917145059a8e3e9451ce47 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_freq/data.npy new file mode 100644 index 000000000..fda14e3e2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b2e14a30b2055f7ce9c8d0d47d0765a23822a6518bfa7d9163ead05be14bbda +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_power/data.npy new file mode 100644 index 000000000..a7d1ac59e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40179738035dfce34e1edb6a1debbaa57bc442a6823f95f1c708778456ed4746 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..bce9d0cc0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9631c74c3d28f06e63a39177e27fc04d315321e79dafdee55dff283323e1a991 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/attributes.yaml new file mode 100644 index 000000000..6241460fe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.09804777481566505 +sample_rate: 1000.0 +power_score: 0.49629717085347386 +action: 1849-010319-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_freq/data.npy new file mode 100644 index 000000000..2365803a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b655c5dc044666768794dc8e4a61f64a9119ba77acb350a38a5a8cb9b7f9daa8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_power/data.npy new file mode 100644 index 000000000..8f8866468 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72c41abed9b5c2536fbaca235803dbb2eb292f3530b9ecedece36fc48b842d41 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_freq/data.npy new file mode 100644 index 000000000..18a70a957 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:879903a9208f88858d6f79cc1ca18096c64cb37e61a9f85a6c88c4a11571b7e0 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_power/data.npy new file mode 100644 index 000000000..7b6e63611 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e4e7d2eafecfdb9261558230ec50a6fce6ea7499d28148d882d2f49f5ac7264 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..16b54e4d0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3527cdb33ccb2f61fdde8b58cbe0e438305db59df279b9fc66934b6cbdcd7b2 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/attributes.yaml new file mode 100644 index 000000000..3a8ebb449 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.06022360217525707 +sample_rate: 1000.0 +power_score: 0.4977354025267257 +action: 1849-010319-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_freq/data.npy new file mode 100644 index 000000000..09ff001e9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c50655e69e00772933d0aa09937e8e8213ee1ee026babc8f2717879860b38d83 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_power/data.npy new file mode 100644 index 000000000..d2525d695 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:732cb7bc3ed6b6dd40506e225f40633d296e5db797562fa4aacbaac73f9cc4dc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_freq/data.npy new file mode 100644 index 000000000..c38ca4f56 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86e88743d64799a80e95b56ed8bace125b77ff798f3d07ca273ed5be90e5820f +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_power/data.npy new file mode 100644 index 000000000..079ca85be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c817865f96ae3a281fc84b3f64c4828b54e6adfece7f69ff9ebc5cdd17d0204b +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..b4780461c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c563abee4e5b5690ee955649d7fb846f5c62b6f2d4a71faf867c88532188717 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/attributes.yaml new file mode 100644 index 000000000..ece0d5a19 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.013899551214769842 +sample_rate: 1000.0 +power_score: 0.17777862230114513 +action: 1849-010319-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_freq/data.npy new file mode 100644 index 000000000..26d9060c0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f93f6ad07d6ba2d4e659054443add8fd5eaa42424fa240b98bd1cb49ac835204 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_power/data.npy new file mode 100644 index 000000000..cc058557f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71017929feeb030314a238eaa60d2c693cf2b1699becbdaf8630b74ad3dd468f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_freq/data.npy new file mode 100644 index 000000000..541d7335a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daf84002be8073e500a236cd8e6133b4a361eff205e74822e32d7614a72a20df +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_power/data.npy new file mode 100644 index 000000000..478aa0998 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b395a36ddbcb8d537d8f1686147119023165d43d83e4088605c4ca193e8d46c1 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..a6c148454 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:354cecdb4171751eb3c18ee08394063b1bdb9908e4ba1fc3c8afcd95b4709e54 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/attributes.yaml new file mode 100644 index 000000000..f6044b69f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.021427648145194184 +sample_rate: 1000.0 +power_score: 0.07020276570394528 +action: 1849-010319-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_freq/data.npy new file mode 100644 index 000000000..35f620829 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71957669c9e3af28001ee65bf98e4986f398886b8be57ba7a9677046867e1f5b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_power/data.npy new file mode 100644 index 000000000..461af7b1f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53845e2eb94ea9efa25d79b249e131f074ce5e27a9d80c7588e02c5fb5a6e342 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_freq/data.npy new file mode 100644 index 000000000..ff70c9d76 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0821830ce3d214b24daf9c0483baa0c455348bb48cab22af7820ce97a0df9643 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_power/data.npy new file mode 100644 index 000000000..b41be4e57 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b04efc83dbca07f53f284cd70d82409d945793de53bd4953a421a4040c18cb2f +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..8cad98027 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ebe0cf98b2398aca9f724bc7b04d1450aaed828e5fc8d4903a32ed5104e7ae9 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/attributes.yaml new file mode 100644 index 000000000..031cd466b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.047409881646910325 +sample_rate: 1000.0 +power_score: 0.14705880572850888 +action: 1849-010319-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_freq/data.npy new file mode 100644 index 000000000..de732f775 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e88719a8312e2f991fe248e83051904388579948a7cf78d78a3c6627dcfbddb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_power/data.npy new file mode 100644 index 000000000..16607309d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a9fdde30aac190d9570dc5a31349ec9c4f9b03eb71de7899775a410a4fb184e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_freq/data.npy new file mode 100644 index 000000000..31389b11d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29679447675614b0b44f096a7081cd8f8cb9844ed687cd7442309a1eab349db6 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_power/data.npy new file mode 100644 index 000000000..1f188423c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce28cf7809fdff711dd559beefac8ec6fc8d60d56eb3925a779e1ff4d686b43a +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..2b4f63953 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36b0a8b1f0c732f1b2ea63670182bc8860ee149dfe57741f9c48c628b3df01d8 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/attributes.yaml new file mode 100644 index 000000000..445b181b1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0021443459378820313 +sample_rate: 1000.0 +power_score: 0.021880376190283147 +action: 1849-010319-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_freq/data.npy new file mode 100644 index 000000000..0be6dd20e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a00306073873d30c205be1f2a1b82f28c8f31304a590091df122779edbabc98 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_power/data.npy new file mode 100644 index 000000000..779ec7772 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bd25c2b1656e9a1d238d50664cee46a5119b3a49622080e0287b5c158c43d0c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_freq/data.npy new file mode 100644 index 000000000..faab4024d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4195850c97034da1e4b27cdbc3854c04cba0774097be734361f9f36fe015fcf +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_power/data.npy new file mode 100644 index 000000000..c659bb615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:031c6c61537a54a1f9e1f3df74b28178d53a687ec2ccd5bb0e7a511ca504a08d +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..82c653408 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b2fd09fd784f649b8360ae90c20752bbf08a706931fb5d10f66636b88147651 +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/attributes.yaml new file mode 100644 index 000000000..8515ae38a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.010143888573530515 +sample_rate: 1000.0 +power_score: 0.08999173539674658 +action: 1849-010319-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_freq/data.npy new file mode 100644 index 000000000..622236193 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1835a915a058cd934030c2962ce41c7053d80fe7cffe108c95fbff97b265e945 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_power/data.npy new file mode 100644 index 000000000..b1b3615d4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52467d1874f42dfa03a95b2e85f2e4fb583e0122e24fc965ac28f1537aed029a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed/data.npy new file mode 100644 index 000000000..edb0aab27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6323e6b723a9a5ab95b8866c8611dfd9db5b137621df4b32349c4030f2e433 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_freq/data.npy new file mode 100644 index 000000000..24c1ce5c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c4e85150419b20cf36c7f531ea1c496a856896358a946e8a9b711c01c3e7b82 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_power/data.npy new file mode 100644 index 000000000..ee8ee2112 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbf905aa5e3c10cbb215af14476742799f8f8b3cc2cd42eab44c25eb7c6fa7c6 +size 4799840 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..58154c587 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f80c038d8e728a9f46d5113626bce47f242ee98e9aeeb4169dc697ff1e8d941b +size 191988608 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/attributes.yaml new file mode 100644 index 000000000..32161a5ac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0052159107434504755 +sample_rate: 1000.0 +power_score: -0.43836254662387303 +action: 1849-010319-5 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_freq/data.npy new file mode 100644 index 000000000..0abeefbc4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe5da2128eeba43beab7191bc4afacdfad2e73a4e7c607e43b059f2498e5ccce +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_power/data.npy new file mode 100644 index 000000000..c29c5ce7c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a72fbd0eacd664469f0c2ff4b11e314cc066a337afaaa56326685f7bbee9aa0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_freq/data.npy new file mode 100644 index 000000000..b1f03c5d3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64caf539e94735265de3a02f2fb53eeedf5bc21a187eeeb21e61cae3fb99ebf7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_power/data.npy new file mode 100644 index 000000000..2c608ad4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abbd2e3e9bb56fbafba1f7de3a2de256825fad94bfdbeabf4120b7c3ebd93e2e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_power/data.npy new file mode 100644 index 000000000..3f78657ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8f07cf27a6c2b4834397df5165363eb860974598428c6b44a91ca31043be690 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/attributes.yaml new file mode 100644 index 000000000..9b77818e9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.06513393777427541 +sample_rate: 1000.0 +power_score: -0.23328031859141637 +action: 1849-010319-5 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_freq/data.npy new file mode 100644 index 000000000..f0a4c027f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a0e6ca89f6636eb62a853e5bbc3298459fe2e09746dfb2064c27c19554cda7b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_power/data.npy new file mode 100644 index 000000000..21ca2d6b2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3538359c998da5f5480c2ef4078b56e06edab2d0375c45b7418f35042fee1636 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_freq/data.npy new file mode 100644 index 000000000..fb50334dc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce278c20f77a089f38dff82dc33b6e0d3f22a1e7d7a3b794e20358c465009731 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_power/data.npy new file mode 100644 index 000000000..455b20905 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebb05e955bcfd5486a8e3bfc9c36fa22534b8ceadc34364b2465e8d689ddd5be +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_power/data.npy new file mode 100644 index 000000000..ba9b7eb49 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75c0e2e34a6494333cb04c684505469a6b4096b94a114a5cfdc54132d875b047 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/attributes.yaml new file mode 100644 index 000000000..abb0e6460 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02631883562851553 +sample_rate: 1000.0 +power_score: -0.41665394543792794 +action: 1849-010319-5 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_freq/data.npy new file mode 100644 index 000000000..f1cb368a5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6eb828bf8c3a3285ceb29abea7870688f65d09a312c08eca15ce1865946513f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_power/data.npy new file mode 100644 index 000000000..2506e4fe4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8177f908e562851ca7b3269b4562c82a5069d2ce568a7094dd8da4258e5d028 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_freq/data.npy new file mode 100644 index 000000000..5e223dc63 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daabcd5512b7fba9a16534fa2f3067e5897c23fdf000c6c013af0176082fce5c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_power/data.npy new file mode 100644 index 000000000..34edfee3c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a661ad151c46d9cb60f8562e12d61665e04cac3d59aacc80c98841e3e11a949 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_power/data.npy new file mode 100644 index 000000000..81ce15ab0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c431dd3787c31e252fb8a0267854c88f9fb8bee4fc502b6a492c609b1c2383c +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/attributes.yaml new file mode 100644 index 000000000..2399757b4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 1.0664384121940707e-05 +sample_rate: 1000.0 +power_score: -0.3927188865414647 +action: 1849-010319-5 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_freq/data.npy new file mode 100644 index 000000000..e0d40d2bb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bad86c1de3df73fc2af5e0e79d560cde4a0b2d381f11b50e902f8dcd5828c39 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_power/data.npy new file mode 100644 index 000000000..6d9d69329 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b23eb2ca74b0167bee904afb56ddfb0ed8f0e2b5fa62ec18d52eaecc96ce930 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_freq/data.npy new file mode 100644 index 000000000..e721f0b20 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5abf3ad7979c3cf26b1ef90aa3cdc421cd80adead7eb10d8080746ce8c7308b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_power/data.npy new file mode 100644 index 000000000..ed4cf8fdb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:821c11ace1b8c7cfc3af9e35d1beb998f7862992fe6ee9c641196dbf8f7b36ad +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_power/data.npy new file mode 100644 index 000000000..799c6ea5e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e9554f93b83e78dbcfc192834b0ce1cae171227118ed32e68f4ad7e1c064efa +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/attributes.yaml new file mode 100644 index 000000000..135e5f297 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.034768106610167764 +sample_rate: 1000.0 +power_score: -0.43114463987027113 +action: 1849-010319-5 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_freq/data.npy new file mode 100644 index 000000000..e3fee76c0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:303dc8bc5da13512f901490cdd8355cfee949ab0bda630a88b89d7316ff70ab2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_power/data.npy new file mode 100644 index 000000000..be16a425b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:581d46f47ba080486f4fcca6b6ad71ea1c84dd58c8846defb88109c92e348230 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_freq/data.npy new file mode 100644 index 000000000..3d34c7f27 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:175c6978c0c133e9890dac0622b4318541d92b2d4dc0fbc68211895d923c6fd5 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_power/data.npy new file mode 100644 index 000000000..65e8c840f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b36cb37f0ed4d01da78722ea4d309ea39bf9ad27196d5f8c704d40f79bf4a111 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_power/data.npy new file mode 100644 index 000000000..2c942016f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70f0cce3bfaa2c517a611108ffa6410083841277585b9123d3345e43fcdc28a9 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/attributes.yaml new file mode 100644 index 000000000..012e76b06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0013354814109657462 +sample_rate: 1000.0 +power_score: -0.0968479698559265 +action: 1849-010319-5 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_freq/data.npy new file mode 100644 index 000000000..e1ec3e02b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f10a014b4c5ca17d04cf70e0b61453fadbb5657e0093cfedc832bb50ebc8b34 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_power/data.npy new file mode 100644 index 000000000..e8a6900d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd6363cea20bd273c83a7d41e61b6f02fa32552d8d7b537951d18cdc290e1ea3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_freq/data.npy new file mode 100644 index 000000000..bf5584f3b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0edbf58c12d6ea09b450ecfeb7a48e023f47bffeb95c2a71bea3c2ab5fac1e8 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_power/data.npy new file mode 100644 index 000000000..261d6496f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b030458b2f6b14fc9e7780197108a05ed3cc123fdbb4ad94960ce48dd5a6976 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_power/data.npy new file mode 100644 index 000000000..daae853c7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10b0db632972f4106dda14250e84e29ff62d635d22daed4e907a86dde0057292 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/attributes.yaml new file mode 100644 index 000000000..94ac848ab --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.05751776507752274 +sample_rate: 1000.0 +power_score: -0.3685607330552629 +action: 1849-010319-5 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_freq/data.npy new file mode 100644 index 000000000..91cedc2ef --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f92a67acc8d49e29c8a18a1babea00990d8cc24b2ef3256fe26fab204e751536 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_power/data.npy new file mode 100644 index 000000000..b08c9d527 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d872468a699f770f267b3051b43b31ed41692e39131bdf934b5197787dc4de7f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_freq/data.npy new file mode 100644 index 000000000..e8d7f51c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcda6a51dff6a4fd269b5490958d76aaa0440303029662362ce2d2872d8187c7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_power/data.npy new file mode 100644 index 000000000..a3d39d320 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:692bf1af5330c76c8d6be78960d2e621f23a54691f64a4388ad239fc1d7f893d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_power/data.npy new file mode 100644 index 000000000..6bae1638e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12d95e9313097efc312e05977bd5fff209f9b17609efcdf7af7fe13a8fe7bdb4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/attributes.yaml new file mode 100644 index 000000000..82b5f59d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0010386223129139123 +sample_rate: 1000.0 +power_score: -0.20599842735313517 +action: 1849-010319-5 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_freq/data.npy new file mode 100644 index 000000000..addf312fd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1acfee949b0d5ac71fa4c5b1f85097407446887b079dd1ac601460ecdd97857e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_power/data.npy new file mode 100644 index 000000000..b677ebe46 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ba757d8c2b04207e53932f30025627a1e6886d77192880ea42166996951d3a9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed/data.npy new file mode 100644 index 000000000..b8fb8c913 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c127846bd9555c48864a3e2802d82659cfd00445dc05230627fcd765d0bf0c6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_freq/data.npy new file mode 100644 index 000000000..a1f75f2d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23f42fd1367b395b490eb6430f769e534df3cf6134cff23159b769bd02457e96 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_power/data.npy new file mode 100644 index 000000000..8059066ed --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa8d5ce6a30ea16f1ededb51bde51eaeb9f61e0381a62895b9e5df51b15b6470 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..e14cd6cc9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44b2944f7a7d1094c80bc5c7a589f5e7c7c98f1834fc733dce6be95992aa614 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_power/data.npy new file mode 100644 index 000000000..ae5053eb6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cc7a80d19204d7764b01051eca0fb88e09dc1ab8e50568317b48ab854bd6770 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-010319-5-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/attributes.yaml new file mode 100644 index 000000000..77da27d81 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.1502738457540444 +sample_rate: 1000.0 +power_score: 0.003231747442936035 +action: 1849-060319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..0edc8e644 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb67b778aa4d8c71b852a088ffd9ead3832f63eebaea48410c8b12de1648c58f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_power/data.npy new file mode 100644 index 000000000..fc0dd2f87 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d7e5ad9f8a984f1ea9e39055d199c53e5bd9e7d8816a738841a15de6dcdf02b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..3e70bfd9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70edf5a62ea9f3479cb25bb3b0f2652cc3e3d91c219c12a3a8e9b186feb9c87c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_power/data.npy new file mode 100644 index 000000000..70f907ae9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b833e705d0eddbaa4fc9ab8965b2c9d33a0b3b0ef569917f629e31d223650932 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..cd485f243 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9ac7f29441bf7410e2a7944a830fc3e3b776ff1d21d2e41c6b29df828e2c482 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/attributes.yaml new file mode 100644 index 000000000..da5cd0142 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.032801485830627385 +sample_rate: 1000.0 +power_score: -0.06409346323764108 +action: 1849-060319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..d55e7cd77 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a556353f31adb8fddd9bc81bcdbb0fd1c2dd2c3aeb35556515f8fe4256a65ce4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_power/data.npy new file mode 100644 index 000000000..75522c7d7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b581e47713d3514d250ce880c000e92801dcd6f7fba3ddac786b42ea9bd3652e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..7c82064ed --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f09fa2412305e1ff0229540a8c050825a7defa5fa21c4fa30d0c5206a600e2cb +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_power/data.npy new file mode 100644 index 000000000..5f94b4b08 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:facb91432f929def37fff7997c2e87de158717d21762928808e9943a9873b929 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..2a8d890cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d3ca1fe3aa36a7e0f6b0fccd3fa72b306069f400149aded347b6755af9bca17 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/attributes.yaml new file mode 100644 index 000000000..0cf83db6d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.11374214890416323 +sample_rate: 1000.0 +power_score: 0.016972203940117253 +action: 1849-060319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..5b9926c14 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1b1c71276cf88c9fd26dc47215a72d512f0bac320683c9504233a769da6a02f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_power/data.npy new file mode 100644 index 000000000..93e39ec5b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f72af993badef7267c73fde7f652763e3e424aea93a621defbd1fcba3071296 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..21f58ee14 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64eb4cfc75e48f9bd5c1e90a20878cc59d1fe98c1dfa1a277586f4152c72a6ad +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_power/data.npy new file mode 100644 index 000000000..cc0c6ba86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9b4d3569ca47aaedf813e6c1d1865dfc22fd22ee0924156c3d6280b134b6859 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..c64dc6f8e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac60b3935e3d7f54f724353d63b2be2ba94b1ed606ce6747797d4c19ecea6cc4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/attributes.yaml new file mode 100644 index 000000000..fea229b1e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0410867075010583 +sample_rate: 1000.0 +power_score: -0.016896876089195947 +action: 1849-060319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..f2341b443 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e73f47be42f2e486f8df7ad04abd707c7de8323ae94030b99fa1478a353ae18 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_power/data.npy new file mode 100644 index 000000000..3b222ad8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ff63b4fa20274352b09dadd2dc229a85376c693465c1f45f679ec5407ef9f11 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..6aa0fc773 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a98e4962b1914c47eb720cbc34ec9ad309dc90aabff6284cad868e124107ceb +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_power/data.npy new file mode 100644 index 000000000..bae0f17d7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a326bed2e0e282cf392fc6c39de0ca81a4930471fdaca973985aad30d0077956 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..45e58d783 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a232bc36ec11a4cc414191989a65cb7c2da1ac30c206a5704f44b2706c386962 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/attributes.yaml new file mode 100644 index 000000000..08a489b34 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.021641341885807745 +sample_rate: 1000.0 +power_score: -0.07997616310809881 +action: 1849-060319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..3007d882d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5da421220c20119b4a3e5fa410ef2a4b0c1d847e9b5b5f18c56664ae89e8a36b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_power/data.npy new file mode 100644 index 000000000..522a55351 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2298b42f2d394e9a7392fb815c2eeab4edf42da442d85b577b8effa4ba704d0a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..92fea4982 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1db0785cf8d0877f0bc2b1efa0bd205b7b488ad4cefa2e6db71bccc395b9ce7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_power/data.npy new file mode 100644 index 000000000..68d552d9f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5cf1ebd4b66a15adba6c5f6c851320487f99988e56c4046936dc814546b308b1 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..edd4cc84c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cae29618cbb8b18ef39c60a97098ae27bf773cb8dc8fe89214098750e120c35f +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/attributes.yaml new file mode 100644 index 000000000..a58fce7da --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0013533053982090443 +sample_rate: 1000.0 +power_score: -0.10413634012463399 +action: 1849-060319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..0653e1c66 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:703d9330f28dd0ead6a091cd826e5253204e2751a413f0697dae8110b0f2d128 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_power/data.npy new file mode 100644 index 000000000..83dd8475e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e1c18408217ce7684b52398d9522741f3761c6e6eaee4ea4af9d758edb43766 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..6322e0207 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eabf0029e635ad17e0f28425b58fa06c7b1d0b3bde8966d156066e625cc0d32b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_power/data.npy new file mode 100644 index 000000000..7ae6067c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7165517fe23c95ad931d331e199c522373629935586d7644715a635822c88dfc +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..492b1a27f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8221869eb011183f6408596688c5472a5878838c7cfb27c8294d79df7f85126 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/attributes.yaml new file mode 100644 index 000000000..a71ada089 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.016643785824119878 +sample_rate: 1000.0 +power_score: -0.14774318537592804 +action: 1849-060319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..475f298c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e22c547097fef1fb9dc96b25ce57f7ef099c8fa331a1c9449e0f6e22fd319392 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_power/data.npy new file mode 100644 index 000000000..7a38f7669 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74206bdf1b16d96adb49a2e8e4856a4bdefc7407a6e1da9dba6ff9734afa2739 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..596a93e8b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:221ed4f1ca16bbfa1a8c7aeae485ecf0db86f8884538c460ae9ba44293ab0776 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_power/data.npy new file mode 100644 index 000000000..8ac2170de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e85ef16d2d8de66797b94768c58740e544229db7f5d302c5ec37916cdbcda8a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..af2db14e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb189ef0d00558a59a8ee5aa826685df8940340c61667521cc6154fc3606f843 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/attributes.yaml new file mode 100644 index 000000000..ebffcae86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.04043824199859998 +sample_rate: 1000.0 +power_score: -0.1262396336267065 +action: 1849-060319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..4fd235b33 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00f107543b232695f43169683cf6fcc9b96198ccbe8288bee221623370dddd0c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_power/data.npy new file mode 100644 index 000000000..a4e545287 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f90d3140fdd9df6a95d7c49f5d815037ae25eafa960e51f3798c2fbe5c5abedd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed/data.npy new file mode 100644 index 000000000..67135c0ce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bed154595591b0b199943c4b9b56ec69cb8f6852bc627da38d2e80595a76758 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..d494035ec --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cee54ffa69ebd6cf207f83cf1a7637092f408fcebb3fb886398b7da418e2ee75 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_power/data.npy new file mode 100644 index 000000000..5c6995631 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d68a88cdc5f912866d98351248a8e61a9657c3004a8f4ed852fca5a00127163 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..262448114 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:721dc93ee4a705c4fb65dfd93b6aeb070563ba1fca7a50cd804f481054fc8a34 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/attributes.yaml new file mode 100644 index 000000000..fdb285542 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.12009687031364953 +sample_rate: 1000.0 +power_score: -0.18246449090276592 +action: 1849-060319-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_freq/data.npy new file mode 100644 index 000000000..8c9a8a1c4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b74905ae6c6b37bae41c5ff63b32a47d75d07038b4c73c53857bc459cd4ce2f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_power/data.npy new file mode 100644 index 000000000..3f21a1396 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b5178e635ba602e3e0367b440a1d5a3b4e0dc2d67dd974b09bf90b9ef81d92e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_freq/data.npy new file mode 100644 index 000000000..4d8a776e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df5ac4f7ea5999e0859b4e94a934ee1d7e714f73058dfb0e61da8de5b900d8f9 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_power/data.npy new file mode 100644 index 000000000..424e441e0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56ebde5c646867b142b3a46c4989639e9e949cd798c4439486b92b06764cc028 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..b40eddece --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fd3c180d42bf28372bd144583deb8fd3005f3412f89283ee48c22a5cb41ca78 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/attributes.yaml new file mode 100644 index 000000000..d766b7225 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0717168928112524 +sample_rate: 1000.0 +power_score: 0.08387156435891858 +action: 1849-060319-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_freq/data.npy new file mode 100644 index 000000000..74a1b8314 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:def7c65eba27f1751c09a6efc3898d3566a9cc184adee5dfc74ca7d0e24a6675 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_power/data.npy new file mode 100644 index 000000000..f7de0b8be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9919f72363a45e72f9ae7c7013dd99f91e0edd3e012532d81c186c6ba0e2d9a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_freq/data.npy new file mode 100644 index 000000000..241e5feb4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e57b4bd103038f9c742d23828b3007c145cc3bf456e78a03519bceeb3011b17b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_power/data.npy new file mode 100644 index 000000000..e99ebb7cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9b3603fe468b31d75946d3f3476b4f774f5960861d48cb924f0890fff4c4c6 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..f8408e3bc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e3c958111129c14e09cc21d84300ba52e4cf472b4988e44ce3c447243ca18fd +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/attributes.yaml new file mode 100644 index 000000000..379effa9c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.019685267196504045 +sample_rate: 1000.0 +power_score: 0.0732635152333725 +action: 1849-060319-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_freq/data.npy new file mode 100644 index 000000000..390e9704f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:928b97bf90d79017dd8097cf45aa43fd05db5ae1173022003479bb0aa1849308 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_power/data.npy new file mode 100644 index 000000000..3b73879cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:587ad91ede6edb08816139e84bb7b4be8e2a98ba456a8a157dbde642684e3ead +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_freq/data.npy new file mode 100644 index 000000000..13add05cf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e235341fa97a8942f816ac30b5694bcc212e79d6f9d00258269db47082a922b7 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_power/data.npy new file mode 100644 index 000000000..c0c5a0973 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:893f4be907efd8eb8c9bbfaddacdc34b310ff96ddee0a92478bb892df6793daa +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..abd61b1d7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5fb44ad73116d8cfbb6f756d7518eefe3341db773e5c1e688dfd80cde328c65 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/attributes.yaml new file mode 100644 index 000000000..b4b0f3000 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.016169443846277973 +sample_rate: 1000.0 +power_score: 0.06586620290347267 +action: 1849-060319-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_freq/data.npy new file mode 100644 index 000000000..df5fdd51d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:deb9d89be4b9075a4c7bca12944783f17c48ddab2d91ec09f185b5d30de80cf8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_power/data.npy new file mode 100644 index 000000000..d4207deaf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fd90457fabd43620fb88aad2e9c02e14329225a3edc61a189c68f6154704d84 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_freq/data.npy new file mode 100644 index 000000000..9cbd5998b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f4f9a37276d62c07117e4c77b127b3641679ddcfadde5f811ed7c2239b87918 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_power/data.npy new file mode 100644 index 000000000..b51a92750 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebb56edd4dbc67a65fb9e4b88da60d718896b8dddf5d41208d58ff960583065d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..2f7361036 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45de27a03806dba9a4dc014303e2ce377d4dbc1ddade92483aa701b5ec7fa7df +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/attributes.yaml new file mode 100644 index 000000000..0ab07537a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.01683051954879706 +sample_rate: 1000.0 +power_score: -0.02183279538297637 +action: 1849-060319-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_freq/data.npy new file mode 100644 index 000000000..f99d99d29 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56683927302213b342f93f9cb1cb3b35032af58eb624158ec6c364a7d7f8bc47 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_power/data.npy new file mode 100644 index 000000000..4590d1007 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5e9aa7ffeb505ccab11ce81ef77c27d414e06a7cb16611754e973680c3bc1f3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_freq/data.npy new file mode 100644 index 000000000..8c23ccff6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1fef3f4f919a635e98d5afecb8cefc408830d420a56567d76c81a5233846d75 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_power/data.npy new file mode 100644 index 000000000..6669e5a8e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40e9fef8e62526cbb8177d01ce699e8c8aded768a9253d27a7c9f3f3158c007b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..ec0a172c9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfadac4c0f1149c60760d2eebc9171a02a8ba66d0498cb86f7110003418468b7 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/attributes.yaml new file mode 100644 index 000000000..1ca9d55b2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.012580207279785115 +sample_rate: 1000.0 +power_score: 0.05649540232145418 +action: 1849-060319-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_freq/data.npy new file mode 100644 index 000000000..c163d5577 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172443ac924a18e35e1f52ed9a4bb6001dd0029e69a03efb2e4c494b0b4048ed +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_power/data.npy new file mode 100644 index 000000000..fa4de6c3d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd9c5780dfce4d221c72dbb96ade01bafdface2379d17387792fcdd17f90e390 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_freq/data.npy new file mode 100644 index 000000000..ab824e388 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bffe197c554d3bea4d35a74b2fe6e7fba9f038509eef23639a3becf1a7e63120 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_power/data.npy new file mode 100644 index 000000000..8e490ff1a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23068d812719daeee54fba043c4be6fc55f19626e5eb178ff7229c9cf8867d83 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..221e34a2c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3138923397578286235de745e7f188f6329377482822ad72aa3be81180d5f24c +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/attributes.yaml new file mode 100644 index 000000000..bb824f713 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.004880414093948715 +sample_rate: 1000.0 +power_score: 0.18558668624155727 +action: 1849-060319-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_freq/data.npy new file mode 100644 index 000000000..c7e76940c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a7ecfa4147f5eeaebfe17bb81facfc3e025877a21645a2d801a9758bbcc6a68 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_power/data.npy new file mode 100644 index 000000000..61b6dc3fc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f389b1e1732fb2afb8191e7433f130e2d548bed45c69a0243d1a96a864244893 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_freq/data.npy new file mode 100644 index 000000000..bbe8d483b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61d5c0a1ae7033653404c88988663831cd9637408c15e05c9a3dd3d538006c45 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_power/data.npy new file mode 100644 index 000000000..b13bd1b8a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf13555a148a76285a2d6fd17adabf2dc4c4733e4abb6afa0d25901751334e65 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..bfd524c54 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4a47877ced2e37d68097464d42aa7a03d984f437d30c9a0bf37c65cf2493140 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/attributes.yaml new file mode 100644 index 000000000..70e252001 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.014665395826710224 +sample_rate: 1000.0 +power_score: 0.04099957383912455 +action: 1849-060319-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_freq/data.npy new file mode 100644 index 000000000..c91149f8d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea96f0152c3d5158bca87445e7d7985373ed1e78f0dcfabe87cb6b1bbf16df19 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_power/data.npy new file mode 100644 index 000000000..fdc9a5031 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:226ac9ddb8dee7b085d4412ed3f050f35bf9d63bd978cb275ecdd6c5625298c7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed/data.npy new file mode 100644 index 000000000..08ed9c3ff --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5bc026b0c461791f1ade0e167f0c6166c389b62e3b7e2354c4c810a27aabd24 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_freq/data.npy new file mode 100644 index 000000000..a7cb51d76 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee5765769e3260bf9046fa76432f283e59da4e52a3a22bef78c489dc98a3079e +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_power/data.npy new file mode 100644 index 000000000..eacc41ff2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d56da21af15d859dd190e8a54106437cf7442ef94aa136002b15301ffee1c587 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..c10aae56d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8a17a9eeb10ba1061c8b04cbe27d32499709c00cb1cbb5adc3e41eb76f3898 +size 456 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..d9243bfde --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43c50a70c77ce831d42aa434a11673527f1cf6be56ec755db57a6a9b4c603867 +size 196798816 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-060319-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/attributes.yaml new file mode 100644 index 000000000..6bb988c07 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.010253784905433029 +sample_rate: 1000.0 +power_score: -0.10216204703112641 +action: 1849-110319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..f5525b806 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ee593e15d8294e5ff9835d73a4dfb35ac5942df112b3bc0b71e16db0e823b90 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_power/data.npy new file mode 100644 index 000000000..453cdbcda --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4868da5315826fd0f6a4e2df9b998ac888bba674d02b4958bf9a53d6f84c588a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..ff343f312 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fecae955f51c43093456a51dc32768ad5fbe0df40fbaa619bcfaf93b966d8809 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_power/data.npy new file mode 100644 index 000000000..2e4f297a6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51394babc22a6cde5df9f7f222d93e9200abf6c73431ac65b649b327d8fe6a4a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..779e6b752 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5254db5031df861ebf5caad3ddfd02f7225af83da801c93dab3fce65ee6d352 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/attributes.yaml new file mode 100644 index 000000000..52bcb8f20 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.021070405583966775 +sample_rate: 1000.0 +power_score: -0.03011178204349731 +action: 1849-110319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..b47262601 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd4b7dd18c01d5a1b6ac5c576c4e765668d97fc3bcb4fe6e8621d8e2619d1375 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_power/data.npy new file mode 100644 index 000000000..39d768505 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f113e5329f5703608ca86f62a6728d849faa0be6c255510168319390a65ee93f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..276c675df --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ab15c96e3c1b218efe23a428103c31f48e368b993811f0a4a8751074746dfbe +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_power/data.npy new file mode 100644 index 000000000..91782d34a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b669d3ac820a61c13bd8285a19e88cb75525346a186ff6d6e4d5dd1832a78e78 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..85886028b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:363c96dd249c66a61850da2f50c8cd8dc8e36c74d0bee528b59828ca8318eb0e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/attributes.yaml new file mode 100644 index 000000000..20084cf14 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03774969925892272 +sample_rate: 1000.0 +power_score: -0.08100472632038445 +action: 1849-110319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..aa388af26 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e4bd8cc98a0cdc754863ea2e9381ffe5908cdfc17b52a09f6427c273177e61a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_power/data.npy new file mode 100644 index 000000000..fa54e26c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f51acc9ab3a9aa81d96b53b2fe71f8cae132c1b114527f2c78a70af3236728b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..75c3f5b76 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67a884d69b848cf2dd784677101c796beb811bbf91d6e565ef7801cf98e02d2e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_power/data.npy new file mode 100644 index 000000000..28aac5273 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c7ffeee3a628e57d02a24bd3b29e8d27df5b196da90954d560a13ce9764b6d4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..ae909e585 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c8a59f50b630cd8b61790757b065a01ab397a129ebfb95cb41ebf7296222add +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/attributes.yaml new file mode 100644 index 000000000..3f3c87297 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.018345736534655578 +sample_rate: 1000.0 +power_score: -0.075453958224541 +action: 1849-110319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..d2a721d54 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21aca67f512bf885981f4694191ef68c247d238293d72fe295fa6212d3c9ff74 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_power/data.npy new file mode 100644 index 000000000..8eff3ead6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c3b54e0442bc11bdb5fd71181259a8b3c35414d187811cdbaafe45e6882dbc4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..47e937d4c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9374fc3557e507fefe9689bc83108169d0ccdd542e7050241ffa783c633fdf0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_power/data.npy new file mode 100644 index 000000000..9f4a1faed --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0930ce45e123e1b36fe19a1933d2a2528d65f56abd4eb4486182fcdf0cd71300 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..63d9490fb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ccd83e07bd0f10c5243ced0250f143d2d9684d383bc9243d2885eaf04880716 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/attributes.yaml new file mode 100644 index 000000000..c442acbb6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.016446620374032467 +sample_rate: 1000.0 +power_score: -0.01856811063252024 +action: 1849-110319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..c74a59771 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89709a97444c8ea933be32be3d332428b3b9c04f99c3c4b2a81692727fedda8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_power/data.npy new file mode 100644 index 000000000..51a063dd7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2b5f29afe6eea5135ea66431be07226a57ee100957d020c9660114b0f302df8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..d33d1e04a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc9c1fe6fc1bfce72d9a817eb15599e6e6c33e3c225b258b55f899d74f573eaf +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_power/data.npy new file mode 100644 index 000000000..3dc2c56c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcd4b88d1d51c3d1a7e576e8d2a0d602c41eea9325626b51bf314a487046afae +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..ad15f4496 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2134427278d778b01a4e90020c9cee00cddbf036f736154909dab9235e4c8947 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/attributes.yaml new file mode 100644 index 000000000..2a40a7d7f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.020454177443844916 +sample_rate: 1000.0 +power_score: -0.04364172996747486 +action: 1849-110319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..ef096a6f7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec421ccb81d4b950000b87325f5e377ed1ceab3cc4dc310abee8e04b6fdfa5c2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_power/data.npy new file mode 100644 index 000000000..a1c97f237 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c9f5abc6b8a7ad971f071dc80be16c8167b2e995eb050cb1444dd62bef622d6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..9f0f2424a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b152a585de8c63f735fb31c4937f981cbcec735f6e0987138935de62c4c3a6e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_power/data.npy new file mode 100644 index 000000000..85d4396d4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1310bcfb3c1d5b9bcb3e5df8a3b17dfb5cbd00c7849e86a8c0a05b2429498b7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..d52fd3d36 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d37cebf8b5838619817771893ec42fb0195bdac04d9ce9bb67b1b1f243adc0a3 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/attributes.yaml new file mode 100644 index 000000000..51823b24f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.044522927623200544 +sample_rate: 1000.0 +power_score: 0.10459309146808325 +action: 1849-110319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..22bdb6254 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cde87df15cff86b74dd1fde120f58e89af5e7c1a94747fb6a63d6aa5bab53205 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_power/data.npy new file mode 100644 index 000000000..30eaae9d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31d34560d02c3899a1d649174a859f85f08c4aa3ae9daf0e805e77c4add14c1a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..2e58b093b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2da7d8d6d9b437e97a205394fdec39f087f9372b5287b132b2948adc6cccc480 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_power/data.npy new file mode 100644 index 000000000..58d2aaa4a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fb07e37973f09eed2f0429ba843c7ca0988015032bc1a2f7a05b9231e74fd86 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..fa3938ee6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:392004a9fbed3513ec8868e41d9778cfe8cb09d4b4b0ba2b2754af622cdcc864 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/attributes.yaml new file mode 100644 index 000000000..925604062 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.15876626501924385 +sample_rate: 1000.0 +power_score: 0.07513150861861327 +action: 1849-110319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..1c49abb4a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b32241ca83253528c3f987474e70c34668502c5795dfb656e68556796c16805e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_power/data.npy new file mode 100644 index 000000000..ffa33d408 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b498dfd767b9bb194d3b7d74a80a637ef4fd187e35c29137e994e383ca4c54f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed/data.npy new file mode 100644 index 000000000..0b2c7bc4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec1c547f1b3613fd2aa2e95df1a8764b559f16b193543660a868ec6278384bb4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..de350a985 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af0bfa4603a261b724881c89bf2e60adea35cd9645157ef1b296cdbeef8fead7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_power/data.npy new file mode 100644 index 000000000..067e6a8c2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b2bf151fac8b8106f99ab7594e15cbbe781752356c03019ffc2100fbaeeb3c6 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..c7bdbed06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33455704115933148cfbc750a8c416e5be47bbb9a8a60e3271fb3ff1d4302f69 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..7d50be301 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e3d0e63d7f0507d174c310b634ecf50017dd6da1b34251f25d153b087d12af4 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-110319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/attributes.yaml new file mode 100644 index 000000000..3166e382b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.007581313012441964 +sample_rate: 1000.0 +power_score: 0.10764579623757602 +action: 1849-150319-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_freq/data.npy new file mode 100644 index 000000000..226763e86 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:341377dc33ec2d4ef8a0adc7db55c4dbaad390607d44fbf2ea83c7edb99e1399 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_power/data.npy new file mode 100644 index 000000000..7b4a16619 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:877fc1cef9a6ddae7141ee9303e070db3d5181571e750ec09d1f36e43677c770 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_freq/data.npy new file mode 100644 index 000000000..ef8702680 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a1f677c4b2e8a70f79ffe60ccf822351a9e2d4c002502fb7f6e48e111c00f9b +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_power/data.npy new file mode 100644 index 000000000..206cbd203 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab61bc275f7acad014551e9ff2bb870d604dd6f11490d4a69dd68a62e23db1a2 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..a32af9b66 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85106697b6dd38bad170f3f648713be37e56aab7c38a2caa1eb8a6c32c57211d +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/attributes.yaml new file mode 100644 index 000000000..622a79268 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.030972722328263463 +sample_rate: 1000.0 +power_score: 0.012569672228374278 +action: 1849-150319-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_freq/data.npy new file mode 100644 index 000000000..9b6f02881 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d4421c60cbbd61e4d7bd96de0dffbc2a93f96840979bcc9bd98a32043985220 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_power/data.npy new file mode 100644 index 000000000..f3b0dd8c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0e2646a5ba423373f3cf5f4b72710901495ac81579b0d198ef2e1442f48a353 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_freq/data.npy new file mode 100644 index 000000000..89c3633a3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:440c74dc005e4159dc41055073eb12c653d48a17d70ebc76c8572bd207dd2986 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_power/data.npy new file mode 100644 index 000000000..9d2acaa61 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b9a6bd5de958c42fb4ac6354bd20a9c5c7695420af0376f208e271c52c519ff +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..73794b12f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b72b85d9c3133ab7bbef247a0c088c891e697e5feeeb0fdad1d7252b4274bc9e +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/attributes.yaml new file mode 100644 index 000000000..2e719dff0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.004019554564230455 +sample_rate: 1000.0 +power_score: 0.061008165367479585 +action: 1849-150319-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_freq/data.npy new file mode 100644 index 000000000..096819978 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c01ab3a021d49d09f20cdfbbf8cca2e93a48e2a11c52473efc66801bd465eed9 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_power/data.npy new file mode 100644 index 000000000..530eb674e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c7dacbcd6484f07958cd5c5c1fc913dd4219c9b5e71fc36cf12f557248ab850 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_freq/data.npy new file mode 100644 index 000000000..2139318cb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a62ab34f051ef01dce55985d60786d5e1d56ff00823c76a1a8323bfbdb3b933 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_power/data.npy new file mode 100644 index 000000000..7394160c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce2335f78fc5b7a16afa0de7605e43a349f608c6cdf96b714db8f72f5eaf2a77 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..ea3ab691a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83d3aa25cf4f0ae41ad864668f4001882e012673d193d7dbc25a4925fe29678b +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/attributes.yaml new file mode 100644 index 000000000..3f6b808c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.061530961409188595 +sample_rate: 1000.0 +power_score: -0.03251149811188312 +action: 1849-150319-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_freq/data.npy new file mode 100644 index 000000000..81b939614 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee078e88a80036121f798b2a9dfa28da7c172ae4f7f4068e302b9a81248ee32e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_power/data.npy new file mode 100644 index 000000000..1ca7081e4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:effb4319eb4fcd4cb49880270cd4c9db67216c26eaf845ca1e016e634175918b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_freq/data.npy new file mode 100644 index 000000000..fd2d217ae --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b947926d16f6068301142e7e51231e33634bd2a0dd618d4921cbeeb4340d103 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_power/data.npy new file mode 100644 index 000000000..45de85740 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a915011a520ac11e02645525d7fead87830b7b866e4d7fe663ef22fd6c3c6c94 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..4db478114 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1b80d11ac8316fe8b51bef77346efbbe1d6378311fa48e1626c411132702962 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/attributes.yaml new file mode 100644 index 000000000..4d45643d4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.027116326593592453 +sample_rate: 1000.0 +power_score: 0.029724166635120564 +action: 1849-150319-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_freq/data.npy new file mode 100644 index 000000000..9b5935faa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bd271bdc2bbe160d115af8bffa6167278cdf24cbe8d1bb41741952578555393 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_power/data.npy new file mode 100644 index 000000000..17d786c31 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceb0bb54788cdeda56156c85f5bc0ee3dcc70e6a4751e8c4f3d003f6b37289b5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_freq/data.npy new file mode 100644 index 000000000..cd06ecc8b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adc803fc886b0de6d02c4b6ae88baa968f64ab2a20afecafa6ad63e342381d69 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_power/data.npy new file mode 100644 index 000000000..2e8bf98c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a86bb4173335ad1dab0bd2426097816365095ba34a61c717b84d3f4fb2b295e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..71de1fde1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:766ab209acb623063ea118311c620d3e1bbdacbfea42e8c5f43b21150688bec0 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/attributes.yaml new file mode 100644 index 000000000..cf28c9ad8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.02402045992269453 +sample_rate: 1000.0 +power_score: -0.020418084295858403 +action: 1849-150319-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_freq/data.npy new file mode 100644 index 000000000..19516b491 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ff97f7e5360d0f92a25d22d18bea138203345c993eb974b58fde34ab203f786 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_power/data.npy new file mode 100644 index 000000000..cde6fec23 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c10de5a1a51e529a0a86c37474ba28cb4b434bd699ed09b642c486dda5ed449 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_freq/data.npy new file mode 100644 index 000000000..42f463c0d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fce2488e9ba4247dfc7c4be05a8facf7c89c5dbdd8706b83da62494a2c75229 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_power/data.npy new file mode 100644 index 000000000..e64e4910a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f194ce587887debae0eb225fe66fe9ab2eb1f59febc04e6ee5df544c4ccca8b4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..fa0885d2c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f30bf14feda693b96d723c3641812e1f99dc3532e081c56c107e95161e9de23 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/attributes.yaml new file mode 100644 index 000000000..c50a4f2f8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.07550224165233436 +sample_rate: 1000.0 +power_score: 0.05924776543934497 +action: 1849-150319-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_freq/data.npy new file mode 100644 index 000000000..a78531158 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:833302230d5045c90e240180c97c55eb446a0fcc0f6a58994dd6977a2546f420 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_power/data.npy new file mode 100644 index 000000000..82933b29e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:585fcf667e9b3e9a5703a27239108591e77218dd3e0580c27fc9ce96fa56bf1a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_freq/data.npy new file mode 100644 index 000000000..5b741c613 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2244a05f0ec28706629a538b3061133329ee964ba58293f65b18372dc3777a31 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_power/data.npy new file mode 100644 index 000000000..0089cff20 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7ea09697c187fbf31822be38ef6615c6e9fefeab199c0262523eebbfb0978b3 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..e1d2b30c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b046c7e6381ec4176ab22a3fb4459d8775f9b2570b5c86031cb6d47a311cd0c7 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/attributes.yaml new file mode 100644 index 000000000..08a3b5444 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.006986788589660163 +sample_rate: 1000.0 +power_score: 0.11610138092301145 +action: 1849-150319-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_freq/data.npy new file mode 100644 index 000000000..46f2c8d30 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1eaf9f11aed294068d257e81565563203342ac02268a7ec39bc95534fe00da55 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_power/data.npy new file mode 100644 index 000000000..376c8a086 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3046bb271cbcd21c1ef153d50d2d62e8f13eb83f7e9e9bf1f8f332a07a535f6e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed/data.npy new file mode 100644 index 000000000..ca4b6d2ee --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a33aa8d676f9fe43be3a736c6f04ec34a22805ca35a7fcfabf0cc11f215098 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_freq/data.npy new file mode 100644 index 000000000..4e90803a7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35839b4bb1b95817b93ca50bf470b9b8c7c7b47aba62f26d902cce5ffb5267e4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_power/data.npy new file mode 100644 index 000000000..9e272e9d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4aaf7c4882490d4e796af6f5014b77d025198a57282df8f5882225622db6440 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..e456237b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f88d2ec6107e7bf9ceb3a9d3195b1e35b1379c72bcdd9539a846d1dbad1e594 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..ffeb89d67 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:572a217101a9704a010ad5db44d549ddbc6948c285dde6ae005a20007d6d110a +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/attributes.yaml new file mode 100644 index 000000000..7dac2c96e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0037752263062913356 +sample_rate: 1000.0 +power_score: 0.05782750085450421 +action: 1849-150319-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_freq/data.npy new file mode 100644 index 000000000..a612507f0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d978916e87c1836acc3226b7dabdda822f41562b5cd0f4853c3a5c136bb80a0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_power/data.npy new file mode 100644 index 000000000..0207aabd3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8870f5f98c6ebb21d73ab14f7189ce27e2079bc3c50bd82a806977430587baff +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_freq/data.npy new file mode 100644 index 000000000..c759949f3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1982e1df28a00959fadb035a4774a74f2558d173ed503065210f90b032db574 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_power/data.npy new file mode 100644 index 000000000..608bdd5f7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91b9683cb717525f02fa1e2062b210f23707bb97e3e19bb6e72a272d202db8a2 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..1527b838b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1345c408ca8e5374f02e5bf2ca84bba48c8423291fbff50b4131ed81cdabdd6 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/attributes.yaml new file mode 100644 index 000000000..e6c8afa31 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.008650545714756814 +sample_rate: 1000.0 +power_score: 0.023346819636432644 +action: 1849-150319-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_freq/data.npy new file mode 100644 index 000000000..0809da921 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:293372c7ab522414c9781b5ea21e2156f7dd08c2bdbcd177235f12424434207a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_power/data.npy new file mode 100644 index 000000000..1d5f54179 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:424dbc16c131d9ea5207c8fc88f04d7de7abf3d59ee0bc828d127eeacd396468 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_freq/data.npy new file mode 100644 index 000000000..8ce4db250 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1acc2cd7965bcca63c24709817bb52494b6b5ba111571f56163ee11c9fa83baf +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_power/data.npy new file mode 100644 index 000000000..5130c9060 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62f221d2b968964dc3336aeaaac8ad28b45cddc78af5b015e7f4dfa3dd1d2dec +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..ba06e27fe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6aef1d891964724f7400943161946912cd05c4f4fb4d682f8d151756447dff9b +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/attributes.yaml new file mode 100644 index 000000000..64a1e74e4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.019145471467726136 +sample_rate: 1000.0 +power_score: 0.034648338691340534 +action: 1849-150319-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_freq/data.npy new file mode 100644 index 000000000..6399a40a1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10177ab741e8c2b1a994dbd0833f2f3e92127f976a01a1c44d7a3160d6233569 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_power/data.npy new file mode 100644 index 000000000..992bcbf14 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:821e3ef809a0b7a55082be2944de0f4b9c063465a05fbc8df56a56ee72816ac5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_freq/data.npy new file mode 100644 index 000000000..e142fa001 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad47aadcaf2ee44e630e7b0629b6fc3fd2270e9907bd300c53533ace6c432b17 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_power/data.npy new file mode 100644 index 000000000..56f5642d0 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cddfb68172ba1bdedd6e9b2819c9e378d15d286ad92403c84d08540582ed0908 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..e0f80b33e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:187154a996d3c912ad1f6e86d0396bf8ad509f3fdda05c7d5244e39969892757 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/attributes.yaml new file mode 100644 index 000000000..2bd77425b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.005776296542713513 +sample_rate: 1000.0 +power_score: -0.09345211217384156 +action: 1849-150319-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_freq/data.npy new file mode 100644 index 000000000..c4be4c516 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78960891f5fd8edb914f25b792aeaedbc9b84522378df553bb1762e6c126fb91 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_power/data.npy new file mode 100644 index 000000000..15f9b1d5d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cda044d3b8493f32c275a989510badf90dff2612ad4b215ed4adbd24bbd45cf +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_freq/data.npy new file mode 100644 index 000000000..9d563e820 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c464be90640fb6d5dfcd506b6b9b42385a00733aab93f8ea15bf20f3411698ca +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_power/data.npy new file mode 100644 index 000000000..a5b0e37af --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62dd33203b055752475b75309e94284c71eef228beab56f0741b6f48c2b5de53 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..7346a3f92 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:169a5c56d1f0325547dec7d9982989eadafe2e347b196a5c6b3acea6707b434d +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/attributes.yaml new file mode 100644 index 000000000..de49002d4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0665784121155196 +sample_rate: 1000.0 +power_score: 0.09043724303859611 +action: 1849-150319-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_freq/data.npy new file mode 100644 index 000000000..e105f85e9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1ed258bcfeea79403c0bec4cbe44c3d49c8541c4ebf51072966bd79608ac997 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_power/data.npy new file mode 100644 index 000000000..5cf879800 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ff15818bb5a79a3a4d41ab711b0200a269162f5c795a98cb6c18128c6ef5cc8 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_freq/data.npy new file mode 100644 index 000000000..5caf03299 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ae6413ea3e01bcbafe49b8f1991f6a04bade964cb093dfa4751a913de842451 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_power/data.npy new file mode 100644 index 000000000..459335853 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:327fde96917eb96c155bb8c2955aadb47825edf40b4f669a7a2cc3eb294e20f6 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..b9da30749 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ba6932752043fe2aa366f3f5733c9a3d30a3c10182537a679fea538c09addd1 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/attributes.yaml new file mode 100644 index 000000000..f86a9db8b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.04755112311965959 +sample_rate: 1000.0 +power_score: 0.1017877489076777 +action: 1849-150319-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_freq/data.npy new file mode 100644 index 000000000..884d068ec --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61eb20e0a2c5b701c9fda3e92a8af5825e0f5fb0cddc9d5e13b1f0d60160a094 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_power/data.npy new file mode 100644 index 000000000..b1118a95d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c7fd3040264485c8d79438d6e05d937b5d0ac167116c8c93f3c2c729b0f9461 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_freq/data.npy new file mode 100644 index 000000000..6f25348a6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d123debe0d4891e76d3095b6d7df1fa5c35f1d754a28a2ef21d5c5284d28adca +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_power/data.npy new file mode 100644 index 000000000..407203f5e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f901fea9d48d3138fde4e6036c99f16186256c63ed0267639ff0b9c3fc79a798 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..8b24ced45 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bb03e839a4b37848835cfb5c1acd1bf18ea0a538dfeacbb0a1f985a8bc2b446 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/attributes.yaml new file mode 100644 index 000000000..3c44372ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.037040464034938235 +sample_rate: 1000.0 +power_score: -0.24959406593388606 +action: 1849-150319-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_freq/data.npy new file mode 100644 index 000000000..3e8630417 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfecbf2b91918d7a6dd1d33f5a861ea36a5311b3f093627084dadda7669e7670 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_power/data.npy new file mode 100644 index 000000000..f93fb891d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d679fd16960999f23a14f14f256dd6ca2c3527174bcf829ee68637720d74aa12 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_freq/data.npy new file mode 100644 index 000000000..a340e28ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a14ca8db729dbb949bb7a17575a113a0f4e4ab6dd22c197d77c2565553bce46f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_power/data.npy new file mode 100644 index 000000000..194692812 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:231dbf210df973d7fc007db93e1d59cb1400f599f562dcc34c80a0c244926a5d +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..ade9bcc36 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e8bd78c738afb1688e457c97a80e8d88b50b206d1353304e955efb459d996ba +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/attributes.yaml new file mode 100644 index 000000000..110fddb35 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.025086443774366203 +sample_rate: 1000.0 +power_score: -0.34096496745019056 +action: 1849-150319-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_freq/data.npy new file mode 100644 index 000000000..896c77495 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cd5b9ac339aa152b7f8611ebbdf46910d455cba243323235e98c8a0f07e74ee +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_power/data.npy new file mode 100644 index 000000000..b848e9b8a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f044637405908e36cc97d40138cf0270215723c0b91a703f48aae18bef7038e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed/data.npy new file mode 100644 index 000000000..336e3e00d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d21ed0bfe3a19dca7c1d98beefb03e73e640e44401420ca526e7c5be110b5df +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_freq/data.npy new file mode 100644 index 000000000..d61102426 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7817634670ad58c5338df4a394a191919011494fcba97e3838c6b1c1af0e464 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_power/data.npy new file mode 100644 index 000000000..ab6bd3806 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b16953bd854cd0975da95c4ed92b656884df03a7bdbd322f18902b6170665c4f +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..765082458 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0495da5c56e6236a66bf4bda7dd78994132b9674f54b07b28c9617146cfe212b +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..9022694d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:242464986d9b2c13bd4957275e0217e6ed98f43977824604b48ae2fb7ce6ebe9 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-150319-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/attributes.yaml new file mode 100644 index 000000000..f51137eb1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.04720694574797398 +sample_rate: 1000.0 +power_score: -0.07071711129822841 +action: 1849-220319-3 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_freq/data.npy new file mode 100644 index 000000000..38d057f2c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16fa9a7c9552b63c73ca1db55bda148e9145adfe54d40e9ece5ef69dba26575d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_power/data.npy new file mode 100644 index 000000000..2aeb45971 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8c2509bbb192102f381397c1516f33cba54837c499596a2a724f9a859b4ed9b +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_freq/data.npy new file mode 100644 index 000000000..e6d1a9ab1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1845394076c37231bb0d5ea74e9d4d1e442d36ca498f1ce08c219f9400fc9935 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_power/data.npy new file mode 100644 index 000000000..8acf41931 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:087f80202420f0f53fc7b85aa79ecdb2eaa30992cd59e1bf58917f9c13f315ff +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_power/data.npy new file mode 100644 index 000000000..9b25a151c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f59135b850886b2452b5e485fbd9e0c1e3c00976f8c7169ff4216157a15d104a +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/attributes.yaml new file mode 100644 index 000000000..23e419dc7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02998716504341943 +sample_rate: 1000.0 +power_score: 0.053905255878333835 +action: 1849-220319-3 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_freq/data.npy new file mode 100644 index 000000000..f35dec39f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2a9d182d85f8ee439a7caaccc09e5deafc91d6d7c74610d4027c139e2fc53e6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_power/data.npy new file mode 100644 index 000000000..66a1e3ea6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4281c80587a1782091c4d0ecf9bb89e651aac87241b060b01f48af0d7a2dae10 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_freq/data.npy new file mode 100644 index 000000000..2119a46c8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f68eca076c1ca6a5a35f8d7db5bcbccafbf295b7d943a0fe414b866c1add95c +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_power/data.npy new file mode 100644 index 000000000..a06fa3c23 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31186bae49bd338954d74eeeb8564391aa18085e181629990cfee4f755696a09 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_power/data.npy new file mode 100644 index 000000000..0ac3015de --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7cda16ca0ca029c75631ca67eda019590ece0159a4b553a26b5fe0dc3dcee46 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/attributes.yaml new file mode 100644 index 000000000..b79271c10 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.017288168805558755 +sample_rate: 1000.0 +power_score: -0.0789795113375478 +action: 1849-220319-3 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_freq/data.npy new file mode 100644 index 000000000..def874b88 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1945663611ebec5c8b7ea93709ff30be5957c6258baa333f39229f134c3fc02 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_power/data.npy new file mode 100644 index 000000000..d0e2c8556 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f54c6a947f0bf23dec6a94770243a630f769b9042271dda7717e964e5fb22d1d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_freq/data.npy new file mode 100644 index 000000000..cc254ac5e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad38339725325bd22f2a9fd22886e09778ff4451a68bf54d930ea71ce9c46c7c +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_power/data.npy new file mode 100644 index 000000000..6ece42f0b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0bd4291fa5ea6a5f88c3da2999c5b5564a30727c171713e7942541c6fde7dbe +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_power/data.npy new file mode 100644 index 000000000..4b4459f4d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86fd710da3d3a8c3b72b7b5cf797afab8ac451ab59606ed91a85161b592c6f9e +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/attributes.yaml new file mode 100644 index 000000000..6a1e731d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0414766258506134 +sample_rate: 1000.0 +power_score: 0.015604336965849461 +action: 1849-220319-3 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_freq/data.npy new file mode 100644 index 000000000..f970fb76a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d721d0efb398e2921d6a47885cd62b563eaee41e9f2dec861d6b6b3ec479ebb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_power/data.npy new file mode 100644 index 000000000..a877874a9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21078a1c626db0d44660a2cf6b6d6631d31a328711f2a8b2fce05bb7683e9fc5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_freq/data.npy new file mode 100644 index 000000000..9c59df49c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87295e5eea38cb07e35392c57460d5a0c838ff33af8555462288c49d577c5579 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_power/data.npy new file mode 100644 index 000000000..5aef6515a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af914b1ec0bd8d0094eadc99b8d3bddb47662d0a881c5307a0da8f840da69ba9 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_power/data.npy new file mode 100644 index 000000000..dba397083 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:292dd36a917cef5a09563bcf5c4a4f31a344d736e6e206c1a114c2f6d1a15ff1 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/attributes.yaml new file mode 100644 index 000000000..dd50f9ca4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.09855450867272623 +sample_rate: 1000.0 +power_score: -0.07028368619433521 +action: 1849-220319-3 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_freq/data.npy new file mode 100644 index 000000000..3293a1302 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:023ca5f74dbb84736d2f780bc3e7b2e3e0dc05b31ebe14d81e729dea0b8b1f57 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_power/data.npy new file mode 100644 index 000000000..e1022b6b8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85c1837cf2bcaf610be1a0d993faaafd5b54194c3b8e2c73ae0c27f1e3aa59b3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_freq/data.npy new file mode 100644 index 000000000..c9b84e006 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39a3c035fe15f019fa4392af9f4984151d1699c2443aa0f1dda7b81a78df5d0a +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_power/data.npy new file mode 100644 index 000000000..52280f0cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dc3478ae9c15b8377cecffe9455d9ef5d2fbe93759cd8e99bc34d0bd893f463 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_power/data.npy new file mode 100644 index 000000000..3c953254e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca8736592f85bc6577c8587f8dfc354ded55ec1cc0f0adce05996630277fc179 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/attributes.yaml new file mode 100644 index 000000000..8ed0c2ae4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.05109418158750492 +sample_rate: 1000.0 +power_score: -0.0862594765235507 +action: 1849-220319-3 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_freq/data.npy new file mode 100644 index 000000000..f9ef69347 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98dd2516aac548853be1189508b0a6e402a2c5fff22edaeba10ae09eac14eb41 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_power/data.npy new file mode 100644 index 000000000..1cc1f0a4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f177603e11bf231ebb9720b0300bb50f8388aec6615b256264a65fdb1fe0e77 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_freq/data.npy new file mode 100644 index 000000000..8571ebe19 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58461812b977182e172cf641a78efe961b9cc044bd9a736b2da0b4d43e2ba3f7 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_power/data.npy new file mode 100644 index 000000000..ea2ba49a8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:184a2c00a311b7943911f24d84dfb5eb8ce0b2e5f6d7ff6278633f65f3a3e104 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_power/data.npy new file mode 100644 index 000000000..9e9e178cc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8286ed9de82b9ce88dbb550bfd95ed171d81da26be5b1dc2ec6759a75ec9e0b +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/attributes.yaml new file mode 100644 index 000000000..b2b8ef356 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.055524825730075854 +sample_rate: 1000.0 +power_score: -0.1394727233818303 +action: 1849-220319-3 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_freq/data.npy new file mode 100644 index 000000000..1f907d2dc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b400c9c9b844c225c2777a590996e36b7c970941e4e6d281a715e9b767a8dc1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_power/data.npy new file mode 100644 index 000000000..a560b600e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c723263ca892bcb45c751eb91e39085d466060dbf030eaee7269e516baa5c562 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_freq/data.npy new file mode 100644 index 000000000..74408ff95 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c5443f0a918b908e44de993ab156bfde8ebc5f62b804c3a5646efa0f5288b88 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_power/data.npy new file mode 100644 index 000000000..37e587636 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64237d932f552197fed115b82602788b591225ddb79841c8cc25a8ad6d0f5279 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_power/data.npy new file mode 100644 index 000000000..7d39f008c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d12db13e83315a8ee72225c11adf5e144a04abb2170c54d9d11652703800cb5 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/attributes.yaml new file mode 100644 index 000000000..c0337d545 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.013232336133303789 +sample_rate: 1000.0 +power_score: -0.13817374608833205 +action: 1849-220319-3 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_freq/data.npy new file mode 100644 index 000000000..26e18ba31 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d6063bd7b19d440f9cd5e7dfa78999f032a488738a4b8bfa6b4a0603fe1906c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_power/data.npy new file mode 100644 index 000000000..745e9a6be --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b186c9b224882b3c395317393138e07fac8c2f65714011cac95576e8e1383f59 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed/data.npy new file mode 100644 index 000000000..964d92615 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c45aadd9f847228593b462c167969b5b55d5495e1c25c3f100d0b5b9a0a84 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_freq/data.npy new file mode 100644 index 000000000..c25832958 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f9c6e2fc361419c996b9d334416b084bf372c809705f82dad9ce3802845b7f1 +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_power/data.npy new file mode 100644 index 000000000..1ec53c57e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1eff1ca8234fc248acf1601ab5ccc8d5bdd5b28c3158ad1620599e8c00d30f4a +size 4799824 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..83855373f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492a8b6f331408cdad2cdf6cf1a42d695f01b2aa5c458851603dd5d5a2e61d20 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_power/data.npy new file mode 100644 index 000000000..24468e2c5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c53dc0d44fdca3cd6d77cad1e452accd044aedc8f0d5a6ec8f87c1b4ddd7a25 +size 191987968 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-3-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/attributes.yaml new file mode 100644 index 000000000..24095cf0b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02242445379912386 +sample_rate: 1000.0 +power_score: 0.046891306563572106 +action: 1849-220319-5 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_freq/data.npy new file mode 100644 index 000000000..0ad3fec1f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f76c23846fc7a8d715a93763e3cc3d1aa33421af375a3dd34f9add2cfab16e7d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_power/data.npy new file mode 100644 index 000000000..1c9a8350b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6fe0710f31c8ab000341cf18fd1e455540ed8157a231329a834976dc427bd2f +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_freq/data.npy new file mode 100644 index 000000000..b037f5767 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f49bc93309b63efb85fd3ac38777757154601cb2661b17d1c6a1b2d606fdd86e +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_power/data.npy new file mode 100644 index 000000000..0ed3f9795 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d35b710363fdcd2deaa0c727cb31bb0dca27d1305d5a6d5e048baf57aebb1ad +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_power/data.npy new file mode 100644 index 000000000..54332d49c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48444cc2f84254ba435c1c748233196939886317490361e2837759cdc7b5e233 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/attributes.yaml new file mode 100644 index 000000000..08654b684 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.029093389435196116 +sample_rate: 1000.0 +power_score: 0.04583978609862521 +action: 1849-220319-5 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_freq/data.npy new file mode 100644 index 000000000..dd891fa64 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcbb731c76f05bcf7daa3c8caa4a7ebe9f576749fcb2672fb482b40a4c573dc0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_power/data.npy new file mode 100644 index 000000000..9ae4a4580 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e39f733f5c73d15150d3b032c372743638d6e70e9a896719cb5bf8a33443b75 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_freq/data.npy new file mode 100644 index 000000000..c2909f63d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:133420544a10681c4ea4e38691b38940578e43f96c7142b9538d749cbd609229 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_power/data.npy new file mode 100644 index 000000000..071dc6407 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52a634e857492a1fcf9637b76d7189a94aa7414e278721ac99de76a4124a3d68 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_power/data.npy new file mode 100644 index 000000000..30d15175b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec46d84ab99b2d87616a1f01414f194627761ade3058d0ab753ebaac80f72206 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/attributes.yaml new file mode 100644 index 000000000..7f7eefdaa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.015273755848447586 +sample_rate: 1000.0 +power_score: 0.03604373257440096 +action: 1849-220319-5 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_freq/data.npy new file mode 100644 index 000000000..ee3b5b665 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cd0ce69ddf6aaf21ade532ddd615f92f97f9c9ec8a767cb01a192dc7846663d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_power/data.npy new file mode 100644 index 000000000..7039e049a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:615fa57e733a6672712dfca1047a6d5ce8c8f5fc71f490b6b643267f1b31b7fd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_freq/data.npy new file mode 100644 index 000000000..a145bc88b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c34029b79cf6f4e8cbfb8c849ed09fd1cec02719287af7854de677803cf540bb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_power/data.npy new file mode 100644 index 000000000..2d0a5d0f1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0cc3104f5fc09bbc331a309fd1531b5993432501b3b6f91108351ac54332196 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_power/data.npy new file mode 100644 index 000000000..ea5a7f823 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:988bb3b4c60efcc73c325a5cf166d4b38d67c178254e1068739ed174b440aab1 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/attributes.yaml new file mode 100644 index 000000000..ad3052874 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.012663776719515933 +sample_rate: 1000.0 +power_score: -0.01266201941703894 +action: 1849-220319-5 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_freq/data.npy new file mode 100644 index 000000000..7bae259eb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23c8f86545efdadb22387a483a535899903c16953e4520a5cf8fb247763ad48e +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_power/data.npy new file mode 100644 index 000000000..c88549a49 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40966574d7800db41060e9616aabb7a9d7c951b8f304ea7c2629381cc13ad0d6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_freq/data.npy new file mode 100644 index 000000000..52d2687c6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:408577d9e3adc0c51aa05b60601675802fa50fb96efa6871a327e37661c2c965 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_power/data.npy new file mode 100644 index 000000000..4bbc30ccb --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b93d998746af0c50e7cae5bbe879caca2390b2734ab59e5effd6354e00fa2cb4 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_power/data.npy new file mode 100644 index 000000000..acccc7613 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96dcc2c4cc13cf1becb1acdb988a2e49c1e0906394edc070e6ee8d21e21f7a1c +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/attributes.yaml new file mode 100644 index 000000000..eb7eed238 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.021870668228423918 +sample_rate: 1000.0 +power_score: 0.1537092225338111 +action: 1849-220319-5 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_freq/data.npy new file mode 100644 index 000000000..8136ddf4d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f35214d2ede95b65b3d67a87006a169467a04287695aaf72a8196f63a5bc1d3 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_power/data.npy new file mode 100644 index 000000000..531ce4c3a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91a1b658b8ad3758d9115f17356dc10e978b01d2970aaf7294ed17c925d8ce75 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_freq/data.npy new file mode 100644 index 000000000..808678f21 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a8e12032676a0211d8006898cc2800b2e355eaa4b77f961680a8ccfc19f8dce +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_power/data.npy new file mode 100644 index 000000000..6ab64eb0c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc8bf41c974453451340497968921cf2a3a793509e3cf37c054dcdd0aad562cd +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_power/data.npy new file mode 100644 index 000000000..4ee215e8b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd17c2e1f296069b2c2307babc218156989dffbc1d302f904ea68da3184aa8c2 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/attributes.yaml new file mode 100644 index 000000000..be71afd9f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.03427975403564285 +sample_rate: 1000.0 +power_score: 0.09385150862717449 +action: 1849-220319-5 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_freq/data.npy new file mode 100644 index 000000000..ce2cf8833 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc982d003112444b2b07e2ea5ad4e2be6180a7221b6bb59fecc66df78f09ab18 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_power/data.npy new file mode 100644 index 000000000..7c1eb1962 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85a08dd4ee8b523bd9d44c8ca62b580382d771b764e00e4cedbff2d51499011c +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_freq/data.npy new file mode 100644 index 000000000..9dc246906 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d4efb4a8d6a7358f2fbf3a8ee08691c9e804dcf09ce2f46b5034a43bcae5c8b +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_power/data.npy new file mode 100644 index 000000000..5c3b48893 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b326cf3407a452ba5301b958c03a951c0a46e81c8c58e216032b0c9750d9564 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_power/data.npy new file mode 100644 index 000000000..5d639a0e7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7266806b476641b352c4809968183c5b4ee381e06ba2bbcfccefda09530ef4d3 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/attributes.yaml new file mode 100644 index 000000000..168409713 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.009448269214513172 +sample_rate: 1000.0 +power_score: -0.33415205537544834 +action: 1849-220319-5 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_freq/data.npy new file mode 100644 index 000000000..1e96f65bd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d22fffa0811de69f5655c23ea3e9bda0aaf108468b1033a5772b46b4171af82 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_power/data.npy new file mode 100644 index 000000000..5e8126ec6 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30cf6f615b53b91635d3ab71594d515a6c6d91878afbae2e02aea01ecc1308a0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_freq/data.npy new file mode 100644 index 000000000..98f42d88f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58556d89edf240bb1358fa06abe42457a313ca9903a807f94d0774222ba24a3c +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_power/data.npy new file mode 100644 index 000000000..58566e498 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ee4d9664d64d70228790a61c03aef1f6e274c298769d6b3738e74beb57fcb95 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_power/data.npy new file mode 100644 index 000000000..b8f46bec7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b6116e9fbbb5edd19b543df8ffd16db4771b930a087aa525dee275fa9a87ff4 +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/attributes.yaml new file mode 100644 index 000000000..60b6bca16 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.00576665453946277 +sample_rate: 1000.0 +power_score: -0.35739991687404493 +action: 1849-220319-5 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_freq/data.npy new file mode 100644 index 000000000..f1251fc98 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84100761d4f755c275d4c2ca9a8b0babc21695851deef87c6115584d855e5dc0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_power/data.npy new file mode 100644 index 000000000..106feb006 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edc975311542ae9ad1d3be45532399c2d6891dc00618f41a7de1366d8df721f5 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed/data.npy new file mode 100644 index 000000000..9fcabe748 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172fcde0cfa548976283245ded8beef5b8a8a933187e52fd08dd1eebdc34851a +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_freq/data.npy new file mode 100644 index 000000000..5aa843580 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89b8ee70a7f305a4a03ee599a2454b24a701e667d6e78fbb760803ddc8eeda89 +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_power/data.npy new file mode 100644 index 000000000..3e356b607 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56d180baa819659ee2c7159a596ca474ddb0a121064ce1e10abae4df3b2130eb +size 4800096 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..e3cce986c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c37932c8d0f09940b30f35638b3b7b1b0af80602bda2aa85fea19a98ef79ff +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_power/data.npy new file mode 100644 index 000000000..89f25eeaf --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21646fe190873ac54c9a78df3da1400e3b42c596947dbd3c312cf11b635ea00d +size 191998848 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-220319-5-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/attributes.yaml new file mode 100644 index 000000000..7b848a1ad --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.003467689290907528 +sample_rate: 1000.0 +power_score: -0.03490659815903921 +action: 1849-280219-2 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_freq/data.npy new file mode 100644 index 000000000..8a9cd2254 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12aa3b6241329997f03731132ed646c59709643626a7cbcb48c814a90fcbe9d0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_power/data.npy new file mode 100644 index 000000000..4f58103dc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad809ee9b8e8d2925b7c6670f9cdf9739569267dcdce4a3e4ab83b43726107a0 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_freq/data.npy new file mode 100644 index 000000000..5a850f3ca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21ca23bc5c7ea7d632373bfb65bae1db841c8027ffa3843390d6173bfc166248 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_power/data.npy new file mode 100644 index 000000000..dc50dc4a1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09e9494063a960a53da70946a49319e7a5dcc4f52c71ac1abf3aa5814aee0cda +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_power/data.npy new file mode 100644 index 000000000..062522f89 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f4ac8721705146b6e8ceae7d4c7542a8c2ce4814f36fdab45737c49939de846 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/attributes.yaml new file mode 100644 index 000000000..f311ee109 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.08681123333861232 +sample_rate: 1000.0 +power_score: -0.11513366514064115 +action: 1849-280219-2 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_freq/data.npy new file mode 100644 index 000000000..19e3b606c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f297c01ba50be48d830fc0cf25da708497ff9636b54cbc17ca0552b349bb92cb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_power/data.npy new file mode 100644 index 000000000..67f859e9d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95e68295c46e6a18aa62adf48d5a747455c7d2307808f9ec5b6787a2f87ac7a4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_freq/data.npy new file mode 100644 index 000000000..c5281840d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e2d36e1a97d141e44b74380228e26dd660f2a4074ab3fd05f3bb40d7fc3330d +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_power/data.npy new file mode 100644 index 000000000..6a26b3ad3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3551cdf371a67d14e97b7e77027ca8ef32608a2b45badfd7985ebf73bd2a6d78 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_power/data.npy new file mode 100644 index 000000000..dea084ee5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4aea1791c9073a414f595b46aab1d27fecf11c3f076074dc6ed81fcd407beaf6 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/attributes.yaml new file mode 100644 index 000000000..1acac4c6c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.02861921543481746 +sample_rate: 1000.0 +power_score: -0.08217111854981766 +action: 1849-280219-2 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_freq/data.npy new file mode 100644 index 000000000..9865cb669 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d29aecff18525ae53f66901c63f1f180e2db98ed234b2d8d612090d238449bc +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_power/data.npy new file mode 100644 index 000000000..080b65a9a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04b1679e18acb91fdff02d34fefe0e901aaec1a2e8b6de9fbeef4cae122e265a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_freq/data.npy new file mode 100644 index 000000000..71291431f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76449d472e460947f400282e726d14716a4f31effeaf1b0d8de7c71b1e7f339a +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_power/data.npy new file mode 100644 index 000000000..ba592fb57 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd39f1035977ca7eed2eebb31a12581afe9dd903a7400a2f953c6344f24fc9d9 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_power/data.npy new file mode 100644 index 000000000..227e2cedc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:890aff850b546db6d87ba34a6e9660da1b7994cd9b83ccaede6db642cc398b18 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/attributes.yaml new file mode 100644 index 000000000..c2c2802c4 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.011488584663522641 +sample_rate: 1000.0 +power_score: 0.03220901906547654 +action: 1849-280219-2 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_freq/data.npy new file mode 100644 index 000000000..2bf8e9e43 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50553b64517f0a4e26f07d68f0b1ec59ab33e4607d7035df7c053ea32bc1fc30 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_power/data.npy new file mode 100644 index 000000000..a1ae6800d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbed4d9387df6a1ed610b173e6a6cece46c3cd1aafef5f557c63770da4e829e4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_freq/data.npy new file mode 100644 index 000000000..d1ad55bd3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d6f84ff5bbaba968e13385c4566c772a31e0c72d4338b4c9211f34577a6dbe0 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_power/data.npy new file mode 100644 index 000000000..6c4659130 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4395987fedb106e8b9a9e419927e12b96a4e7b193c170f4bf502a78370ab4c68 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_power/data.npy new file mode 100644 index 000000000..ef85a6ad7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:478bf9e2594d7185aa462b15273a9e7202a35f4eaabb69063bde9612c9f10564 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/attributes.yaml new file mode 100644 index 000000000..2300685ac --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.0016886261479209998 +sample_rate: 1000.0 +power_score: -0.10894395982944503 +action: 1849-280219-2 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_freq/data.npy new file mode 100644 index 000000000..fc85f6565 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a72ac93b80d3789993451f89f284983120382ac271c7d7bf59869622d2fe4337 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_power/data.npy new file mode 100644 index 000000000..281844281 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6aadbbeecfb93c42999d4d91778e42c41f004e5721bed4d0221c8670e4c4d50 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_freq/data.npy new file mode 100644 index 000000000..bd86e1223 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ca81ab320fdb99a195adac7eddb278c9e6f8ab71879140165bfad941cee37c7 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_power/data.npy new file mode 100644 index 000000000..63bcad4f5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df08c54f5b948228447b23eda446f4694fb20c0d73c4e42537623704138dfcc3 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_power/data.npy new file mode 100644 index 000000000..44ef82d8e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:600f506acac23ff05af8046ca0bb13ff71d1eca264a28570168616c3ef12b2ee +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/attributes.yaml new file mode 100644 index 000000000..5fcf17c16 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.014149935576302276 +sample_rate: 1000.0 +power_score: -0.04155035622090086 +action: 1849-280219-2 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_freq/data.npy new file mode 100644 index 000000000..b15037f4f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4138f606b3c2ebee7bf7c73c17643b59bea2cd12db6dbcb062f61e7fcafff4ff +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_power/data.npy new file mode 100644 index 000000000..63202fd6e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acf857345b3d60c4a3f09d6049eba4b468f39d08af2b886c6a6d07ae0e30dba4 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_freq/data.npy new file mode 100644 index 000000000..d73daa5c3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a90488215666bf9411cefc3365c86de667a5335b0927744b72a6f2a3a04600a4 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_power/data.npy new file mode 100644 index 000000000..89fab3fce --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42066794d1c95e9c9831db8ae76f5e2b0de16990f61cf943496b467447a7cc8e +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_power/data.npy new file mode 100644 index 000000000..252f5a22d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d8d406134f6ab5ec8a5873473632e56f80d697783569f8bacdced741ff33d00 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/attributes.yaml new file mode 100644 index 000000000..3eda4aad3 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.027058150946979397 +sample_rate: 1000.0 +power_score: -0.011977565348908766 +action: 1849-280219-2 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_freq/data.npy new file mode 100644 index 000000000..abfe3f2b9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10f8c89abc5aad4134bad463f361d500fba789ee381efe8adfffcea65b3635dd +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_power/data.npy new file mode 100644 index 000000000..ff6ed1016 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2d4d64eedcb9920045755184b49361393ef64ea4f549167783cfc30f23abf4a +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_freq/data.npy new file mode 100644 index 000000000..a21102355 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe2cb2eb67ac1450f8d86dc34fea9dabd1006f6429a4d6b795498db6a3512576 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_power/data.npy new file mode 100644 index 000000000..c755ffe9e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a180b7dcc69ecca0dfe2348cf8e6c99536c58a77396af63dca5e340ae98ec12 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_power/data.npy new file mode 100644 index 000000000..74856ecfa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bd1e71489cf39390fc1edc3dc7be4dfb735d578bcebc8aaea70f054949b9c39 +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/attributes.yaml new file mode 100644 index 000000000..2954ae293 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.10376097805829278 +sample_rate: 1000.0 +power_score: 0.024433088530395414 +action: 1849-280219-2 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_freq/data.npy new file mode 100644 index 000000000..b8fea996e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19edbe4d6e7672be9fe0d6def41d545bfeeeecbc422d802b669465488375fba7 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_power/data.npy new file mode 100644 index 000000000..78970939e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce9d6e523eafd77b0bc3015189c02bb10130dc3e3b32d4aee10fbdba5e0b49eb +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed/data.npy new file mode 100644 index 000000000..8e9f00423 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a45c7ff856c8fa63bc78c418cbecd22d5868a83ade5631d8db29461f338b53 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_freq/data.npy new file mode 100644 index 000000000..4fcc44bcd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0a5531ae30d58bf5bd67cb33dbd8af3b0d241897f3b174345110f0ffb260f8c +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_power/data.npy new file mode 100644 index 000000000..4b4a44dfe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdcceb2a48b2f8bf8d27ebcd609529e18c6bb8fe920ecdba1da6cbf9fb889289 +size 4799832 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..477aa4a06 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ea454f5cd2b4476c91f7aa5b956b0857179a6fe56ad3432ca7c8131e51efd5 +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_power/data.npy new file mode 100644 index 000000000..a03c25b3a --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0594a4417c45b2f7b22f2786108c2a69f916e938db4023b2e1c5a1877d260bde +size 191988288 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-2-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/attributes.yaml new file mode 100644 index 000000000..181463b9e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0015777992825690772 +sample_rate: 1000.0 +power_score: 0.04206207421990129 +action: 1849-280219-4 +channel_group: 0 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_freq/data.npy new file mode 100644 index 000000000..94344060c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca3d83cda9d51c9cd21afeec63b190d345810226cfc21b15c660fe9e858da824 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_power/data.npy new file mode 100644 index 000000000..233856ff1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:037f614b756deab7b509567addccb991eb3439ce18f0bf9c1b033c3dac5750f2 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_freq/data.npy new file mode 100644 index 000000000..e9e916328 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7872c0b2a0dc963c921cb66d807debc3b7706527e06d1f10eaa3e08da940cd1 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_power/data.npy new file mode 100644 index 000000000..146988777 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2fd517206d54ee1aebb70cf6bc1b0e7e2448311a649df7078dcab82b2d1d45e +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_power/data.npy new file mode 100644 index 000000000..45f3d02dc --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07c6c4bbacc90835b4a8fb180f805ca649d63d711dd02027b038e7e586d37a82 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-0/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/attributes.yaml new file mode 100644 index 000000000..be95c4ed5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.0161629283261244 +sample_rate: 1000.0 +power_score: 0.06364222067705884 +action: 1849-280219-4 +channel_group: 1 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_freq/data.npy new file mode 100644 index 000000000..e891df836 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:153977d07da466204ed6e7396e9449210a2a44d78c97d4172dde71536b53cd56 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_power/data.npy new file mode 100644 index 000000000..096d88b19 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06c514acc1c2aff80bfb3c857e8fe5fc589bb4e793b2bf200baa2e5c526f1c32 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_freq/data.npy new file mode 100644 index 000000000..5e001636e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7a536d43329486614425a14cd82383ed73613a83ec96cf37b7305e80903ea0e +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_power/data.npy new file mode 100644 index 000000000..77b638daa --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a4d40200d6b336bfb7ace32857f4fa14e9878e0e095b79cbb07bb73b60d37b3 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_power/data.npy new file mode 100644 index 000000000..a4a169618 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93558f704fed3f5e2be9c2f802d74744dfb3bc1ef53fa8d3281185cdb36e2301 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-1/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/attributes.yaml new file mode 100644 index 000000000..e91522686 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.00936938564743746 +sample_rate: 1000.0 +power_score: 0.05210370133503169 +action: 1849-280219-4 +channel_group: 2 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_freq/data.npy new file mode 100644 index 000000000..0463199d9 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c0ee139ffd6d2ad1abf2501370d193c41972330f418f4b937374815c0790758 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_power/data.npy new file mode 100644 index 000000000..1f6e0830c --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8417a6b93acdd1a44948c1360743a0794f6d3c0a6ede9a0734dafecb2f10c9da +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_freq/data.npy new file mode 100644 index 000000000..93f104c73 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d3e01c6c1bc0f0df8f04bbbff35af0e9913ae35757c8364381dd64b162c35d4 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_power/data.npy new file mode 100644 index 000000000..c391d57fd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3760b9784dfa07c0fa87952cff661ddedbf41491ddb5fb1340063b5f0c157340 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_power/data.npy new file mode 100644 index 000000000..dcd3249fe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc632b27b9eedcb9dcfecccf9feb67cc1bdabb976fffa13589c285ce2d70873d +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-2/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/attributes.yaml new file mode 100644 index 000000000..dd259bb8d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.014643040099656392 +sample_rate: 1000.0 +power_score: 0.18046133148947024 +action: 1849-280219-4 +channel_group: 3 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_freq/data.npy new file mode 100644 index 000000000..cd42e0a0e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53873937e043c2ff6b609d301e5983fef74ff86d84a556febca78fbd1a6170be +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_power/data.npy new file mode 100644 index 000000000..1be932d33 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb17e6622298eabd58af7799684e0b6402013aab3ed92905da8d860061939ddf +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_freq/data.npy new file mode 100644 index 000000000..428bab592 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cfecf6436dee284720c4ffc8f7605961c9768896bd07a69caed00429fa4313b +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_power/data.npy new file mode 100644 index 000000000..dffa4d24e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f835e6287acfec8885c87c1f54b2c6c49ee632cdfeee07db674ea4bb3dbbfa0 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_power/data.npy new file mode 100644 index 000000000..ee5cca261 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a1fe7552f42ee516b8c09a5a031ce76ab4038ccda496962a2ada6b7db8d8b9b +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-3/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/attributes.yaml new file mode 100644 index 000000000..22dc33bca --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.010766292973942151 +sample_rate: 1000.0 +power_score: 0.05803593276618156 +action: 1849-280219-4 +channel_group: 4 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_freq/data.npy new file mode 100644 index 000000000..ca44d3620 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eab65369ef0f272ac840ab71b3eff5cac06a3a67dbc3b0f23c543b1037d1f6a1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_power/data.npy new file mode 100644 index 000000000..0f9c72efe --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba3040db550ea377e0d278e850c84ce8ea07e26d853e61e04240fbc2b9e650b6 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_freq/data.npy new file mode 100644 index 000000000..1dbc958cd --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34d5dfd0b9cd0b1381ef9b7c328a9de93501a06476af45d8591da0d636850d2f +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_power/data.npy new file mode 100644 index 000000000..efa05ede5 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:679a4d33382b1f6defb305b1a1aaa38909dc32a71fe4830a75ae8e11d5bc2bb9 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_power/data.npy new file mode 100644 index 000000000..531191e4b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e127c9652070108806b57cdad5b3c97e6df6dbc495769ea0c1002bb0689b4ca9 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-4/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/attributes.yaml new file mode 100644 index 000000000..637e45b28 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.003925361311718823 +sample_rate: 1000.0 +power_score: 0.02330114225200955 +action: 1849-280219-4 +channel_group: 5 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_freq/data.npy new file mode 100644 index 000000000..dfae93ed7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3848c03f4708d5f4a568521b70c0f2c16bad80dbe7f39e7f696a939f48fb5b16 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_power/data.npy new file mode 100644 index 000000000..b987d36ec --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff407ef772ea04e211f26de85ff0a85d9d49bbcd6b5bd777b7da68057e830a8d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_freq/data.npy new file mode 100644 index 000000000..5c263a02d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b2f445c883555199a1e5d0440e45e62c6e20223f299e13df1ab9e632375d911 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_power/data.npy new file mode 100644 index 000000000..630221cc2 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29753d95e8148a9c44b1488fec8673b80b75ea4b278cf79275eaf75e0e14ddb2 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_power/data.npy new file mode 100644 index 000000000..2ac439c62 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69a386f7b23ecd0151f23c08470e3b9de8379e2e5697607335973ab78f4aac64 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-5/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/attributes.yaml new file mode 100644 index 000000000..7bb1d9338 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: -0.006405706696738345 +sample_rate: 1000.0 +power_score: -0.06328745969404405 +action: 1849-280219-4 +channel_group: 6 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_freq/data.npy new file mode 100644 index 000000000..c29e9553b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8697938121de028e2085518835d8f486757b9930086717dfa2666fda3efc4384 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_power/data.npy new file mode 100644 index 000000000..49f6755d8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:faf5534bfa6a77edc3af4f5a67b4e4d6bcfeac63653eb8b0762d755a659c2136 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_freq/data.npy new file mode 100644 index 000000000..1c2dbcf4e --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8f44f148548bac38f8af60405cda582ba82e1679042c00cddf5c7ac783d1925 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_power/data.npy new file mode 100644 index 000000000..33d713713 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49bf5b6875b6361c76184395e468b90335d3dbfb89968487e49950efd6188892 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_power/data.npy new file mode 100644 index 000000000..139d6c4b7 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74b9dffec54a2143a5c22da5fe261b25ecc61e56978a18abb1a547a4ccee9527 +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-6/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/attributes.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/attributes.yaml new file mode 100644 index 000000000..5869873e8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/attributes.yaml @@ -0,0 +1,8 @@ +freq_score: 0.029020635030793603 +sample_rate: 1000.0 +power_score: 0.04287083571514176 +action: 1849-280219-4 +channel_group: 7 +max_speed: 1 +min_speed: 0.02 +position_low_pass_frequency: 6 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/exdir.yaml new file mode 100644 index 000000000..ec0339b8f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "group" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_freq/data.npy new file mode 100644 index 000000000..aab67779b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14650698c18fb2e26f542f3ef6f4e122a68a52b724934c4ae76906e5684a2b76 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_power/data.npy new file mode 100644 index 000000000..6f8323850 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1f216012cf23e1d0c332e4ba1c8b14fa7419b77c90d167cd1ec35a34956f46d +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/mean_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed/data.npy new file mode 100644 index 000000000..155a2b36d --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a165f4b6b6ae7a04cc860f5c37d8c8f6866a1b171eb655a054f88d89364ee94 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed_bins/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed_bins/data.npy new file mode 100644 index 000000000..eb17725c1 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed_bins/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6312fdfeff63241c5fb31b13455072691f444fa7f4c67ebc056df073d800c1 +size 528 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed_bins/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed_bins/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/speed_bins/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_freq/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_freq/data.npy new file mode 100644 index 000000000..36548dc59 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_freq/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70fac341f3ac3b7147520c858d9f8e1cc9578113c7c83917042cf2b12264a7a2 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_freq/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_freq/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_freq/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_power/data.npy new file mode 100644 index 000000000..34246340f --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a570c8699f53b4f6b480db0a18ccb87c49dd55aa376683c4926779e30c5ec92 +size 4800104 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/theta_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_freqs/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_freqs/data.npy new file mode 100644 index 000000000..463ac7134 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_freqs/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4441e113a38857c2d72f091aca337578bc57bec30a2712880a0d72f4ca82ab +size 448 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_freqs/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_freqs/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_freqs/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_power/data.npy b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_power/data.npy new file mode 100644 index 000000000..55a3a9d67 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_power/data.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae43ed0387e0d469f8848c882c07d9a0ba006e2eb96230d0374aead4684b6daa +size 191999168 diff --git a/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_power/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_power/exdir.yaml new file mode 100644 index 000000000..279f6179b --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/1849-280219-4-7/wavelet_power/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "dataset" + version: 1 diff --git a/actions/lfp_speed_stim/data/results.exdir/exdir.yaml b/actions/lfp_speed_stim/data/results.exdir/exdir.yaml new file mode 100644 index 000000000..27b6abca8 --- /dev/null +++ b/actions/lfp_speed_stim/data/results.exdir/exdir.yaml @@ -0,0 +1,3 @@ +exdir: + type: "file" + version: 1 diff --git a/actions/lfp_speed_stim/data/statistics/statistics.csv b/actions/lfp_speed_stim/data/statistics/statistics.csv new file mode 100644 index 000000000..85ddd3198 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/statistics.csv @@ -0,0 +1,15 @@ +,Freq score,Power score +Baseline I,, +Normality Baseline I,, +11 Hz,1.5e-02 ± 2.0e-02 (44),-2.1e-02 ± 2.8e-02 (44) +Normality 11 Hz,"1.9e+01, 6.9e-05","2.0e+01, 4.8e-05" +Baseline II,, +Normality Baseline II,, +30 Hz,8.8e-03 ± 6.4e-03 (34),-6.6e-03 ± 2.4e-02 (34) +Normality 30 Hz,"1.5e+01, 4.5e-04","3.7e+00, 1.6e-01" +Wilcoxon Baseline I - 11 Hz,, +Wilcoxon Baseline I - Baseline II,, +Wilcoxon Baseline I - 30 Hz,, +Wilcoxon 11 Hz - Baseline II,, +Wilcoxon 11 Hz - 30 Hz,"2.2e+02, 4.7e-01, (32)","2.6e+02, 9.4e-01, (32)" +Wilcoxon Baseline II - 30 Hz,, diff --git a/actions/lfp_speed_stim/data/statistics/statistics.tex b/actions/lfp_speed_stim/data/statistics/statistics.tex new file mode 100644 index 000000000..efea64321 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/statistics.tex @@ -0,0 +1,20 @@ +\begin{tabular}{lll} +\toprule +{} & Freq score & Power score \\ +\midrule +Baseline I & NaN & NaN \\ +Normality Baseline I & NaN & NaN \\ +11 Hz & 1.5e-02 ± 2.0e-02 (44) & -2.1e-02 ± 2.8e-02 (44) \\ +Normality 11 Hz & 1.9e+01, 6.9e-05 & 2.0e+01, 4.8e-05 \\ +Baseline II & NaN & NaN \\ +Normality Baseline II & NaN & NaN \\ +30 Hz & 8.8e-03 ± 6.4e-03 (34) & -6.6e-03 ± 2.4e-02 (34) \\ +Normality 30 Hz & 1.5e+01, 4.5e-04 & 3.7e+00, 1.6e-01 \\ +Wilcoxon Baseline I - 11 Hz & NaN & NaN \\ +Wilcoxon Baseline I - Baseline II & NaN & NaN \\ +Wilcoxon Baseline I - 30 Hz & NaN & NaN \\ +Wilcoxon 11 Hz - Baseline II & NaN & NaN \\ +Wilcoxon 11 Hz - 30 Hz & 2.2e+02, 4.7e-01, (32) & 2.6e+02, 9.4e-01, (32) \\ +Wilcoxon Baseline II - 30 Hz & NaN & NaN \\ +\bottomrule +\end{tabular} diff --git a/actions/lfp_speed_stim/data/statistics/values_freq_score.csv b/actions/lfp_speed_stim/data/statistics/values_freq_score.csv new file mode 100644 index 000000000..22052612b --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_freq_score.csv @@ -0,0 +1,47 @@ +,Baseline I,11 Hz,Baseline II,30 Hz +0,,-0.015439641711939225,, +1,,0.5003745629460933,, +2,,0.07943333724462132,,0.02534283137666488 +3,,-0.08363148115646793,,0.029961778058520343 +4,,0.08815553310232462,, +5,,-0.1696923239587825,, +6,,-0.05896797792371618,,0.006121827404361535 +7,,-0.0029812697241735583,,0.015467523973194017 +8,,0.04232274843190652,,0.011291734859935305 +9,,-0.030599262338339987,,0.1398506593894196 +10,,0.08153510684958079,,0.035321085229579996 +11,,-0.05653219895938895,,0.035480212739793425 +12,,0.0573048746121449,,0.002995299347862527 +13,,0.17549151564059906,,-0.03519583450377512 +14,,-0.1366644740816058,,0.004014744389019523 +15,,0.03468997064705861,,0.0042879383841121724 +16,,-0.031306473143342985,,-0.036167656430202054 +17,,0.08950562230045832,,0.0016650913961029478 +18,,-0.06984190098791672,, +19,,0.06112639373655475,, +20,,0.0952075138055668,,-0.0088923114671109 +21,,-0.5217451908099032,,1.9831677663700932e-05 +22,,0.0012723270424875714,,-0.0068083158301111835 +23,,0.004908414899372981,,0.011778479818148044 +24,,0.02183957346867564,,-0.03345539411288576 +25,,0.08542595994062076,,0.0763031260839874 +26,,0.027775464106628192,,-0.055201408498310796 +27,,-0.04215183547412709,,-0.002499602107280472 +28,,0.023608624471705152,,-0.05956055192728706 +29,,0.10218421255934554,,0.030640915849359674 +30,,0.07946222024236399,, +31,,-0.06989605288344185,, +32,,-0.01752739829432392,, +33,,0.1413988369861449,, +34,,-0.04043824199859998,,-0.014665395826710224 +35,,0.0410867075010583,,0.016169443846277973 +36,,0.15876626501924385,, +37,,-0.018345736534655578,, +38,,-0.006986788589660163,,-0.025086443774366203 +39,,0.061530961409188595,,-0.005776296542713513 +40,,0.013232336133303789,,-0.00576665453946277 +41,,0.0414766258506134,,0.012663776719515933 +42,,-0.10376097805829278,,0.029020635030793603 +43,,0.011488584663522641,,0.014643040099656392 +44,,,,0.025001403405009857 +45,,,,0.05928426518786791 diff --git a/actions/lfp_speed_stim/data/statistics/values_freq_score.tex b/actions/lfp_speed_stim/data/statistics/values_freq_score.tex new file mode 100644 index 000000000..5d8825a39 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_freq_score.tex @@ -0,0 +1,52 @@ +\begin{tabular}{lrrrr} +\toprule +{} & Baseline I & 11 Hz & Baseline II & 30 Hz \\ +\midrule +0 & NaN & -0.015440 & NaN & NaN \\ +1 & NaN & 0.500375 & NaN & NaN \\ +2 & NaN & 0.079433 & NaN & 0.025343 \\ +3 & NaN & -0.083631 & NaN & 0.029962 \\ +4 & NaN & 0.088156 & NaN & NaN \\ +5 & NaN & -0.169692 & NaN & NaN \\ +6 & NaN & -0.058968 & NaN & 0.006122 \\ +7 & NaN & -0.002981 & NaN & 0.015468 \\ +8 & NaN & 0.042323 & NaN & 0.011292 \\ +9 & NaN & -0.030599 & NaN & 0.139851 \\ +10 & NaN & 0.081535 & NaN & 0.035321 \\ +11 & NaN & -0.056532 & NaN & 0.035480 \\ +12 & NaN & 0.057305 & NaN & 0.002995 \\ +13 & NaN & 0.175492 & NaN & -0.035196 \\ +14 & NaN & -0.136664 & NaN & 0.004015 \\ +15 & NaN & 0.034690 & NaN & 0.004288 \\ +16 & NaN & -0.031306 & NaN & -0.036168 \\ +17 & NaN & 0.089506 & NaN & 0.001665 \\ +18 & NaN & -0.069842 & NaN & NaN \\ +19 & NaN & 0.061126 & NaN & NaN \\ +20 & NaN & 0.095208 & NaN & -0.008892 \\ +21 & NaN & -0.521745 & NaN & 0.000020 \\ +22 & NaN & 0.001272 & NaN & -0.006808 \\ +23 & NaN & 0.004908 & NaN & 0.011778 \\ +24 & NaN & 0.021840 & NaN & -0.033455 \\ +25 & NaN & 0.085426 & NaN & 0.076303 \\ +26 & NaN & 0.027775 & NaN & -0.055201 \\ +27 & NaN & -0.042152 & NaN & -0.002500 \\ +28 & NaN & 0.023609 & NaN & -0.059561 \\ +29 & NaN & 0.102184 & NaN & 0.030641 \\ +30 & NaN & 0.079462 & NaN & NaN \\ +31 & NaN & -0.069896 & NaN & NaN \\ +32 & NaN & -0.017527 & NaN & NaN \\ +33 & NaN & 0.141399 & NaN & NaN \\ +34 & NaN & -0.040438 & NaN & -0.014665 \\ +35 & NaN & 0.041087 & NaN & 0.016169 \\ +36 & NaN & 0.158766 & NaN & NaN \\ +37 & NaN & -0.018346 & NaN & NaN \\ +38 & NaN & -0.006987 & NaN & -0.025086 \\ +39 & NaN & 0.061531 & NaN & -0.005776 \\ +40 & NaN & 0.013232 & NaN & -0.005767 \\ +41 & NaN & 0.041477 & NaN & 0.012664 \\ +42 & NaN & -0.103761 & NaN & 0.029021 \\ +43 & NaN & 0.011489 & NaN & 0.014643 \\ +44 & NaN & NaN & NaN & 0.025001 \\ +45 & NaN & NaN & NaN & 0.059284 \\ +\bottomrule +\end{tabular} diff --git a/actions/lfp_speed_stim/data/statistics/values_mean_freq.csv b/actions/lfp_speed_stim/data/statistics/values_mean_freq.csv new file mode 100644 index 000000000..67a2bc948 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_mean_freq.csv @@ -0,0 +1,671 @@ +,Baseline I,11 Hz,Baseline II,30 Hz +0,,"[10.89151867 10.84580914 10.88418736 10.88938379 10.8696588 10.85340735 + 10.84706989 10.82577347 10.86575488 10.78531896 10.76810736 10.76509391 + 10.79028444 10.78802158 10.8028019 10.80418005 10.83301058 10.78567759 + 10.8134608 10.83275828 10.86699482 10.83904113 10.87476355 10.7484775 + 10.93623226 11.01438266 10.96682983 10.99920123 10.8335577 10.81266316 + 11.00628419 10.67580576 10.25123002 10.19970047 11.11068948 11.11068948 + 11.11068948 11.11068948 11.11068948 nan nan nan + nan nan nan nan nan nan + nan nan]",, +1,,"[10.85779995 11.07231844 11.07040028 11.07565416 11.08544285 11.09313491 + 11.0839859 11.06717143 11.07910407 11.0551997 11.07799946 11.06003605 + 11.06075772 11.04538462 11.03566681 11.0211547 11.01685795 10.96212394 + 10.9252825 10.87282381 11.05407879 11.07394223 11.07778825 11.09333157 + 11.02793086 11.01267812 10.93630352 10.94280436 10.91301506 10.88536053 + 11.11773794 11.12696855 11.14672552 11.15574443 11.11068948 11.11068948 + 11.11068948 11.11068948 11.11068948 nan nan nan + nan nan nan nan nan nan + nan nan]",, +2,,"[10.4763099 10.63125994 10.5945306 10.61530246 10.58018096 10.59603284 + 10.58346097 10.58792891 10.59914385 10.6421589 10.60373984 10.61215845 + 10.56066071 10.54672387 10.5635688 10.56624896 10.57886193 10.60476887 + 10.53403214 10.56800579 10.64651019 10.70775823 10.6743068 10.55936796 + 10.66127303 10.63562934 10.54126629 10.45938863 10.47162636 10.5418287 + 10.54450763 10.72546619 10.82009746 11.06730987 10.96686416 10.84615895 + 10.93800164 10.8465222 10.79037636 11.1754776 11.57291108 11.56838117 + 12.31068886 12.31068886 12.31068886 12.31068886 12.31068886 12.31068886 + 12.31068886 12.31068886]",,"[30.30115728 30.29652824 30.29937513 30.29913267 30.30008805 30.30211408 + 30.30260313 30.30221868 30.30087668 30.30267311 30.30518698 30.30276253 + 30.30583741 30.30941479 30.31184576 30.31336588 30.31281548 30.30999956 + 30.30483883 30.3077208 30.307347 30.30808426 30.30665746 30.31041708 + 30.30453954 30.30220221 30.30765193 30.30510122 30.29808275 30.30689271 + 30.31062815 30.31067691 30.30650757 30.32269326 30.30019944 30.26616113 + 30.28504373 30.27287541 30.30187541 30.30187541 30.30187541 30.30187541 + 30.30187541 30.30187541 nan nan nan nan + nan nan]" +3,,"[10.74940871 10.82605321 10.8699473 10.90720264 10.90776812 10.91719569 + 10.8734182 10.89275418 10.88177136 10.87487195 10.87551985 10.87377499 + 10.89531897 10.86356365 10.80664286 10.80558124 10.80372636 10.8318588 + 10.79456012 10.79863397 10.82295425 10.75627183 10.80298681 10.78306649 + 10.77165814 10.98854601 11.00019018 10.90202062 10.89432857 10.90880872 + 10.97233935 11.06595202 10.89482865 10.79653361 10.82303946 11.03932134 + 11.12302366 11.4915222 10.93725136 10.76280154 10.4440222 10.23761194 + 12.41068886 12.41068886 12.41068886 12.41068886 12.41068886 12.41068886 + 12.41068886 12.41068886]",,"[30.15944679 30.27392108 30.27465288 30.28138286 30.29083071 30.29920615 + 30.30670929 30.30533553 30.29009037 30.28910449 30.29211173 30.28775412 + 30.29071544 30.29105999 30.31277121 30.30391803 30.31062746 30.30008518 + 30.30226566 30.25312486 30.2600541 30.25509743 30.25916234 30.19775041 + 30.23379739 30.2286728 30.31020875 30.30772965 30.32475784 30.31121797 + 30.4040636 30.20337354 30.29152119 30.3174888 30.27561843 30.20187541 + 30.24246947 30.24387541 30.23949918 30.28160514 30.40187541 30.40187541 + 30.40187541 30.40187541 nan nan nan nan + nan nan]" +4,,"[11.03116613 11.01356071 11.02344977 11.04665977 11.01558959 10.99482629 + 10.9982981 10.97850513 10.99797409 11.0095268 10.98387595 11.01061203 + 11.01401294 11.01615478 11.01217652 11.04071784 11.08127745 11.07982315 + 11.03663731 11.02981048 10.94924766 10.98040724 10.95491067 10.87796838 + 10.836591 11.05050491 11.03702938 10.99250828 10.9808824 10.8528776 + 10.74250828 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 ]",, +5,,"[11.10763922 11.10656379 11.10556117 11.10081391 11.09555575 11.09315051 + 11.09816057 11.09138546 11.08830993 11.0836342 11.07247447 11.08185887 + 11.07120232 11.07707314 11.08027561 11.08393328 11.09130585 11.10342466 + 11.11774523 11.11855443 11.08392172 11.14446714 11.15671343 11.18561364 + 11.26204145 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 ]",, +6,,"[10.91170972 10.81448753 10.78680386 10.94672501 10.91637982 10.86580189 + 10.87464023 10.84913181 10.79978677 10.7116598 10.7139177 10.80497039 + 10.70193018 10.8291081 10.8175414 10.85376267 10.85648711 10.81486087 + 10.83593582 10.8211599 10.78531152 10.82432353 10.8592297 10.85533667 + 10.77681391 10.79450074 10.80859431 10.73536278 10.68391291 10.53062013 + 10.50508754 10.72947801 10.46634924 10.59687307 10.63156798 10.72797281 + 10.72350938 10.91306982 10.71068886 10.75513331 10.88668886 10.31068886 + 10.31068886 10.31068886 10.31068886 10.31068886 nan nan + nan nan]",,"[30.27991262 30.30622525 30.30683915 30.30873832 30.30040867 30.30866437 + 30.29610545 30.29512233 30.29156682 30.29596915 30.29723444 30.30096663 + 30.30020196 30.2951445 30.2819907 30.27807982 30.28566069 30.28856827 + 30.28800978 30.28843307 30.27571306 30.28345604 30.30325913 30.30230847 + 30.2780497 30.27569413 30.33917253 30.38012822 30.3258709 30.32835464 + 30.32829219 30.39870968 30.45048821 30.69226171 30.40269677 30.2992684 + 30.29699905 30.29666876 30.29463072 30.28698348 30.26551346 30.3018771 + 30.3018771 30.3018771 30.3018771 30.3018771 30.3018771 30.3018771 + 30.3018771 30.3018771 ]" +7,,"[11.05999545 10.96298009 11.0442485 11.06027008 11.06033009 11.0576341 + 11.06080348 11.0772321 10.97684792 10.99453895 11.00500315 10.94665451 + 10.98293675 11.03038855 11.04604776 11.08307758 11.08309727 11.07140868 + 11.04353378 11.05553997 11.06289651 11.05346062 11.05784402 11.04260789 + 10.99189692 11.03875817 11.02666732 11.03449321 11.04456864 10.98749299 + 10.97180913 11.14743208 11.02059452 11.00476781 10.95354601 10.92056541 + 10.95556066 10.97973648 10.56068886 10.62179997 10.80268886 10.01068886 + 10.01068886 10.01068886 10.01068886 10.01068886 nan nan + nan nan]",,"[30.30926795 30.31524253 30.28554142 30.30614752 30.29904262 30.28370976 + 30.27404686 30.2711346 30.27833545 30.27570174 30.2587122 30.26853027 + 30.28601035 30.2784599 30.2589134 30.25143779 30.25293695 30.27380724 + 30.32038164 30.32727881 30.30461707 30.32278671 30.36505577 30.37321043 + 30.29737428 30.27167205 30.29403903 30.25400714 30.27881208 30.24561232 + 30.25973873 30.27110787 30.25696969 30.27367197 30.3018771 30.31318144 + 30.36407222 30.36229376 30.33231188 30.33591965 30.31096801 30.42914982 + 30.42914982 30.43044852 30.4378771 30.44830567 30.44473424 30.4018771 + 30.4018771 30.4018771 ]" +8,,"[10.62370522 10.58167157 10.70596698 10.71982914 10.81758149 10.84619662 + 10.83665772 10.82030078 10.85987713 10.8830796 10.88192337 10.89995613 + 10.93956041 10.85912245 10.85349338 10.8701102 10.83492068 10.79749737 + 10.7749195 10.75469122 10.83292222 10.80824856 10.77132716 10.85230306 + 10.90713623 10.87845876 10.95427861 10.94055513 10.84266044 10.74647318 + 10.61456483 10.65048125 10.66068886 10.65264008 10.32571776 10.44640315 + 10.72218312 11.19133402 11.17735553 11.11068886 11.11068886 11.11068886 + 11.11068886 11.11068886 11.11068886 11.11068886 11.11068886 11.11068886 + 11.11068886 11.11068886]",,"[30.30210811 30.30418247 30.30371147 30.30042508 30.29991173 30.30058396 + 30.30098534 30.3011764 30.29954549 30.29746854 30.29652304 30.30019085 + 30.30145137 30.30293831 30.30316418 30.3010705 30.30289076 30.30667244 + 30.30128122 30.30362045 30.30559192 30.30779666 30.29771314 30.30729111 + 30.29174927 30.2920802 30.30734158 30.29626066 30.25998968 30.27240341 + 30.30438493 30.30692441 30.28777453 30.28739434 30.26570688 30.26721043 + 30.1018771 30.1018771 nan nan nan nan + nan nan nan nan nan nan + nan nan]" +9,,"[10.74774464 10.76559723 10.78989467 10.77351392 10.79388892 10.83453349 + 10.83879948 10.84261033 10.86758784 10.83463097 10.86197956 10.92170977 + 10.89976974 10.90566731 10.85596054 10.84501264 10.8394369 10.84260376 + 10.82787951 10.87459986 10.95527587 10.91669778 10.87153174 10.89906894 + 10.90937307 10.86261952 10.80812476 10.67131293 10.7806711 10.90039475 + 10.90474571 10.81691724 10.95891895 10.96044496 10.66849233 11.00265315 + 11.01413714 11.14133402 11.15235553 11.20502849 11.20491963 11.20491963 + 11.2014296 11.21068886 11.21068886 11.21068886 11.21068886 11.21068886 + 11.21068886 11.21068886]",,"[30.27073334 30.30109805 30.3048513 30.31918978 30.32042992 30.30463069 + 30.30525117 30.30128672 30.30224358 30.30951542 30.30197472 30.30483344 + 30.30625454 30.30708934 30.30682183 30.30087111 30.29818689 30.30038322 + 30.30272834 30.30007658 30.30878141 30.30589879 30.28658757 30.27655863 + 30.22419765 30.29506706 30.32400824 30.31543874 30.27323471 30.29529815 + 30.28714355 30.28421148 30.29461214 30.23773917 30.21251539 30.2098771 + 30.0018771 30.0018771 nan nan nan nan + nan nan nan nan nan nan + nan nan]" +10,,"[10.94831441 10.90824095 10.90904488 10.91803909 10.95751465 10.91672421 + 10.89198563 10.87247057 10.89037988 10.89551553 10.89985033 10.9149121 + 10.90067462 10.92419812 10.85702497 10.87668446 10.90206743 10.8603451 + 10.94736377 10.9002568 10.87103903 10.91532493 10.9893926 10.96678917 + 10.98494031 11.06486905 11.02445546 10.89281618 10.93215545 10.79517224 + 10.77279139 10.76978039 10.86915102 10.89863736 11.12021329 11.22216489 + 11.22083441 11.24235615 11.17555434 11.1797371 11.11068948 11.11068948 + 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 + 11.11068948 11.11068948]",,"[30.2464892 30.2804037 30.27732296 30.28350145 30.27759172 30.27701189 + 30.28112275 30.2656699 30.25908156 30.25991427 30.25071164 30.26363781 + 30.27414075 30.29204482 30.28444313 30.27668511 30.26015093 30.27056091 + 30.26949786 30.30031018 30.28079867 30.23538648 30.23856513 30.20719227 + 30.22511883 30.2568586 30.2711241 30.27149887 30.25254312 30.244671 + 30.19760587 30.28974324 30.27154295 30.25364229 30.22543541 30.17865775 + 30.07529787 30.03246422 30.30212714 30.30212714 30.30212714 30.30212714 + 30.30212714 30.30212714 30.30212714 30.30212714 30.30212714 30.30212714 + 30.30212714 30.30212714]" +11,,"[11.051198 11.04552274 11.04031672 11.03979451 11.04134682 11.05408845 + 11.06504997 11.04170817 11.06558723 11.07784014 11.07623429 11.09114747 + 11.08329473 11.0889777 11.11577413 11.11006195 11.11669328 11.12799216 + 11.12130192 11.10681814 11.08258804 11.09957837 11.05369647 11.11545555 + 11.06707128 11.02307338 11.07125978 11.08546324 11.06513974 11.09310327 + 11.08139012 11.06004013 11.1760741 11.18072205 11.34687996 11.55331243 + 11.54257354 11.54402281 11.30528407 11.31783234 11.11068948 11.06453563 + 11.01068948 11.01068948 11.01068948 11.01068948 11.01068948 11.01068948 + 11.01068948 11.01068948]",,"[30.214313 30.27303176 30.25862538 30.26479012 30.23876928 30.23601419 + 30.24980277 30.23903649 30.24492 30.25506154 30.26094184 30.25087818 + 30.26705446 30.28373198 30.26644497 30.28365366 30.28924108 30.32676813 + 30.3349385 30.29358071 30.28177961 30.14674423 30.17722937 30.16218503 + 30.18910775 30.26120643 30.28004001 30.26246746 30.23390751 30.23546048 + 30.1986697 30.29252962 30.30487628 30.27889482 30.23069857 30.18273939 + 30.13383446 30.03471141 30.31785748 30.28962714 30.28996498 30.28914013 + 30.27939987 30.30212714 30.30212714 30.30212714 30.30212714 30.30212714 + 30.30212714 30.30212714]" +12,,"[10.43638701 10.45136418 10.48682081 10.54097779 10.55146165 10.61491827 + 10.6156398 10.61425761 10.65645829 10.67365216 10.68521944 10.61922801 + 10.63849673 10.62919283 10.66597511 10.65201622 10.58410933 10.65694062 + 10.77937762 10.70674352 10.60870509 10.81207773 10.75665066 11.14799678 + 11.20546252 11.20747719 10.75102561 10.72041592 10.57635615 10.81973925 + 10.87880542 10.65900409 11.15955312 11.52162698 10.925841 10.66068948 + 11.08783234 11.48302991 11.01868948 10.697646 nan nan + nan nan nan nan nan nan + nan nan]",,"[30.3029415 30.30203709 30.30198777 30.3007503 30.30147009 30.30904597 + 30.31318513 30.31230776 30.31206285 30.30977536 30.30574532 30.30395822 + 30.3004115 30.30924517 30.30072819 30.31118148 30.30276807 30.30455345 + 30.30174467 30.30485592 30.2965753 30.30179338 30.30978777 30.31816054 + 30.31227305 30.31312 30.31734641 30.30869696 30.30252394 30.30776113 + 30.31661562 30.31452246 30.28243434 30.28142423 30.28824242 30.26551514 + 30.20187878 30.20187878 30.20187878 30.20187878 30.20187878 nan + nan nan nan nan nan nan + nan nan]" +13,,"[10.48723581 10.6618238 10.75956606 10.7591069 10.74941586 10.75137687 + 10.75025274 10.70574189 10.68558232 10.69398202 10.73495925 10.71148143 + 10.68988283 10.80856348 10.83787824 10.90082266 10.8503368 10.81655776 + 10.80663606 10.84468047 10.89917354 10.83021748 10.90699505 10.94439965 + 10.68042813 10.53973976 10.45214606 10.35476243 10.37368948 10.29982975 + 10.87663151 11.22473442 10.10728039 10.77943948 10.80765918 11.20542632 + 10.51354662 9.83196608 10.38268948 10.84112426 nan nan + nan nan nan nan nan nan + nan nan]",,"[30.33767262 30.36354179 30.31211583 30.36107297 30.32636097 30.34820019 + 30.35853656 30.35242815 30.37187684 30.34477536 30.31942459 30.26100722 + 30.24539497 30.25719382 30.26342418 30.2697451 30.2384668 30.21552507 + 30.21984928 30.37986921 30.36051166 30.28847144 30.31054617 30.16019287 + 29.97858129 30.01077808 30.26878525 30.20733333 30.23542717 30.23978728 + 30.10608931 30.08693625 29.90187878 29.87233333 29.84430302 30.28369696 + 30.23937878 30.24034032 30.23521211 30.30187878 30.30187878 nan + nan nan nan nan nan nan + nan nan]" +14,,"[11.11030275 11.11329857 11.11217157 11.11454974 11.11010482 11.10927769 + 11.10850228 11.11066206 11.11024052 11.10965174 11.10790387 11.10925029 + 11.11220948 11.11430153 11.11347665 11.114044 11.11241638 11.11069819 + 11.1055438 11.10360908 11.10989489 11.11165629 11.10774703 11.10667818 + 11.10723039 11.10664364 11.10318526 11.10682975 11.10722762 11.10488643 + 11.0945565 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 + 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 + 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 + 11.1106759 11.1106759 ]",,"[30.31420512 30.30008298 30.29947068 30.29696199 30.29797018 30.30186617 + 30.29747524 30.29407863 30.29571529 30.29857992 30.2985363 30.29542527 + 30.30107499 30.30127361 30.30560862 30.30583251 30.30461427 30.29442409 + 30.29525867 30.29344443 30.31304623 30.30600282 30.31201124 30.31190386 + 30.30979806 30.27555603 30.24365993 30.2385721 30.29857072 30.2957644 + 30.36434174 30.30184174 30.30184174 30.30184174 30.30184174 30.30184174 + 30.30184174 30.30184174 30.30184174 30.30184174 30.30184174 30.30184174 + 30.30184174 30.30184174 30.30184174 30.30184174 30.30184174 30.30184174 + 30.30184174 30.34287623]" +15,,"[11.11241448 11.10903109 11.10504816 11.10240708 11.09803513 11.0928446 + 11.09120504 11.08645255 11.09041329 11.08818346 11.08842288 11.08693195 + 11.07330402 11.08503819 11.08701838 11.07985381 11.06253701 11.07000946 + 11.06603575 11.07719912 11.10264716 11.11228374 11.1106759 11.1106759 + 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 + 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 + 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 + 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 11.1106759 + 11.1106759 11.1106759 ]",,"[30.30232779 30.30228144 30.30127205 30.30126057 30.30253589 30.30453151 + 30.30420603 30.30303654 30.30129521 30.3033291 30.31095815 30.30899186 + 30.31416708 30.30645673 30.30371904 30.30029161 30.2984391 30.29464551 + 30.30928689 30.32640988 30.33030113 30.32137195 30.3438578 30.31066162 + 30.29638153 30.29936555 30.28406397 30.25746807 30.2422623 30.2515655 + 30.29975841 30.29893852 30.29922736 30.29891015 30.29925275 30.2992694 + 30.29931808 30.2994957 30.29850841 30.29785503 30.29661299 30.29508933 + 30.29303671 30.30184174 30.30184174 30.30287981 30.40184174 30.34908312 + 30.30184174 30.30184174]" +16,,"[11.00185735 11.01221527 11.02344957 10.97986975 11.00090642 10.99496602 + 10.97808644 10.97400208 10.98137007 10.98569277 11.00400595 10.98963747 + 11.01661539 11.0445189 11.03956308 11.04795172 11.05093665 11.06714842 + 11.0579627 11.04451673 11.02617226 11.12738363 11.10419042 11.03244984 + 10.7951703 10.65272214 10.63780811 10.58517372 10.647607 10.59899561 + 11.07005892 11.08232572 11.10116011 11.12197425 11.12782678 11.07659302 + 11.07409856 11.02068392 11.03568392 11.02496964 11.02496964 10.99818392 + 10.97139821 10.97868392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392]",,"[30.21720571 30.2222462 30.22854173 30.28217181 30.27143586 30.27541206 + 30.25362935 30.2854789 30.28469343 30.29333473 30.2706197 30.26450556 + 30.24621717 30.23634477 30.26964485 30.26248324 30.27901988 30.26245282 + 30.19249319 30.21470867 30.187652 30.23614185 30.21452089 30.20127818 + 30.26372886 30.21128058 30.2080919 30.28774144 30.29280267 30.35133696 + 30.3349497 30.29520033 30.37594107 30.36222203 30.11500568 30.04227104 + 30.04040866 29.99676495 30.01043842 30.06393596 30.08254881 30.041867 + 30.28728366 30.32291963 30.176867 30.13890403 30.15001514 30.14802084 + 30.14802084 30.14802084]" +17,,"[10.95068448 10.98492701 10.97315407 10.98468447 10.96927916 10.96228599 + 10.94872541 10.96949053 10.95914302 11.01187805 11.01084333 11.02223053 + 11.01077156 10.97535949 10.99186927 11.00588366 11.02475709 11.01899041 + 11.01749677 11.01623072 10.99340987 10.9752528 10.97391444 11.0309098 + 11.04192082 11.04805123 10.98029177 10.89639821 10.87991469 10.99380081 + 10.82943392 10.86441527 10.94996964 10.91713554 10.93925535 10.90613847 + 10.89117173 10.66068392 10.73568392 10.6821125 10.6821125 10.54818392 + 10.41425535 10.45068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392]",,"[30.25971094 30.28257305 30.27615564 30.28552307 30.26382807 30.30187558 + 30.30978473 30.30644055 30.2958402 30.29237986 30.31697665 30.28155474 + 30.29103013 30.28876155 30.29998281 30.29420793 30.29743366 30.34700283 + 30.30805256 30.28613724 30.28952612 30.30697292 30.25309819 30.2755667 + 30.24360874 30.22316329 30.24062202 30.2563513 30.23987869 30.30646064 + 30.32291963 30.38340546 30.44102043 30.46103859 30.27558962 30.28368518 + 30.298742 30.29574455 30.30472414 30.31680952 30.2859579 30.221867 + 30.220617 30.21765647 30.264367 30.2092744 30.22779292 30.22494392 + 30.22494392 30.22494392]" +18,,"[11.08197502 11.08188984 11.08228155 11.07986808 11.08413187 11.08850925 + 11.09255243 11.08727808 11.07901378 11.09001509 11.09735743 11.10346794 + 11.10724952 11.09964593 11.10356656 11.10232661 11.09524215 11.09909676 + 11.10012217 11.10633875 11.10456833 11.10407003 11.10224417 11.08649976 + 11.06205709 11.05781325 11.07389442 11.02996559 11.10633672 11.11068454 + 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454]",, +19,,"[11.00802898 10.98020348 11.01485327 11.04076547 11.04246691 11.03469719 + 11.06135498 11.05063414 11.04632161 11.04186058 11.06591718 11.06453187 + 11.05945818 11.04573482 11.04256697 11.04095017 11.02129088 10.93220471 + 10.95733027 11.04820791 11.06903317 11.06409848 11.04930839 11.01326606 + 10.94048846 10.88454593 10.83982034 10.87571722 10.70791774 10.54791858 + 11.07398729 11.0409171 11.06857928 11.06130183 11.06813135 11.05512899 + 11.03376146 11.03068454 11.03521284 10.97275351 11.01232389 10.9367715 + 10.90235121 10.86068454 10.70327713 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454]",, +20,,"[11.07562642 11.04815841 11.04640465 11.04872284 11.05827169 11.04595943 + 11.06810323 11.07724557 11.08250529 11.06977462 11.06062962 11.05511307 + 11.04544979 10.98847341 10.99334174 11.02528064 11.04690737 11.06676623 + 11.04485621 11.02102641 11.07211642 11.05371047 11.05211239 11.03036071 + 11.09886312 11.06914315 11.08134446 10.98032863 10.84305988 10.8798873 + 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578]",,"[30.26730288 30.28573977 30.29119578 30.28278132 30.29433496 30.28395647 + 30.29136235 30.26242511 30.24965383 30.25288573 30.25232804 30.26107115 + 30.25768533 30.26736101 30.29542281 30.27626434 30.2391768 30.28405278 + 30.25160456 30.24189133 30.21929554 30.24176429 30.23756439 30.36300543 + 30.33748595 30.29600997 30.32789913 30.35833422 30.42634496 30.31997957 + 30.32277272 30.32217613 30.3285303 30.29480481 30.3745909 30.44396889 + 30.63634639 30.54408585 30.65767758 31.15186363 30.30186363 30.30186363 + 30.30186363 30.30186363 30.30186363 30.30186363 30.30186363 30.30186363 + 30.30186363 30.30186363]" +21,,"[11.08638891 11.08619522 11.08754714 11.09899621 11.10213475 11.10309479 + 11.10856365 11.10950631 11.108942 11.10880131 11.1031942 11.10575418 + 11.09906413 11.10592979 11.10225627 11.09684582 11.11064704 11.11063042 + 11.11054469 11.11044247 11.11025078 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 11.11068578 + 11.11068578 11.11068578]",,"[30.3073956 30.30117301 30.27410197 30.28339771 30.28293735 30.28623604 + 30.27163807 30.27408687 30.31535522 30.27713418 30.27266876 30.2664916 + 30.31292864 30.32955996 30.37083614 30.3695144 30.3280558 30.33117232 + 30.28909531 30.36552937 30.31408153 30.36039012 30.32335984 30.24403674 + 30.18340869 30.11332704 30.16724824 30.06970677 29.89646944 29.84461725 + 30.19095454 30.20811363 30.15519696 30.14068716 30.07004545 29.63607416 + 30.37082915 30.24408585 30.34372409 30.44630807 28.96186363 28.74186363 + 29.24472077 29.60186363 29.95186363 29.95186363 29.83519696 30.02186363 + 29.90186363 29.83519696]" +22,,"[11.02324416 11.05180765 11.05604452 11.06244899 11.07395936 11.07347575 + 11.06812121 11.03999106 11.04070615 11.02820934 11.0435012 11.02440909 + 11.04269004 11.0198063 11.04491161 11.0410286 11.04681566 11.04383569 + 11.05255315 11.06856344 11.02994077 11.04378425 11.04445632 11.04717586 + 11.0500804 11.06250579 11.07314593 11.08205083 11.10053541 11.06371907 + 11.03848176 11.01421334 10.95436209 11.06725885 11.02946122 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392]",,"[30.23005076 30.25529949 30.27964587 30.2765359 30.29181767 30.2665555 + 30.29244266 30.29474175 30.2960517 30.29243672 30.28985711 30.27797611 + 30.23781408 30.25574518 30.26567042 30.26402769 30.28790467 30.30674041 + 30.24834821 30.23425889 30.24059228 30.27473157 30.27675844 30.24441198 + 30.28440936 30.23290552 30.16955369 30.11396447 30.21589525 30.29646517 + 30.31608485 30.23075881 30.18549458 30.2763428 30.26383546 30.26878671 + 30.29719073 30.28724824 30.28838048 30.34002152 30.39491918 30.40646133 + 30.60770304 30.50686363 30.48999922 30.43678426 30.49757791 30.8185303 + 30.53776106 30.33421657]" +23,,"[11.05758632 11.03799105 11.05338055 11.05841375 11.06689487 11.05780291 + 11.05950642 11.03861588 11.06133691 11.05658087 11.06203608 11.07684436 + 11.09337646 11.09353188 11.07973937 11.08443273 11.07747433 11.0831895 + 11.08599955 11.0235032 11.01971566 11.06208195 11.0176913 11.07009253 + 11.05368476 11.02849769 11.05734046 11.06622349 11.01538689 10.96819191 + 10.95220017 10.97421334 10.91911304 10.79417016 10.99059659 10.98382678 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.0256093 11.01068392 11.01068392 11.01068392 11.01068392 11.01068392 + 11.01068392 11.01068392]",,"[30.31497538 30.30687097 30.30520277 30.2938207 30.27815669 30.30461391 + 30.30960072 30.28929059 30.28117175 30.30846564 30.30841264 30.2881212 + 30.29200711 30.29420938 30.31438404 30.30365999 30.2812145 30.29669998 + 30.26852442 30.29206676 30.29113834 30.24184204 30.26450973 30.21574304 + 30.17686363 30.19617083 30.20376421 30.16035102 30.21648813 30.33348317 + 30.35107356 30.34435655 30.34888744 30.3482178 30.33566645 30.62340209 + 30.45513466 30.42955594 30.42208835 30.455811 30.45186363 30.45473719 + 30.55295852 30.62936363 30.42898227 30.39551442 30.4232922 30.60325252 + 30.45827389 30.35186363]" +24,,"[11.04176308 11.06434675 11.06304433 11.0753284 11.06503861 11.0592512 + 11.0499417 11.04101367 11.04553841 11.05699311 11.06398926 11.06091027 + 11.0532139 11.06231664 11.07284476 11.06788854 11.04745814 11.03246679 + 11.05914183 11.03517143 11.03311671 11.03212579 11.01737306 10.95159278 + 11.02698223 10.94678205 11.12107471 11.12636577 11.11420769 11.11541983 + 11.11735676 11.12735676 11.12402343 11.12441559 11.12584161 11.13657245 + 11.1106901 11.1106901 nan nan nan nan + nan nan nan nan nan nan + nan nan]",,"[30.33131351 30.19022504 30.21282739 30.24164595 30.22477458 30.23738015 + 30.21432292 30.21039668 30.21747988 30.21134057 30.22025319 30.26543391 + 30.25841415 30.27477496 30.2344266 30.25038838 30.30335816 30.40204378 + 30.32269986 30.31682795 30.333389 30.37801193 30.30062164 30.30450841 + 30.17144736 30.07123081 30.24632659 30.27354881 30.32750715 30.33045358 + 30.34958857 30.42644355 30.40670973 29.619025 30.0115207 30.11205164 + 29.8814276 29.77144736 30.64473929 31.20188215 nan nan + nan nan nan nan nan nan + nan nan]" +25,,"[10.94087059 10.9685026 10.95320418 10.95663024 10.97056189 10.97129598 + 10.96670352 10.9628212 10.98972798 11.0199953 11.00206102 11.00324045 + 11.00875391 11.00751291 10.99139952 11.00550485 10.9881186 10.99142359 + 11.02578826 11.00512993 10.99080751 10.95391044 10.96879931 10.91590872 + 10.98147661 10.97183952 11.08645933 11.08204145 11.09008708 11.06541983 + 11.06402343 10.97021391 10.96624565 10.99500382 11.02129616 11.00716069 + 10.7866901 10.85634227 nan nan nan nan + nan nan nan nan nan nan + nan nan]",,"[30.23964481 30.25997857 30.27846594 30.28569106 30.28053186 30.29624602 + 30.29360506 30.28972385 30.30660029 30.29674561 30.30767853 30.27470199 + 30.29548898 30.34395372 30.36125715 30.35367138 30.39489278 30.32224853 + 30.35401162 30.35145431 30.48304653 30.39122166 30.28899699 30.36228619 + 30.2163749 30.11605839 30.17842536 30.10688215 30.09125715 30.17251707 + 30.2064693 30.14661899 30.13843387 30.40331072 30.32838817 30.20527198 + 30.12233669 30.1279691 30.07331072 30.20188215 nan nan + nan nan nan nan nan nan + nan nan]" +26,,"[11.08678208 11.02607646 10.98587389 10.9627423 10.9802243 10.98586642 + 10.99470786 10.9893791 10.98519683 10.99614976 11.02362202 10.98327887 + 11.02475803 11.03525144 11.01426769 11.03885244 11.05614038 11.07392444 + 11.03170966 11.05354601 11.08106879 11.0308794 11.02713762 11.03958018 + 11.04065756 11.06136065 11.08455389 11.04488241 11.04733146 10.97178475 + 10.88975023 10.75562557 11.11068886 11.11068886 11.11068886 11.11068886 + 11.11068886 11.11068886 11.11068886 11.11068886 11.11068886 11.11068886 + 11.11068886 11.11068886 11.11068886 11.11068886 11.11068886 11.11068886 + 11.11068886 11.11068886]",,"[30.14124455 30.12315914 30.10856002 30.13502712 30.11650723 30.14791099 + 30.17726155 30.15233281 30.14753621 30.14313244 30.16760175 30.17535796 + 30.17835494 30.21887408 30.19689184 30.20745191 30.26650832 30.20872833 + 30.14447067 30.19295172 30.12946646 30.16676522 30.19234518 30.09186699 + 29.95689831 30.08452314 30.15673671 30.17245181 30.16967371 30.0252234 + 30.2862521 30.5541064 31.18602344 31.69509744 30.3018771 30.3018771 + 30.3018771 30.3018771 30.3018771 nan nan nan + nan nan nan nan nan nan + nan nan]" +27,,"[10.60035073 10.59303541 10.66290612 10.64469321 10.72623782 10.71605612 + 10.60102473 10.66798046 10.65606433 10.70072316 10.70911911 10.79455115 + 10.76397603 10.73464868 10.65112852 10.71919862 10.66966514 10.87476372 + 10.84647966 10.91174852 10.97647216 10.81625125 10.91823842 10.86606844 + 10.80599403 10.83429731 10.91522874 10.95972112 10.98036395 11.23753818 + 10.95725926 10.76986608 11.67833592 11.5832916 11.593247 11.33796159 + 11.41068886 11.49101673 11.01068886 10.94640315 10.73068886 11.33354601 + 11.29283172 10.85354601 10.8498193 10.73174149 11.21068886 11.21068886 + 11.21068886 11.21068886]",,"[29.84456582 29.75315872 29.81040685 29.77991624 29.79495845 29.81039443 + 29.85686776 29.84897508 29.85991854 29.75643838 29.86320835 29.90414937 + 29.83705596 29.93203151 29.89313404 29.94014014 29.9604725 29.94946777 + 29.89199307 29.90441441 29.90192293 29.81340894 29.81328135 29.89854039 + 29.86354612 29.68297675 30.07379934 30.19750928 30.34001269 30.25868643 + 30.79007154 30.44455226 31.13358441 31.43916523 31.1268771 31.15743265 + 30.3018771 30.3018771 30.3018771 nan nan nan + nan nan nan nan nan nan + nan nan]" +28,,"[11.06807245 11.03361097 11.02714707 11.00511199 10.99882521 10.99328074 + 10.99451596 11.00537541 11.01574594 11.00795213 11.00736301 10.98608277 + 11.01637049 11.02875067 11.01841594 11.0333697 11.02959303 11.02055503 + 11.01757323 11.00248849 10.99680189 11.02569057 10.91856805 10.87095829 + 10.99912755 10.93236007 11.07070733 11.04995592 11.12766072 11.12501221 + 11.13616818 11.16207073 11.22135491 11.12554893 11.13452244 11.13484283 + 11.12935491 11.11068825 11.11068825 11.11068825 11.11068825 11.11068825 + 11.11068825 11.11068825 11.11068825 11.11068825 11.11068825 11.11068825 + 11.11068825 11.11068825]",,"[30.27533121 30.26134288 30.25727258 30.27367033 30.27301291 30.27910409 + 30.28505039 30.28819072 30.27994123 30.28364098 30.29179762 30.28777855 + 30.2709497 30.27330091 30.27410234 30.27944976 30.26931151 30.26728696 + 30.27949733 30.27420102 30.25527104 30.26788458 30.24754063 30.23465564 + 30.28805711 30.29435021 30.30045626 30.30333814 30.2983455 30.30054731 + 30.3001487 30.29947469 30.29542548 30.2843771 30.29632154 30.2898771 + 30.27330567 30.26341556 30.26658298 30.29076599 30.28824073 30.29418479 + nan nan nan nan nan nan + nan nan]" +29,,"[10.43341639 10.51995994 10.55477354 10.55420465 10.4886405 10.52564962 + 10.46829505 10.48963254 10.4647506 10.43373804 10.47127461 10.43895667 + 10.4643994 10.46270513 10.44374559 10.44683032 10.42054653 10.48217194 + 10.54506848 10.53843177 10.53058592 10.58686103 10.62758307 10.6244362 + 10.56138189 10.80635388 10.60095542 10.58581451 10.44402158 10.45031341 + 10.57456259 10.39985875 10.29846602 10.43019289 10.77131001 10.68894911 + 10.54891047 10.56068825 10.84744038 10.99068825 10.89709601 10.95513269 + 11.11068825 11.11068825 11.11068825 11.11068825 11.11068825 11.11068825 + 11.11068825 11.11068825]",,"[30.13531226 30.18852438 30.17980578 30.24537206 30.22914309 30.19548277 + 30.18817793 30.21650955 30.25915841 30.21739371 30.19630694 30.21926507 + 30.21523202 30.19348237 30.24349474 30.2581275 30.21268399 30.21073097 + 30.23678198 30.24089354 30.27708922 30.29789527 30.17512684 30.1992881 + 30.21385442 30.05680541 30.02515179 30.29570827 30.3251113 30.32315369 + 30.32582771 30.25803325 30.30295237 30.25604376 30.1393771 30.7658771 + 31.25901995 31.04803094 30.95775945 31.92409932 31.76096801 30.6018771 + nan nan nan nan nan nan + nan nan]" +30,,"[10.62854619 10.70776028 10.74976782 10.82360403 10.85005537 10.87430807 + 10.86547393 10.85645815 10.87687608 10.85189434 10.86548844 10.82566365 + 10.79892638 10.79206092 10.81162743 10.78801689 10.79813872 10.84908802 + 10.8779053 10.84296477 10.8520336 10.79414756 10.82224651 10.82061159 + 10.79305401 10.84975843 10.83116064 10.92351922 11.01710231 10.97401402 + 10.89792352 10.97107199 10.88807043 10.99094426 10.92349736 11.0879117 + 11.05940743 11.04068948 11.05279474 11.04402281 11.02140377 11.11068948 + 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 + 11.11068948 11.11068948]",, +31,,"[10.7168575 10.72713605 10.63255783 10.61535562 10.53394756 10.50629334 + 10.55842118 10.52873232 10.53841357 10.51120311 10.50078432 10.46103809 + 10.40164574 10.46419214 10.59373608 10.65205244 10.69008488 10.72792787 + 10.73944772 10.7162368 10.55553831 10.60525036 10.92182406 10.76453303 + 10.58807864 10.60621099 10.64562043 10.77999404 10.5148979 10.56873697 + 10.47999039 10.37489713 10.66187996 10.82215445 10.88852199 10.64846726 + 11.49017666 10.64318948 10.60542632 10.71783234 10.77676091 11.30652281 + 9.11068948 9.11068948 9.11068948 9.11068948 9.11068948 9.11068948 + 9.11068948 9.11068948]",, +32,,"[11.11105174 11.10977357 11.10960941 11.10990672 11.11000809 11.11036196 + 11.10945555 11.10902461 11.10883942 11.10884754 11.108446 11.1089689 + 11.11090935 11.11059632 11.11082233 11.11060281 11.11156884 11.11141829 + 11.11198887 11.11072587 11.11068948 11.11068948 11.11068948 11.11068948 + 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 + 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 + 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 11.11068948 + 11.11068948 11.11068948 11.11068948 11.11068948 nan nan + nan nan]",, +33,,"[10.61191806 10.7526402 10.70392912 10.62508284 10.66522112 10.68966935 + 10.71965126 10.76172011 10.83566877 10.83636644 10.82165379 10.86808797 + 10.81268404 10.81836342 10.87516275 10.84627995 10.90182716 10.92085442 + 10.90419253 10.88106794 10.74427727 10.66969452 10.79232764 10.4310138 + 11.02275845 10.94994182 10.78245419 10.5915278 10.47112904 10.25116567 + 10.30746367 10.43038645 10.47497519 10.15554929 10.39427157 10.03818948 + 9.63482741 9.98796221 9.87520561 10.41068948 9.89304242 9.93568948 + 9.17432584 9.21068948 9.21068948 9.21068948 nan nan + nan nan]",, +34,,"[11.110246 11.11016777 11.10998171 11.10990929 11.10969034 11.11028934 + 11.11048851 11.11050594 11.11036328 11.11081832 11.11115403 11.11064169 + 11.11044511 11.11073927 11.11068392 11.11127373 11.11046713 11.11045372 + 11.11039245 11.11020449 11.11003862 11.10981227 11.10975261 11.10961926 + 11.10937388 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392]",,"[30.30419096 30.30601834 30.30705643 30.3059752 30.30549773 30.30319807 + 30.30425539 30.3027009 30.30058386 30.30180513 30.30463871 30.30583953 + 30.3049103 30.30447845 30.30281385 30.30435097 30.30307298 30.3012343 + 30.30317477 30.30528673 30.30448276 30.2971981 30.28842269 30.28992067 + 30.29116058 30.28497823 30.29280824 30.30777929 30.30328174 30.30735551 + 30.30534963 30.31420297 30.33043674 30.33235312 30.32977229 30.3397441 + 30.34630976 30.34353198 30.34986531 30.35088492 30.40186531 30.40186531 + 30.40186531 30.40186531 30.40186531 30.40186531 30.40186531 30.40186531 + 30.40186531 30.40186531]" +35,,"[11.06664787 11.09892781 11.09952801 11.09312111 11.0949232 11.09368783 + 11.08717081 11.07425094 11.07658442 11.07793873 11.07619028 11.05892787 + 11.08418658 11.07236975 11.08300753 11.04714872 11.06718438 11.07961578 + 11.05585031 11.06956113 11.0461109 11.07897367 11.07110302 11.07251358 + 11.07705947 11.02114904 11.09926623 11.09592983 11.08880064 11.08046414 + 11.05299162 11.01503175 10.98293667 10.88458098 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392]",,"[30.29600799 30.29290122 30.29605823 30.29690735 30.2993687 30.30076334 + 30.30306355 30.30656509 30.30365573 30.3042967 30.30042225 30.30140498 + 30.30002875 30.29885749 30.30051277 30.29556681 30.30337179 30.30139205 + 30.29477885 30.3016706 30.29978478 30.29658934 30.28284892 30.27863152 + 30.2942828 30.28874222 30.27891246 30.28645313 30.30923075 30.28853198 + 30.30221374 30.32783934 30.27686531 30.28357263 30.28558624 30.29731986 + 30.24630976 30.24353198 30.24986531 30.25088492 30.30186531 30.30186531 + 30.30186531 30.30186531 30.30186531 30.30186531 30.30186531 30.30186531 + 30.30186531 30.30186531]" +36,,"[11.1093989 11.11094851 11.11096248 11.11115062 11.11152167 11.11118038 + 11.11169069 11.11137286 11.11171334 11.11208812 11.11260991 11.11184221 + 11.11112675 11.11103289 11.11087848 11.11091972 11.11112004 11.1112978 + 11.11114021 11.11124293 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 nan + nan nan nan nan nan nan + nan nan nan nan nan nan + nan nan]",, +37,,"[11.10310238 11.0940751 11.09837519 11.10085559 11.10495669 11.10296272 + 11.10947961 11.10713125 11.1050849 11.10205753 11.09856779 11.09870912 + 11.10243088 11.10389903 11.07663723 11.08247216 11.0993264 11.11537392 + 11.11024589 11.11008351 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 + 11.11068392 11.11068392 11.11068392 11.11068392 11.11068392 nan + nan nan nan nan nan nan + nan nan nan nan nan nan + nan nan]",, +38,,"[11.11212135 11.11388191 11.1164065 11.11369527 11.11397753 11.11458173 + 11.11793568 11.11785838 11.11415379 11.10655582 11.10545181 11.10176816 + 11.10282604 11.105251 11.10459529 11.104202 11.09735121 11.10721354 + 11.1070446 11.10272301 11.11138342 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 nan nan nan + nan nan nan nan nan nan + nan nan]",,"[30.30238028 30.3015971 30.3018894 30.30272727 30.302642 30.30293485 + 30.30451443 30.3044028 30.30362005 30.30343525 30.30321101 30.30213191 + 30.30175634 30.3015324 30.29901247 30.29983646 30.29907965 30.30107479 + 30.30053481 30.30011538 30.30349213 30.30341472 30.30158928 30.30082736 + 30.2999323 30.29161773 30.30880004 30.31085834 30.30362574 30.30662553 + 30.30186363 30.30186363 30.30186363 30.30186363 30.30186363 30.30186363 + 30.30186363 nan nan nan nan nan + nan nan nan nan nan nan + nan nan]" +39,,"[11.11061847 11.11045757 11.11079141 11.11079279 11.11132735 11.110404 + 11.11025942 11.11006273 11.11049021 11.11097193 11.11112546 11.11190372 + 11.11126916 11.11164136 11.11196205 11.11184866 11.11184084 11.1122604 + 11.11204952 11.11144128 11.11170291 11.11114077 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 11.11068454 + 11.11068454 11.11068454 11.11068454 nan nan nan + nan nan nan nan nan nan + nan nan]",,"[30.30413921 30.30761369 30.30582231 30.30709875 30.30341091 30.30426032 + 30.3049328 30.30447843 30.30626869 30.3080564 30.3064394 30.30604885 + 30.3034729 30.30416951 30.30199085 30.30665885 30.30554087 30.2972722 + 30.29602726 30.2966888 30.29636745 30.30049502 30.28828338 30.2864923 + 30.27911685 30.27645379 30.291459 30.29233982 30.29701781 30.29138744 + 30.27503436 30.27686363 30.27570978 30.25449521 30.23686363 30.2810303 + 30.30186363 nan nan nan nan nan + nan nan nan nan nan nan + nan nan]" +40,,"[11.11458692 11.1079678 11.10145987 11.11223119 11.10451501 11.10565651 + 11.10383689 11.09206916 11.10170775 11.0948484 11.09299521 11.08954518 + 11.09467119 11.08056345 11.08958406 11.10130631 11.10928814 11.10863486 + 11.10594394 11.10516162 11.10219347 11.11543065 11.11290148 11.11243069 + 11.11249808 11.11315095 11.11542761 11.12104724 11.12386657 11.12716737 + 11.13505373 11.12695804 11.12700589 11.14159919 11.121639 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 ]",,"[30.3016452 30.30430656 30.3032975 30.30362323 30.30153152 30.30297459 + 30.30283421 30.30148132 30.30313785 30.30215578 30.30147682 30.30204397 + 30.30399094 30.30582916 30.30496674 30.30564414 30.30858118 30.30500809 + 30.30046972 30.30226022 30.30646261 30.3078811 30.30977127 30.30403599 + 30.30629594 30.31482631 30.30604881 30.30911106 30.31299326 30.3130971 + 30.31935787 30.3303032 30.33414021 30.30188215 30.30188215 30.30188215 + 30.30188215 30.30188215 30.30188215 30.30188215 30.30188215 30.30188215 + 30.30188215 nan nan nan nan nan + nan nan]" +41,,"[10.98558802 11.02084464 11.06334559 11.09313128 11.08560123 11.09903313 + 11.09029753 11.09316236 11.10194339 11.0928873 11.09838301 11.09852633 + 11.10002833 11.1039636 11.1026784 11.08552095 11.10411025 11.0992418 + 11.09594588 11.07313214 11.07839007 11.10616308 11.10213725 11.09923586 + 11.09653798 11.08913902 11.05934567 11.02247581 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 11.1106901 + 11.1106901 11.1106901 ]",,"[30.30447545 30.30628931 30.30702489 30.30620116 30.30172131 30.30579614 + 30.30589044 30.3038746 30.30705703 30.30364649 30.30160899 30.30228425 + 30.30958543 30.31303098 30.31084015 30.30949237 30.31943069 30.32624343 + 30.31374655 30.33968933 30.3070301 30.31956603 30.31588357 30.31306163 + 30.32850284 30.35086692 30.34396548 30.33260504 30.34632659 30.33178869 + 30.34265885 30.36293478 30.36317247 30.30188215 30.30188215 30.30188215 + 30.30188215 30.30188215 30.30188215 30.30188215 30.30188215 30.30188215 + 30.30188215 nan nan nan nan nan + nan nan]" +42,,"[11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11086917 11.11081535 11.11089974 11.11091393 11.11104198 + 11.11109077 11.11108635 11.11093256 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899]",,"[30.26138802 30.23532776 30.16742905 30.17923657 30.17279431 30.20121127 + 30.17125661 30.17092572 30.23642237 30.1964547 30.20680547 30.21592124 + 30.20110844 30.16791637 30.20272907 30.21369412 30.23967582 30.25428365 + 30.31839609 30.19370913 30.20344231 30.27552026 30.04400366 30.31512113 + 30.23386056 30.34262694 30.3045391 30.26975724 30.24151622 30.27803727 + 30.36222415 30.28406902 30.32492372 30.38518013 30.38398965 30.30184679 + 30.30184679 30.30184679 30.30184679 30.30184679 30.30184679 30.30184679 + 30.30184679 nan nan nan nan nan + nan nan]" +43,,"[11.11093511 11.10422594 11.09773651 11.09833886 11.09891009 11.10178184 + 11.10597529 11.10910823 11.10895783 11.11030002 11.10975569 11.10991588 + 11.11169713 11.11157997 11.11162315 11.11101689 11.11091852 11.11106202 + 11.11130191 11.11197518 11.11101961 11.11097756 11.11107448 11.11141398 + 11.11352667 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 11.11067899 + 11.11067899 11.11067899]",,"[30.30393993 30.30068355 30.29952392 30.30237939 30.29925858 30.29943582 + 30.30124766 30.30073641 30.30161362 30.30468295 30.30466468 30.30453668 + 30.30339293 30.30410836 30.30227928 30.30730407 30.30620879 30.30506629 + 30.30428811 30.30171814 30.30374416 30.30419373 30.3092443 30.30125682 + 30.31337864 30.29369077 30.28684679 30.27274232 30.27126828 30.29073568 + 30.32260151 30.32851346 30.27107756 30.30184679 30.30184679 30.30184679 + 30.30184679 30.30184679 30.30184679 30.30184679 30.30184679 30.30184679 + 30.30184679 nan nan nan nan nan + nan nan]" +44,,,,"[30.30354063 30.30138029 30.30066558 30.29989186 30.30020165 30.30096663 + 30.29903557 30.2965969 30.29989616 30.2976699 30.29957779 30.29891493 + 30.29981875 30.30099 30.304998 30.30282511 30.30538277 30.30508928 + 30.30296574 30.3057473 30.30449547 30.30583304 30.3033361 30.31705119 + 30.31420755 30.3047634 30.30077503 30.30662991 30.29687878 30.30150703 + 30.28503667 30.25465656 30.36503667 30.38321211 30.36049947 30.34949783 + 30.35425973 30.36616449 30.35521211 30.30187878 nan nan + nan nan nan nan nan nan + nan nan]" +45,,,,"[30.27724679 30.28478632 30.27778527 30.26839177 30.26819385 30.2888953 + 30.30078614 30.30479271 30.29876967 30.29422838 30.28167222 30.26942012 + 30.28281072 30.26175521 30.28174246 30.29492181 30.27960643 30.28846449 + 30.26673385 30.28364869 30.27426209 30.28458483 30.28765255 30.34040095 + 30.30838563 30.13088519 30.19393176 30.35459371 30.36132322 30.36804978 + 30.37556299 30.50048989 30.29135246 30.32987878 30.2984305 30.29711688 + 30.30664068 30.33045021 30.30854545 30.20187878 nan nan + nan nan nan nan nan nan + nan nan]" diff --git a/actions/lfp_speed_stim/data/statistics/values_mean_freq.tex b/actions/lfp_speed_stim/data/statistics/values_mean_freq.tex new file mode 100644 index 000000000..f25fe33d1 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_mean_freq.tex @@ -0,0 +1,52 @@ +\begin{tabular}{lllll} +\toprule +{} & Baseline I & 11 Hz & Baseline II & 30 Hz \\ +\midrule +0 & NaN & [10.891518666583517, 10.845809141784464, 10.88... & NaN & NaN \\ +1 & NaN & [10.857799952945015, 11.072318440423013, 11.07... & NaN & NaN \\ +2 & NaN & [10.47630989551181, 10.631259940388327, 10.594... & NaN & [30.301157278114456, 30.296528241149964, 30.29... \\ +3 & NaN & [10.74940871200716, 10.826053206174837, 10.869... & NaN & [30.15944679182528, 30.273921079759194, 30.274... \\ +4 & NaN & [11.031166131987337, 11.013560705047043, 11.02... & NaN & NaN \\ +5 & NaN & [11.107639222123112, 11.106563790566591, 11.10... & NaN & NaN \\ +6 & NaN & [10.911709724441241, 10.814487530979155, 10.78... & NaN & [30.27991262486476, 30.306225254705904, 30.306... \\ +7 & NaN & [11.059995447193566, 10.962980086236715, 11.04... & NaN & [30.309267948359043, 30.31524252507118, 30.285... \\ +8 & NaN & [10.62370522194679, 10.581671572614345, 10.705... & NaN & [30.302108111269675, 30.30418247496273, 30.303... \\ +9 & NaN & [10.747744643935201, 10.765597227797487, 10.78... & NaN & [30.270733342514667, 30.30109805027986, 30.304... \\ +10 & NaN & [10.948314406522098, 10.908240952562616, 10.90... & NaN & [30.246489197192428, 30.280403700674402, 30.27... \\ +11 & NaN & [11.051198004405695, 11.045522743310928, 11.04... & NaN & [30.214313002770993, 30.273031760225255, 30.25... \\ +12 & NaN & [10.436387011103042, 10.451364178803464, 10.48... & NaN & [30.302941500469302, 30.30203709306249, 30.301... \\ +13 & NaN & [10.487235814001487, 10.661823795046212, 10.75... & NaN & [30.33767262064014, 30.3635417884894, 30.31211... \\ +14 & NaN & [11.110302754808622, 11.113298565538253, 11.11... & NaN & [30.314205123169614, 30.300082979077118, 30.29... \\ +15 & NaN & [11.112414477078447, 11.109031088334605, 11.10... & NaN & [30.302327792579415, 30.302281435198914, 30.30... \\ +16 & NaN & [11.001857352341801, 11.012215274275553, 11.02... & NaN & [30.21720571370862, 30.222246202635436, 30.228... \\ +17 & NaN & [10.950684483496216, 10.98492701243443, 10.973... & NaN & [30.259710941726954, 30.282573046940996, 30.27... \\ +18 & NaN & [11.081975018335356, 11.081889841627337, 11.08... & NaN & NaN \\ +19 & NaN & [11.008028975037675, 10.980203475595564, 11.01... & NaN & NaN \\ +20 & NaN & [11.075626416453952, 11.048158405573623, 11.04... & NaN & [30.267302881994993, 30.28573976732294, 30.291... \\ +21 & NaN & [11.086388906737323, 11.086195215389575, 11.08... & NaN & [30.307395603657724, 30.301173012768775, 30.27... \\ +22 & NaN & [11.023244155609708, 11.051807646651781, 11.05... & NaN & [30.230050760089004, 30.25529949087426, 30.279... \\ +23 & NaN & [11.057586315216884, 11.03799104582822, 11.053... & NaN & [30.314975383204576, 30.306870973853645, 30.30... \\ +24 & NaN & [11.04176308231517, 11.064346753151304, 11.063... & NaN & [30.33131350579812, 30.19022503929231, 30.2128... \\ +25 & NaN & [10.940870589697223, 10.968502597307145, 10.95... & NaN & [30.23964480800724, 30.25997856587734, 30.2784... \\ +26 & NaN & [11.086782077239983, 11.026076462616363, 10.98... & NaN & [30.141244550330285, 30.123159136893975, 30.10... \\ +27 & NaN & [10.600350731569431, 10.593035413497098, 10.66... & NaN & [29.844565823552774, 29.7531587173781, 29.8104... \\ +28 & NaN & [11.068072445074575, 11.03361097244307, 11.027... & NaN & [30.27533121216237, 30.261342884691228, 30.257... \\ +29 & NaN & [10.433416388562737, 10.519959943723547, 10.55... & NaN & [30.13531226450262, 30.188524377704795, 30.179... \\ +30 & NaN & [10.628546189912512, 10.707760284045333, 10.74... & NaN & NaN \\ +31 & NaN & [10.716857500374388, 10.72713604618113, 10.632... & NaN & NaN \\ +32 & NaN & [11.111051742502228, 11.109773571568951, 11.10... & NaN & NaN \\ +33 & NaN & [10.611918062153137, 10.752640199003952, 10.70... & NaN & NaN \\ +34 & NaN & [11.110246000455561, 11.1101677679191, 11.1099... & NaN & [30.30419095547, 30.306018339708, 30.307056427... \\ +35 & NaN & [11.066647868021931, 11.098927814113917, 11.09... & NaN & [30.29600798891192, 30.292901218961326, 30.296... \\ +36 & NaN & [11.109398903591433, 11.11094851094791, 11.110... & NaN & NaN \\ +37 & NaN & [11.10310238443976, 11.094075100185762, 11.098... & NaN & NaN \\ +38 & NaN & [11.112121350876961, 11.113881914969888, 11.11... & NaN & [30.30238027530649, 30.301597102506054, 30.301... \\ +39 & NaN & [11.110618474051284, 11.110457574386821, 11.11... & NaN & [30.304139208621134, 30.307613686363116, 30.30... \\ +40 & NaN & [11.114586922244982, 11.107967795833067, 11.10... & NaN & [30.301645201054274, 30.30430656245874, 30.303... \\ +41 & NaN & [10.985588021082528, 11.020844638438868, 11.06... & NaN & [30.30447545151418, 30.30628930875301, 30.3070... \\ +42 & NaN & [11.110678985938021, 11.110678985938021, 11.11... & NaN & [30.26138802213774, 30.235327763843312, 30.167... \\ +43 & NaN & [11.110935108416367, 11.1042259383286, 11.0977... & NaN & [30.303939927239377, 30.300683550857812, 30.29... \\ +44 & NaN & NaN & NaN & [30.30354063390616, 30.30138029461157, 30.3006... \\ +45 & NaN & NaN & NaN & [30.277246790641417, 30.284786323704196, 30.27... \\ +\bottomrule +\end{tabular} diff --git a/actions/lfp_speed_stim/data/statistics/values_mean_power.csv b/actions/lfp_speed_stim/data/statistics/values_mean_power.csv new file mode 100644 index 000000000..c3287098b --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_mean_power.csv @@ -0,0 +1,680 @@ +,Baseline I,11 Hz,Baseline II,30 Hz +0,,"[ 9.11824904 9.12462463 9.59064648 10.00529722 12.14017414 11.59079359 + 10.46941158 9.50649372 11.31328154 12.28622318 11.65564691 9.959229 + 13.17510978 14.29251374 14.32330217 17.19668933 10.18388861 10.34561307 + 12.59623389 11.49963789 12.08069846 10.71583859 17.47084848 14.81386732 + 12.46413936 9.31061901 9.24085827 9.21463501 9.20185154 7.96695949 + 10.55586505 10.4385498 11.18350297 11.21267302 13.04271405 10.4257051 + 12.96667677 12.96722791 12.96563072 nan nan nan + nan nan nan nan nan nan + nan nan]",, +1,,"[17.44048515 11.70808384 11.41713673 11.04252186 10.98197415 11.11469312 + 11.24131967 11.276988 10.86997914 10.65220896 10.21872691 10.3517822 + 10.63098658 10.35964875 9.95660509 10.5554263 11.0725554 10.84511008 + 9.87445451 10.84085817 10.01909368 10.89027716 12.18673678 13.00331731 + 13.91214925 10.88392463 12.56581024 11.40141927 12.03288175 11.8909652 + 15.51020161 13.12213988 13.77689099 13.26324566 18.12459924 11.16636291 + 14.65510645 14.65554884 14.65474435 nan nan nan + nan nan nan nan nan nan + nan nan]",, +2,,"[ 9.40847751 10.74274517 9.91228784 9.54634493 9.88874086 9.89580337 + 9.98151909 9.02900697 9.47015124 9.49632373 9.50690288 10.4984027 + 10.31397377 10.42208406 10.69833188 10.24283596 9.19928091 9.03815997 + 8.48025979 8.4640028 9.17297375 9.56748788 9.26281915 7.37172138 + 8.09704846 8.67721037 9.21868752 9.90136882 9.89369269 9.00368588 + 6.37045269 5.90329366 5.92471767 7.1479176 7.49553512 7.60374971 + 6.54140807 7.0805284 7.40667067 5.45255701 5.73403467 5.13446508 + 15.38090857 15.4566548 15.53048662 15.60230285 15.67212918 15.73986385 + 15.80553675 15.86904576]",,"[ 88.98657849 84.53878349 85.98445146 86.970586 86.34377517 + 88.01507997 85.94091928 87.40012411 89.67194034 88.08631213 + 86.99702689 91.25819675 89.43258921 88.67419659 89.58000047 + 88.75102762 88.39929143 88.25758403 91.77351178 91.36836995 + 91.25195989 93.37139052 94.49644522 85.27825427 87.79563852 + 89.05509091 84.08645048 82.82464528 78.36901651 89.05066883 + 85.31197151 86.12800176 83.73595309 81.05564698 90.59156683 + 78.09461664 67.68634488 85.88354542 74.09742966 89.03029798 + 101.94839454 123.21501633 123.335002 123.43207412 nan + nan nan nan nan nan]" +3,,"[11.46869749 12.84194046 12.58485091 12.09346907 12.11288621 11.91648874 + 12.05272972 11.71501183 11.89979429 11.69390738 12.03212394 12.50813728 + 12.10568127 12.11440176 12.28863811 12.13547579 11.5492927 11.33771175 + 10.92512232 10.62607032 11.09339882 11.63776748 11.18137691 10.04879653 + 11.14740352 11.21655351 11.40203232 12.5404791 14.33370139 11.06516675 + 10.07865446 9.6994807 10.66555443 14.36456003 15.4009453 14.60916949 + 10.89669342 13.87209347 14.05307507 7.04288785 6.40802825 7.94971282 + 11.44419032 11.48655047 11.5276234 11.56734403 11.60573231 11.64272278 + 11.67833791 11.71251202]",,"[14.73770471 16.71967604 16.34576807 16.09010924 15.66358554 16.05630153 + 16.50464615 16.33923769 16.9074206 17.02176613 16.52427844 16.5721919 + 16.39060245 15.98358215 15.9630064 15.89065248 16.20432157 16.81133504 + 16.41649006 16.07736472 15.83769757 15.8053122 15.63143543 15.44831985 + 14.49666265 15.00864134 14.77911983 14.3283617 14.27860311 14.58196413 + 16.10774459 17.42429148 14.45831212 15.10553741 17.78757873 17.38154084 + 18.52722189 14.70078896 14.2383533 11.8711114 16.7902795 15.25312532 + 15.28292124 15.30715682 nan nan nan nan + nan nan]" +4,,"[9.07798632 9.52355162 9.3816057 9.1236831 9.13007604 8.84232655 + 8.95150069 9.01568502 9.01986815 9.09879102 8.70257435 8.58174969 + 8.87651528 8.70991051 8.77756426 8.90973595 9.30630662 9.10053786 + 9.22390257 9.03124153 9.1200653 9.19576691 8.36401244 7.55968217 + 7.37481358 8.75070556 7.76487004 8.42031272 8.45904325 8.25129014 + 7.46217336 8.22504428 8.25780345 7.99747795 8.04679319 8.09344889 + 8.13730658 8.17824125 8.21614206 8.25091289 8.28247288 8.31117689 + 8.3364654 8.35795842 8.37607801 8.39082587 8.4022207 8.41029823 + 8.41511108 8.41672862]",, +5,,"[15.74129426 15.9526676 15.99552342 15.7853356 15.50983467 15.10412358 + 15.20443028 15.06784211 15.25482743 15.32980357 14.71752116 14.54039722 + 14.54883448 14.2458599 14.41536634 14.52398881 14.06989054 14.41445138 + 14.17488553 14.05791933 13.3539521 13.56260896 14.06027481 13.2433992 + 14.05933359 15.79664103 16.58404348 15.34951078 15.23544649 15.05263221 + 15.33412196 17.84723944 17.88095457 17.4264118 17.48465163 17.54364855 + 17.60303844 17.66245726 17.7215441 17.77994429 17.83731244 17.89420111 + 17.94935597 18.00162362 18.05161956 18.09908772 18.14379715 18.18554398 + 18.22415304 18.25947932]",, +6,,"[ 8.18512621 10.00432521 10.67055428 10.16798927 11.74484761 11.91196966 + 11.08049161 10.21869796 11.08945514 10.6734242 10.4655839 10.93138719 + 10.79116161 11.26920157 12.61151239 11.6731492 11.27820057 11.71788351 + 11.62746522 11.43846317 11.77496058 10.5403564 10.64100694 11.82783065 + 12.75945438 11.81546397 10.95884597 14.92485247 8.86050098 8.806702 + 8.83750177 8.41410375 7.00157849 6.82069832 9.25732287 9.7586831 + 9.75365084 12.40900532 7.66016386 8.050201 9.20104503 4.16403309 + 4.16473605 4.1647971 4.16486534 4.1649058 nan nan + nan nan]",,"[59.51353929 59.12806128 59.84738661 60.22628317 59.31271198 60.19365414 + 61.44532241 60.52860224 58.38550963 57.84071565 58.47880192 60.40989107 + 60.59836875 60.68916199 59.61230973 59.76477573 59.97711139 60.98688703 + 59.86055495 60.05471591 59.97685653 59.50680486 60.71197283 59.97466445 + 59.63889735 55.59252634 56.91989219 57.16937623 50.22434507 57.21695712 + 54.97722751 58.38981577 56.02592639 57.54964766 82.8546306 86.91454027 + 71.82544548 73.74823833 82.86482316 70.10592378 78.6455785 87.60449717 + 87.48151238 86.98324118 84.26947751 80.47660292 81.63095521 96.36211379 + 96.12677854 95.87340128]" +7,,"[19.06481497 19.91684099 19.01514713 16.69192681 17.64792828 18.9621355 + 19.38789911 18.98044688 21.01474591 18.36932308 19.1689447 19.16416568 + 18.36886509 17.74089321 17.80101288 17.35032248 16.72932405 17.0379851 + 16.87368795 18.62490562 18.04361201 16.6330853 17.26048549 19.5913747 + 18.21627156 16.18262812 16.80854741 16.32465122 15.56941133 16.75799188 + 18.61802166 14.74718353 11.84988538 13.5896905 15.21280475 15.87432814 + 16.02824854 18.33605186 19.96858986 20.38216877 21.58324233 16.33168308 + 16.3361832 16.33613385 16.33607869 16.33604599 nan nan + nan nan]",,"[14.52052311 14.11226158 14.03516181 14.41879106 14.85175442 14.94636187 + 15.31888161 15.37707062 15.10982476 14.88246096 15.15076278 15.09014719 + 15.33933211 15.21308434 15.17634983 14.94667937 15.44695141 15.17936146 + 15.29571412 15.05080624 14.62615789 14.9570394 15.55725867 15.61125441 + 15.79800448 14.00158451 14.47487903 12.86299553 12.24453373 14.88878668 + 14.45185724 13.23385262 13.61802932 13.04376658 16.64693896 17.71042877 + 13.94966012 13.73737978 15.29370639 17.58602539 22.2409426 20.59660319 + 20.64964586 20.79075379 21.00530006 21.22754884 21.26466484 20.85487044 + 21.01418738 21.18434544]" +8,,"[ 9.71737234 10.35441115 10.62849254 11.15393685 11.01505571 10.55251177 + 10.89490032 10.44132326 10.79427951 10.76960369 10.98966349 10.17484669 + 9.52719872 9.9491481 10.78353521 9.52780463 9.5864527 9.72721474 + 9.38648914 8.60843193 7.99675402 9.17749497 9.73977157 8.93618566 + 10.24327355 10.33762013 11.27696265 11.36709865 11.11465039 12.18750129 + 15.52008286 21.47832949 9.75408275 11.16410721 10.71971391 15.21722374 + 15.29045816 9.7625144 10.01091365 11.004833 11.0596681 11.11444402 + 11.04651128 11.41529125 11.46285548 11.5063363 11.5452791 11.5791488 + 11.60734078 11.62937028]",,"[ 88.96893715 77.94797977 78.07400152 77.21648534 75.37784199 + 73.79748784 75.1265252 73.325262 75.15284903 74.7792429 + 75.60547308 78.33278802 78.81422943 79.97519545 80.0903173 + 80.38766361 81.11091214 80.09706332 80.32336614 82.44775444 + 81.52341114 80.31567268 77.90100533 75.14349664 78.25884719 + 77.66939115 77.73361063 77.10899213 63.86313677 73.66803863 + 80.26720778 83.71168713 94.99949555 99.77832687 112.70132981 + 114.07639511 63.41084133 63.52343882 nan nan + nan nan nan nan nan + nan nan nan nan nan]" +9,,"[11.2895394 10.98721727 13.3260425 14.66614582 14.45820211 14.60667339 + 13.32492425 13.8157623 14.84248407 15.50808369 16.09435396 16.14100572 + 15.89973209 17.61997308 17.76366997 18.41797167 19.3213827 21.81588784 + 19.68357497 15.67244055 15.63886854 15.06416598 15.80739873 20.54273744 + 15.95605195 17.33772596 13.99296357 15.36656582 21.06872078 18.8724146 + 22.30675874 15.55979951 18.19092173 19.37941944 25.50845393 42.69310991 + 47.02711623 49.73807603 46.96719409 33.30865596 33.38542868 33.47282098 + 32.43113301 35.41016988 35.42932269 35.42358998 35.39297993 35.33759677 + 35.25762356 35.15207429]",,"[18.34773048 17.52908393 17.5755471 17.40991975 17.64098451 17.42577119 + 18.16452575 17.53029091 17.94054145 17.58774307 17.84708157 18.19239082 + 18.3110697 18.74944621 18.2096633 18.1203735 17.56206999 18.17257764 + 17.58801322 19.11972558 19.55857778 18.48378668 18.00786796 17.31031586 + 18.34705514 17.53197766 17.95397736 19.22915763 16.13405312 16.78549454 + 18.98888007 18.89084386 19.19694554 20.79395336 23.15473102 23.12938819 + 20.45530945 20.47701971 nan nan nan nan + nan nan nan nan nan nan + nan nan]" +10,,"[ 8.89788705 9.54835046 10.15699927 10.73926939 11.37261061 11.96406974 + 13.15363451 12.8597085 13.15662397 12.93982846 12.12386208 11.75801276 + 10.3917108 10.60023625 10.60715301 11.58974287 11.02024541 12.14709679 + 11.25975924 10.6643209 11.06092156 11.74655995 14.30832171 19.85282905 + 13.77761317 13.7084188 13.22565428 14.00899563 12.99259578 12.94019723 + 14.97919856 15.0574131 18.31703133 18.40475623 43.21492326 71.62437398 + 67.34987501 69.31635267 7.31310204 6.93910533 13.35231373 13.38730735 + 13.42137497 13.45572738 13.48901603 13.52001158 13.54993956 13.57876773 + 13.60646494 13.63300116]",,"[ 73.35840172 73.88861634 74.27530084 76.8951552 78.2920885 + 77.36197648 77.23640262 76.5450945 74.22241325 76.3778026 + 76.49633781 79.56137309 76.40478233 75.05246864 74.2903187 + 79.137033 79.0178441 80.84582968 78.75881622 78.92040465 + 75.75166215 78.06428199 86.70319765 79.53594407 79.51511456 + 82.66799121 85.93411726 79.37794572 83.85136424 97.55004647 + 94.69833057 100.12055495 104.16450854 103.16014498 113.38375653 + 106.14497005 119.30885896 109.54570005 121.71493513 122.14554766 + 118.87637088 115.53244976 111.98549055 108.40493421 105.50500911 + 103.03979114 100.94170766 99.10785026 97.40586407 95.73775824]" +11,,"[10.02964377 10.25135181 10.6617966 11.90515184 11.34703291 11.16726826 + 11.35617009 11.23976096 11.2914149 10.80980642 11.02584957 10.86773011 + 10.25497904 10.08786523 10.28284083 10.65133906 10.64157946 10.65383658 + 10.35164268 11.26080756 11.35188851 12.27165324 12.02788057 12.81643079 + 12.17422827 13.79020485 14.5206232 15.49496879 16.42086341 11.66806753 + 11.52146921 11.28265443 15.30080289 14.93426382 16.16396687 14.93185993 + 14.65045937 14.98943473 17.73456274 16.71403595 33.24073368 33.19751658 + 33.15867341 33.12282215 33.09128479 33.06490483 33.04225478 33.02317898 + 33.00752289 32.99513325]",,"[20.27092975 21.30200911 20.68714225 20.93645719 20.62151199 20.41217374 + 19.82552683 19.92765258 19.29142994 19.28168977 19.80058624 20.77419251 + 19.87886775 19.52376702 19.44497829 19.85882912 19.93720902 20.7385656 + 20.65091956 21.45097778 18.87583669 19.66383226 21.88611387 20.85863552 + 19.32934743 21.93866945 23.60548665 22.53388832 23.74770462 23.97054184 + 24.19877013 28.88996313 28.68315792 31.61927508 32.78438628 32.56684392 + 36.3777947 32.31057981 35.42853492 32.02816462 29.7297524 27.61959749 + 26.24172643 22.79507361 22.04244627 22.10953178 22.97135627 24.52297454 + 26.62576195 29.12109288]" +12,,"[7.44777696 6.81830204 6.96223664 6.90135566 6.72011412 6.79173286 + 6.66031089 6.91559118 6.80068843 6.5657824 6.63559104 6.87542972 + 7.18535363 7.17558883 6.95452964 6.72949242 7.05611799 7.11266769 + 7.09330116 7.22231954 6.8196966 6.8796354 7.56985315 6.87176064 + 6.69286589 5.90365919 5.94822931 6.24634785 6.71871879 5.87017573 + 6.00033903 5.94630401 6.12470749 9.44340358 7.17026017 7.21902622 + 7.05144703 7.07284676 6.98435814 6.36615271 nan nan + nan nan nan nan nan nan + nan nan]",,"[ 9.08411419 8.71521324 8.89837113 8.92509919 8.88558469 8.88611613 + 8.89958551 8.87891084 8.8186737 8.65696489 8.77964109 8.67231111 + 8.52391197 8.8791437 8.73718462 8.91397312 8.9243024 8.89682472 + 8.97494334 9.2787238 9.12387529 9.01804765 9.87392537 9.51964169 + 8.68257146 8.85583407 10.26874042 9.91725457 10.30825617 11.75597153 + 10.04690709 9.29198769 12.1907569 12.04576051 12.18142294 9.44100694 + 8.98084808 8.92250107 9.14746286 6.35378396 6.36299554 nan + nan nan nan nan nan nan + nan nan]" +13,,"[16.86692325 13.87463828 13.48747395 13.29418625 13.09501206 13.31878252 + 13.263249 13.34466183 13.1667718 13.14261608 12.96652936 12.89148136 + 12.84520852 12.67878142 12.78686773 12.81083516 12.83635508 12.54776717 + 12.52130937 12.70881473 11.91699095 12.38300789 12.3140926 13.28673457 + 13.19142046 11.91337611 11.96279828 12.92730719 13.15787243 11.88588661 + 12.98713941 12.63666153 13.98933992 18.83762019 13.45482822 13.29193176 + 13.51799378 13.97283061 13.34008387 12.25449819 nan nan + nan nan nan nan nan nan + nan nan]",,"[4.97159555 5.15829777 5.24297966 5.24422801 5.51420977 5.60585102 + 5.22634169 5.30956769 5.2658794 5.44818261 5.49679893 5.40551304 + 5.28225222 5.33299247 6.09515875 5.88320982 5.65592505 5.40580427 + 5.92638813 5.82956149 6.14437402 7.35944711 5.15069903 5.88348073 + 5.3645042 5.1950293 6.00906314 5.12876312 5.18289768 5.17844595 + 5.97043728 7.24037347 3.93517475 3.85044223 3.86824976 9.09800129 + 6.08979114 6.10874789 6.09486553 6.23388372 6.2311896 nan + nan nan nan nan nan nan + nan nan]" +14,,"[22.13974466 21.36566257 22.32202087 22.7880092 22.79426137 23.24004972 + 22.81622447 22.74779399 22.90737453 23.17563738 22.83331213 22.87128529 + 23.19318765 22.79645199 22.40603633 22.84381518 22.30242674 21.94638004 + 22.7705835 22.1286132 22.59986052 22.0127608 22.94490749 23.10472369 + 23.2254506 25.50692758 26.23402808 26.45445912 23.37311251 22.01313753 + 25.27592744 25.13294282 21.83984209 24.71734256 26.24416357 23.01404747 + 21.53142357 22.42278859 21.02055766 24.76499887 24.61085947 29.76511877 + 29.67829508 31.01986799 31.2349088 34.41055191 28.15921517 23.24122212 + 21.12755969 25.81902645]",,"[ 67.02645459 70.3374729 73.17353732 74.42613319 74.97105589 + 77.25260613 76.9273064 75.84996026 75.63328667 77.11934217 + 78.28790082 78.13085772 78.95936363 81.17259116 82.5623634 + 87.96039363 87.16517398 91.3177631 95.49312636 89.60473422 + 86.22948093 93.01251312 90.32562361 95.95864461 90.11701656 + 85.06602793 82.69705054 76.6445958 92.64682032 108.46142862 + 115.20952129 128.3034723 127.1531433 119.48763842 114.31878667 + 120.02122324 128.6215801 127.73935437 111.72841518 112.80564521 + 127.32608758 138.5202859 137.92212681 130.98924881 119.82057582 + 119.95961632 125.08836947 118.86404693 102.23646637 89.95204463]" +15,,"[23.0588833 23.53137453 24.62574898 24.45504533 24.44739016 24.98770592 + 24.86985865 24.28168032 23.86568725 24.49080628 24.30747195 24.49932531 + 25.580783 24.70412787 25.43492645 25.46469185 24.99006293 25.58021847 + 24.68968831 24.95834759 24.16641137 24.40817119 26.11800033 25.37991783 + 23.54049429 22.92209104 23.25778585 24.96406142 24.73149404 23.26822146 + 21.94605404 24.43492728 22.92782006 21.1011861 21.21597513 20.91966688 + 21.01359547 20.39147174 19.97909976 19.79333945 22.11530368 20.26842586 + 19.92872494 19.40477157 19.37844069 17.83309813 20.38772106 20.29543066 + 19.31751816 21.4869053 ]",,"[49.98462031 48.48904574 52.18202506 51.38039406 50.54366044 50.81619071 + 50.94347419 50.09189445 50.05591922 50.49399585 49.43002997 49.48579552 + 48.62238974 49.38443467 50.13151717 52.6828827 54.0333331 54.26081666 + 53.90113469 49.38490525 48.01996086 51.07123277 52.65309029 53.82045618 + 51.31267803 46.81025355 49.59526938 48.08926982 56.56060116 64.85465183 + 64.75519815 61.60044903 58.26984988 58.31573059 54.92783538 56.09806309 + 59.48012005 56.40065718 52.80156273 64.60276409 83.5415376 95.61386351 + 75.7552787 44.97738875 34.20586652 37.73293294 40.12469309 40.23111755 + 37.09415424 36.17526768]" +16,,"[15.06859568 14.705452 14.13368008 14.4541966 14.76026475 15.36672061 + 15.43274599 14.99397923 14.9717553 14.37003047 14.33300247 14.70474979 + 14.18599997 14.37801803 14.45176489 14.97264263 15.53447687 15.12790209 + 15.24882714 15.35068126 16.06521477 15.37573722 15.80975342 16.36297608 + 14.66886492 14.59077611 14.37944892 20.9393417 24.86889239 23.40136027 + 27.53187848 27.26739881 26.95274669 24.36348466 23.09365852 30.73260333 + 31.7957369 45.92604767 48.5703966 46.62186291 46.57869733 41.76876687 + 36.96653615 38.21535285 61.52612119 61.42967512 61.32610178 61.2154721 + 61.10192834 60.98185237]",,"[26.03774255 25.13898322 26.12657289 26.01230882 25.73208508 25.69580729 + 25.88143432 25.37391581 25.65307166 26.13926709 26.87542899 26.65784688 + 26.17916792 26.83564906 26.41260777 26.27170183 25.57577901 25.02740145 + 25.06736046 25.52614962 24.02231579 24.63207197 23.19220064 22.28486918 + 26.40090795 27.16137178 26.49281925 31.16708957 32.81632197 29.83809765 + 28.19784994 24.14906678 17.15200198 17.16771332 18.54474825 22.24703542 + 22.04404265 22.61270552 22.52496626 25.67375693 25.42659959 26.95910807 + 26.0387279 26.3064512 23.2330588 23.75768026 22.60346187 22.17575264 + 21.66387416 21.16152064]" +17,,"[18.56657149 18.65149695 17.93398738 18.00917347 19.29812479 21.00454402 + 22.42613037 21.76506346 21.60213421 21.04711651 20.72925565 19.96751223 + 19.4762811 19.55873882 20.06008485 21.10388401 20.05115336 21.9567042 + 20.43215779 19.68267278 20.88235491 20.3589602 20.81587048 18.9770262 + 21.59677656 22.08697234 21.06140783 25.95670881 26.40772638 21.62071566 + 28.74291505 28.10790254 26.52359889 21.42701148 20.21757014 24.97550167 + 25.85007995 38.9115937 38.3337622 38.70204363 38.66620355 39.58462314 + 40.47693012 40.19733743 35.43579012 35.37220535 35.30591615 35.23694004 + 35.16774217 35.09604435]",,"[27.73235006 27.28022359 26.6048721 25.67971464 25.56505731 25.60169765 + 25.78848684 25.13298825 26.06143056 26.87827038 27.05925088 26.52828964 + 26.42412813 26.39283093 26.79284012 27.00069997 25.93045857 25.69444781 + 25.02791439 24.32304679 23.35399521 24.66648264 25.4012452 24.77681155 + 24.01368554 26.24470435 25.98148663 31.72749902 31.28668709 28.57605356 + 26.50524231 22.64877439 16.53336922 17.21544346 17.08415025 18.47511424 + 18.13740936 16.75057033 16.14252599 17.37284316 15.97517879 19.766314 + 19.1455487 20.28614547 20.9526002 12.04732093 11.6200956 11.43118797 + 11.2484123 11.09736085]" +18,,"[23.26680907 20.34196934 20.91674743 20.50414843 21.15337587 21.54293617 + 21.53183056 21.16936942 21.12646311 21.33848639 21.41046996 21.49605731 + 21.48621158 22.10025653 22.68845794 22.82660242 22.23100857 22.78984689 + 23.42441962 22.11435728 20.64228166 19.67828864 19.98689377 22.84400582 + 21.06743197 17.5323061 18.0895684 21.03263108 23.56337433 17.37466313 + 17.78210247 16.85389595 17.16148022 16.77379322 17.88920019 17.70811396 + 14.24248069 14.47654387 14.48611702 14.52704657 14.48471663 15.91453751 + 16.19982215 16.49257447 16.95502742 16.63280448 16.90930458 17.18830113 + 17.46756478 17.74489207]",, +19,,"[20.6696251 26.23212795 22.46685653 22.01350234 22.29791164 22.35565502 + 21.97432645 22.72492754 23.06652818 23.58923722 22.65362017 23.32970763 + 24.6066343 24.77269504 25.63787796 27.59303936 22.87098874 25.42525643 + 30.26018931 28.8223365 21.29417995 21.49621298 23.48850385 31.84936636 + 30.54650685 33.37081057 36.14950192 34.75976762 51.77521064 72.11868523 + 20.75958033 26.58817904 26.39258012 33.24153979 40.97921107 36.35081993 + 14.69318899 14.95594105 15.04513846 16.35378052 16.16982313 16.62352897 + 17.32307486 18.17691773 20.97670783 14.19043386 14.33136652 14.47101566 + 14.60844597 14.74273337]",, +20,,"[15.65471442 16.5098767 16.62572197 16.4785 16.41299458 17.00150026 + 17.25285237 16.65738036 16.8608734 17.46475354 17.8070954 18.61961938 + 20.42271703 19.24127385 19.11018603 19.7253205 18.45318302 19.00315812 + 19.16632543 18.68321599 20.25421448 19.47092018 20.25986983 17.21940306 + 18.86445652 17.92589272 19.85998675 20.91263972 26.24545538 27.3790279 + 29.00277532 31.89713987 36.69716953 46.82715991 46.66996914 46.60155105 + 50.68590108 33.95810166 33.63068093 32.82586593 23.85267743 21.94264172 + 20.15555408 18.47614171 16.89221572 15.41894283 14.0676098 12.82291393 + 11.67291349 10.62562518]",,"[32.82192275 33.32953947 33.59522603 35.14843686 35.48626898 38.9742281 + 36.00619813 35.30744924 34.88194935 35.6570768 36.09344434 37.48759356 + 36.30618715 37.28432366 37.299941 36.20460025 36.41299753 37.45704256 + 41.68684625 44.87697163 37.81104673 35.09475843 34.85882007 36.66815568 + 39.47825767 43.1137929 43.6718289 42.13442137 37.42594533 39.53564197 + 40.18184965 41.70804868 41.47533924 30.1712977 31.07716336 25.99765645 + 32.94015412 34.2189663 25.72431716 21.36340975 19.094637 15.3993152 + 23.84491107 10.75156655 35.71957167 35.72148835 27.39799295 40.66584958 + 32.19789128 27.40068662]" +21,,"[19.21177703 20.0404095 19.65833577 19.6752304 19.2511579 19.4297309 + 19.56061498 19.15694372 19.65312561 19.84380678 20.21803369 20.68576529 + 21.02729427 21.45716196 21.88179846 22.23349387 21.52988659 21.17769261 + 20.72932899 20.84364168 21.0029933 20.48126689 20.32391493 20.06822037 + 20.50864135 19.94561736 20.39661579 21.49213755 23.71274303 24.2587125 + 26.03719939 26.60209819 28.01081902 32.88172208 32.0559385 31.03404267 + 29.48517089 30.65276923 28.9594589 27.92169329 30.98391698 30.05018719 + 29.14122645 28.25231949 27.37935257 26.53358703 25.72534499 24.94979156 + 24.20310953 23.49458322]",,"[24.87708862 31.70964446 31.79130914 34.31074974 34.46638593 37.56358677 + 33.10146377 31.47149825 32.05098724 32.06189058 33.32292719 33.32290886 + 32.05797363 32.15816294 32.74952786 30.93897149 29.75896213 29.93535777 + 31.38512192 33.81783177 30.76548235 29.70787471 32.14083189 31.06698728 + 35.77703227 37.72734505 40.50882724 41.35443974 30.68400914 37.11442067 + 39.68833359 38.43107688 40.95857734 31.96039959 31.30440398 32.25514554 + 43.46794819 43.16278369 43.98507832 17.39215098 22.7465905 18.4286301 + 28.29506062 16.92297227 42.1864054 42.1873094 33.76777849 47.34717594 + 38.50646883 33.77116365]" +22,,"[14.25616805 14.93304194 15.80129447 16.30166009 17.87278282 17.39887151 + 17.50399791 17.88474658 18.36341472 18.85908618 18.21927436 18.01135862 + 17.64006175 17.63271419 16.4796115 17.06284854 17.6536218 15.57164611 + 17.45711157 18.5750671 19.20780702 16.27888328 18.33515559 22.68835427 + 19.76909401 21.27559462 16.1632764 15.09313668 16.80770423 16.48510893 + 13.84717061 13.46388892 12.88585319 15.09742297 11.90886086 14.16134966 + 18.37314115 14.36722512 9.92530417 10.66419789 11.4682738 12.33902346 + 13.27711769 14.28227325 15.35312472 16.48710586 17.68034576 18.92758482 + 20.22211618 21.55575783]",,"[40.22310213 42.01616754 42.63135941 43.89824671 42.31012221 41.631191 + 41.37703021 42.73436607 42.65366831 44.60366435 42.82241863 43.87700285 + 44.7999687 44.87729056 44.31209108 43.08182026 45.23131754 47.29983277 + 44.53758188 40.9868986 40.78183566 40.20734668 39.19561232 42.15806899 + 40.70409081 44.63083124 42.63204981 42.6428504 44.19327788 43.0707803 + 41.58803385 45.21885713 45.9213883 39.01658393 33.49276896 27.37022704 + 31.2370313 27.68904516 35.70665504 37.00766858 40.32943273 40.42656071 + 34.06612403 37.64909314 46.87648238 51.0164337 48.33221936 37.37218832 + 50.90901626 57.23007429]" +23,,"[14.3922114 14.69906302 14.8231534 15.5528589 16.60763456 17.00421237 + 15.99736327 15.77509099 16.03264385 17.52022727 16.92998007 16.18069071 + 16.08688852 16.09639635 17.74119765 15.5131413 16.00414376 14.90529012 + 15.29706591 16.04715701 15.21050432 14.7463037 16.78949353 16.52580239 + 16.64146029 16.77203238 15.3658656 14.95830015 15.76522472 16.27232498 + 16.1310006 16.8161471 17.4779191 18.91657703 20.22896772 32.92805864 + 9.26943825 7.83498214 6.27824671 6.34489371 6.42821672 6.53035358 + 6.65322751 6.7984783 6.96739594 7.16085798 7.3792726 7.62252909 + 7.88995795 8.1803028 ]",,"[48.5868497 48.16296053 47.6903678 47.38429271 45.23810933 44.31999543 + 43.40136275 44.17988663 44.43452543 46.3716471 44.76555262 45.65887274 + 46.20179958 46.13755864 46.60379629 45.79704954 46.06309084 47.87363093 + 46.36706275 43.80461867 44.76825238 43.44542505 43.28450739 48.08102683 + 44.55726644 44.93857087 41.23636994 41.3793905 42.30346483 43.69233889 + 43.21330876 45.89597782 45.53545555 38.03419868 35.57991514 31.73035137 + 31.54891028 27.7075434 37.56312613 38.27969496 40.10187584 40.79282747 + 35.85453137 35.66487888 39.86377739 42.24775206 40.90166122 34.30986509 + 43.30713742 49.08588458]" +24,,"[14.69915947 18.24776742 18.27494036 18.37005673 19.75673693 19.59555416 + 19.12626218 18.43771396 18.28244816 17.84435157 18.04993332 18.61075294 + 18.33294476 18.2822476 16.9925611 17.33404261 17.61230718 17.40085608 + 18.02319263 17.41083799 16.4407396 16.8301227 18.98679781 21.41659116 + 21.31078629 23.37562272 22.28418498 24.83849158 26.97681166 32.70261935 + 39.33707136 29.28714739 31.27220219 34.432323 36.16004595 30.98833628 + 16.27776267 16.48423382 nan nan nan nan + nan nan nan nan nan nan + nan nan]",,"[21.48000642 20.93692646 20.91637333 20.14893226 20.40353611 20.37963865 + 20.08856019 20.40238576 19.96512308 20.00363243 21.05864521 20.67677501 + 19.91601401 20.19177741 19.97818348 20.25815887 20.4343677 20.51157357 + 20.6200253 19.96697937 18.48285499 18.87767527 21.98115136 17.35892853 + 16.77521031 16.50672424 16.87734629 16.16930259 15.55979782 16.3504359 + 17.58425424 19.16614016 18.91135539 15.13458546 14.02137748 13.0254278 + 8.88539058 8.51139079 8.09003186 8.56649091 nan nan + nan nan nan nan nan nan + nan nan]" +25,,"[19.28988607 18.75659774 18.50105975 18.23545274 18.63688319 18.82398874 + 18.04719239 18.49466001 18.31454509 18.23940963 18.32126538 19.15816978 + 18.54146646 18.96649098 17.77658524 17.76628788 17.76438114 17.62465943 + 18.20214955 16.89836615 16.32420377 16.40311779 16.74214722 18.91991318 + 18.55443704 18.22675599 20.48758525 21.37040246 23.04806002 25.99684879 + 28.19159242 26.2683362 27.8583733 29.48408121 30.36194234 26.82919382 + 21.34122882 20.83864775 nan nan nan nan + nan nan nan nan nan nan + nan nan]",,"[28.04875229 32.323613 31.92903038 30.99081353 31.80233803 31.12206291 + 32.15460547 31.17464965 30.76609288 30.91375077 31.80032687 31.42756294 + 30.627888 30.11601777 30.0101486 30.81549958 30.51032591 30.60777125 + 30.97912466 30.68922852 30.41571498 31.87239236 33.52708065 31.94514603 + 32.34952089 23.6626441 27.22057836 26.60864032 27.09456393 25.77513041 + 24.14547407 19.67009682 19.5369535 18.6066644 22.17274738 24.89740024 + 21.2420961 19.30054073 16.5124897 23.55541791 nan nan + nan nan nan nan nan nan + nan nan]" +26,,"[10.26177962 10.91427525 10.77710329 11.1332822 11.00744552 10.95533568 + 10.99701963 11.15290239 11.04564257 10.89807367 10.92488315 11.1227756 + 10.87761732 10.60437395 10.80231858 10.92680689 10.87458299 11.14522912 + 10.62726324 10.27992743 10.0263964 10.04834587 10.14539677 10.61258086 + 9.80694716 9.74490873 9.91367924 11.9351397 11.84702023 10.68892899 + 9.73597033 9.85051785 11.5713791 10.4162672 9.89873198 10.47672581 + 12.2660257 11.64711884 14.51202963 13.91306308 12.47762361 15.23806921 + 15.24385795 14.0201347 13.96963683 12.57281224 16.36988935 16.3581129 + 16.34777892 16.33803553]",,"[57.66042551 55.11200487 53.60454873 52.45395903 51.23566948 50.93463417 + 53.43618593 53.35463491 52.73566501 51.37778451 51.89518064 53.13829676 + 50.77492796 51.44235708 52.37855206 52.5858497 50.53951879 49.98389392 + 47.85720575 45.98069918 52.79446875 55.09130926 59.77757126 49.80188927 + 56.05698378 55.11709836 78.3381767 73.50410697 43.06369294 51.40056432 + 58.33390961 51.93129119 32.92247786 18.14755689 76.35196681 76.603995 + 69.62521612 69.62272961 69.62116929 nan nan nan + nan nan nan nan nan nan + nan nan]" +27,,"[17.46906759 17.27272958 16.56701127 16.55096357 16.49496182 16.59494974 + 16.21007209 16.33798085 16.56647679 16.51639667 16.48009887 16.85847348 + 16.35309257 16.36952965 16.35654526 15.61139558 15.72400174 16.03625463 + 15.77370767 16.27609708 16.95344739 16.29291185 14.81469411 14.54727378 + 14.7961786 15.70386189 16.64596238 18.60595192 16.67767692 15.52668893 + 13.60813841 13.56416309 11.84041046 13.32364699 13.23802006 11.32346981 + 12.57367072 11.74878282 13.61586157 11.80986583 8.81789923 13.91852552 + 14.37342227 14.12662567 14.01000978 10.50968172 20.00482388 19.96638357 + 19.93127453 19.89652514]",,"[3.11591086 2.98967929 2.81797217 2.49674307 2.54394439 2.73942538 + 2.84758099 3.07269798 2.9518778 3.00845485 3.15285328 3.31979281 + 3.23226009 2.93346233 2.91258965 3.03085025 2.67462461 2.63571563 + 2.87867813 2.29086406 2.83382165 2.71889473 2.92223287 2.66220383 + 2.75900047 2.79066985 6.08017971 4.75842674 2.76337636 3.78002343 + 3.13370571 1.2979076 1.15970407 1.2965412 5.51090269 5.46216468 + 6.85998002 6.86062247 6.86102555 nan nan nan + nan nan nan nan nan nan + nan nan]" +28,,"[13.74143954 13.70757308 13.26071488 13.02147413 13.14693259 13.32227899 + 12.67420093 12.89462219 12.96897286 12.79378234 12.71681522 13.07153811 + 12.97796514 12.84107893 12.79758028 12.75041729 12.98389763 12.73726786 + 12.44118004 12.00144958 12.37581147 12.56076473 13.39176884 13.11564035 + 13.29742995 13.36378137 14.06764055 13.28893769 12.90158412 13.29313195 + 13.53076475 13.44107964 13.13857377 12.11626172 13.75944837 14.32055083 + 15.59856241 13.85511409 13.80101671 14.09453837 14.33698149 14.67499928 + 15.02400594 15.20376572 15.37424978 15.53285858 15.67645444 15.80144589 + 15.90392186 15.98018098]",,"[ 93.1972866 91.85532207 89.73207413 87.65254811 87.82228409 + 88.13250085 86.97816629 88.04543264 89.15156533 87.85309318 + 87.91797996 88.9641839 87.88000942 86.44799259 88.54652285 + 89.70481665 87.55111552 87.10590917 92.04979017 89.69898218 + 89.85767711 92.1362225 84.60604358 83.42987822 92.76240859 + 94.44752398 92.61209078 98.7787409 95.51672739 102.51830166 + 107.85185766 101.58378771 102.67118481 103.74856553 87.8920825 + 93.28960475 80.40927735 74.14097861 74.80334992 85.79558028 + 79.14940968 32.25586931 nan nan nan + nan nan nan nan nan]" +29,,"[6.54894273 6.28832246 6.26568654 6.5635188 6.54467899 6.72289577 + 6.34935231 6.09270291 6.2851279 6.48705965 6.30962175 6.35318889 + 6.5182036 6.65337882 6.7035233 6.95273002 7.05613411 6.85316137 + 6.81711071 6.47906756 6.54260359 6.3970039 6.40202981 7.14801203 + 7.12766734 7.28694701 7.08569755 7.15156784 7.43588957 8.06251851 + 8.55272882 7.56837624 7.38849318 6.84531189 8.36604478 8.70714056 + 9.91402478 5.85727546 6.21114656 6.65778692 6.52240643 6.34777834 + 6.01296501 5.71212478 5.41147116 5.11395111 4.82259752 4.54047234 + 4.27060369 4.01440146]",,"[11.33169308 16.8664074 15.27272331 16.21581076 16.28286806 16.33001587 + 15.2186844 14.35317699 14.26030851 14.60671678 15.24635102 14.69739118 + 15.00994191 14.73159442 16.35844207 17.70559154 17.59688736 17.12285643 + 18.48672696 15.90714488 18.49732417 21.02732517 19.86433139 17.49361847 + 14.58716753 15.12918614 11.98288035 15.78175949 18.31500869 12.26892855 + 13.84406222 12.65413949 15.70917306 13.57058915 13.22659181 28.26975171 + 27.53376307 20.56081303 18.41586593 46.84391098 41.16460903 0.65497581 + nan nan nan nan nan nan + nan nan]" +30,,"[4.38474346 4.7247739 4.81597731 4.89376995 4.82040378 4.86537691 + 4.93648494 4.94787416 4.89904594 4.84539717 5.08353153 5.0717598 + 4.95888348 5.03652271 5.14852635 4.92333037 5.11483009 4.91729094 + 4.79569343 4.84298378 4.90243391 5.06874827 5.01710879 5.113481 + 5.35106707 5.46094763 4.9221938 5.1186152 4.75544576 4.8466646 + 4.77094421 4.6311269 4.34101845 4.61333245 4.63732338 4.09585691 + 3.92557704 4.19981394 4.3110528 4.10565287 3.90392831 3.6257551 + 6.64882854 6.63770879 6.62632628 6.61468827 6.6028146 6.59071342 + 6.57840407 6.56589557]",, +31,,"[4.33597045 4.82568809 4.99136471 4.86301104 4.6070874 4.63809658 + 4.64937027 4.65762652 4.61852808 4.7549261 4.71928947 4.772643 + 4.85850502 4.73143919 4.85285865 4.86355018 4.88094924 4.77897633 + 4.76302154 4.64793107 4.79815399 4.5632644 4.47665472 4.92481861 + 5.08313666 4.73069957 4.92883308 5.18648344 4.78606944 4.76750617 + 5.41541967 5.12060078 4.65750407 4.23821039 4.50496576 4.00967988 + 3.09118908 2.97684726 3.10057102 2.98963062 2.77148663 3.38963147 + 4.16333819 4.17592924 4.18833354 4.20053599 4.21253144 4.22430448 + 4.23585069 4.24715445]",, +32,,"[12.33314308 15.82155678 15.3454974 15.02532262 15.03582796 14.90385238 + 15.09004598 14.89917966 14.82816659 15.07281544 15.29551315 14.77981569 + 14.7543456 15.08578154 15.23064128 15.16899327 14.35156434 14.2740355 + 14.94963223 14.67444701 14.61076744 13.51884875 12.81972235 12.68889514 + 16.05603567 14.19920097 15.04013706 14.19850217 13.18678269 13.99132948 + 12.59732195 12.37829134 12.01403789 10.17347616 14.73680567 17.29331163 + 17.721033 20.10593734 19.8307443 21.12955746 20.16458126 20.30970073 + 17.94698308 17.91160589 17.91163724 17.9116698 nan nan + nan nan]",, +33,,"[19.49035414 11.68023533 11.71488672 11.88928675 11.83516736 11.62609358 + 11.94161436 12.21189757 12.27181659 12.46909299 12.78168637 12.95300141 + 12.8950819 13.37590917 13.2627799 13.52938528 13.0166128 13.45235683 + 16.49147941 15.27286952 12.78305237 11.46489093 10.68827478 10.5652463 + 16.847648 9.45791642 11.28481519 10.62493116 10.83830657 11.19195181 + 11.26910316 10.52766018 9.94527826 12.18730562 13.10042635 15.9434674 + 17.75107198 16.4371467 17.13148105 12.64856761 14.55104732 14.6573964 + 17.41435362 12.94359142 12.94365957 12.94373035 nan nan + nan nan]",, +34,,"[18.33450475 17.79311687 17.54782596 16.94938946 17.04292388 17.08174723 + 16.90666218 16.89568717 17.10405603 17.18032157 17.03588942 17.0224028 + 16.59876035 16.90397237 16.73872186 17.22670356 17.61057618 16.98617224 + 16.92937789 16.84531515 16.84311377 16.19453 16.09506326 16.74531761 + 16.89872978 17.39077891 15.70873825 16.34719161 16.42130415 15.9049331 + 15.5562339 15.52867377 15.26773816 16.38869663 16.50537814 15.79697741 + 17.24448548 17.11335413 17.54037874 18.08101059 18.39204572 18.68288735 + 17.27186668 17.74800853 17.18212722 16.97357939 17.02056081 17.14268144 + 17.14677134 17.16633564]",,"[114.83224174 114.69312277 112.81877287 112.79246802 112.35456695 + 112.53809169 112.45144671 111.55013501 112.21358252 112.7722292 + 112.6769081 113.04197528 112.44510977 113.66549749 113.27731913 + 112.89021975 111.13359402 111.35347403 113.22779465 110.72695046 + 114.67088536 112.89651789 113.94858143 113.07996893 108.79325175 + 107.4806512 99.99470144 102.31210843 111.27215834 106.96074834 + 97.19383836 98.04536423 93.10116278 93.32032161 95.39656151 + 84.10011673 85.43105504 84.64923692 79.60951345 79.51362196 + 87.13250772 86.87576198 86.55441672 86.17869823 85.76119528 + 85.31379479 84.8491945 84.37923046 83.91517496 83.46747227]" +35,,"[23.88791931 21.65190265 21.79378367 22.01574316 22.53842708 22.41701285 + 22.89741836 25.01816252 25.0969428 25.32510058 25.38308072 28.02246492 + 25.69819193 26.33111435 24.27307555 27.97969052 26.1787487 26.2514951 + 25.23237855 24.84539626 27.86973009 28.69774755 35.80585743 35.23047763 + 31.61923242 54.05476563 22.55623434 23.85972371 26.0460275 27.58889096 + 35.43237812 45.51045778 55.13797355 84.14853676 19.36322595 19.22447046 + 19.53688269 20.06087776 19.77314767 18.86335487 18.88682724 18.80820028 + 18.61871153 18.96011227 18.08800574 18.46226714 18.50753219 18.90271553 + 18.93995336 19.18888104]",,"[ 43.77975176 45.24353294 47.27210155 46.85472077 47.43227017 + 46.74615611 46.80807274 47.22326256 46.65686888 46.31796774 + 46.40428367 46.35717557 47.04311495 47.9936619 47.58528422 + 46.6494017 47.9950591 44.64599594 46.21799836 48.9054824 + 51.60263416 49.66154824 57.51405727 57.99528537 56.99069408 + 55.71909377 64.32310182 54.78976985 62.81664812 69.46881644 + 58.29955121 51.98148626 64.52670963 70.55054183 78.94165918 + 67.05551859 71.31739358 71.46342863 84.81955588 85.76367439 + 107.70227608 108.47822773 109.06055319 109.45041324 109.6565943 + 109.68518751 109.54919032 109.25901755 108.83087654 108.27855472]" +36,,"[16.3500551 17.50797272 17.62690301 17.60904895 18.00041628 17.9784345 + 18.33106758 18.38672098 18.60563002 18.29815591 18.22843352 17.86448554 + 18.19374569 18.00628664 17.50146005 17.72212501 18.13858404 17.66271626 + 17.44934296 16.9248919 16.5469049 16.57865155 16.49406825 15.81777833 + 16.62151134 15.45034617 16.45218231 15.70613267 13.92743676 12.53438784 + 8.38959548 8.36211875 8.53823006 8.83861174 6.71064019 nan + nan nan nan nan nan nan + nan nan nan nan nan nan + nan nan]",, +37,,"[25.33798826 23.74363321 23.25018803 23.33892363 23.64091658 23.81431442 + 23.95935657 23.75753333 24.3474086 24.15252553 23.75388793 23.65296406 + 24.06492161 24.62274414 24.38662337 25.19025682 25.16526902 24.37981783 + 24.77808453 25.71087322 25.86936574 24.42719816 25.48427719 22.76217179 + 21.76353461 21.72224327 25.30585636 24.35063308 27.6006978 27.72668583 + 18.74726103 18.70638125 19.03491461 19.57534593 15.65713362 nan + nan nan nan nan nan nan + nan nan nan nan nan nan + nan nan]",, +38,,"[15.16959559 17.12861481 17.15857222 17.02641616 16.78569982 17.03773006 + 16.89968046 17.19089978 17.21024983 17.2434631 17.08203917 17.34742247 + 17.24031376 17.15024954 17.00032295 17.55572862 17.3549347 17.15303647 + 17.83591154 17.42929545 17.2260136 17.04139508 17.46938731 17.45946714 + 17.36683367 17.7259494 17.06105748 16.88583891 16.2142587 17.18156366 + 16.51826584 15.39484273 17.46880898 17.37447481 16.91314051 17.24598431 + 17.08919394 16.60057873 13.33051033 nan nan nan + nan nan nan nan nan nan + nan nan]",,"[146.65365 137.40318473 134.84981499 135.26232873 136.17723071 + 138.78143031 139.71028011 139.59564714 141.05715694 142.62635257 + 142.55834656 141.96049868 140.30764896 141.94907935 141.85736757 + 143.25388266 142.89347372 139.96742111 141.95225538 144.56360384 + 147.02474324 147.03359161 144.83033062 135.34691106 132.7485559 + 146.14888353 140.4703203 137.53893189 134.1766897 132.4837313 + 147.91793876 147.58753126 151.67724303 146.83530745 144.67464541 + 144.2033127 143.97240349 nan nan nan + nan nan nan nan nan + nan nan nan nan nan]" +39,,"[21.75404138 21.65537831 22.18448754 22.45159678 22.60212986 22.73473224 + 22.18084263 21.91851897 21.82896946 22.29831279 22.46146904 22.33579096 + 22.05166836 22.41106886 22.20727878 22.19738467 22.56877082 22.61881926 + 22.79982891 21.81353206 22.16073964 22.11367403 22.12521861 20.72224717 + 20.85157855 21.42615328 18.91932375 19.50070508 19.02881948 23.98274586 + 23.37160869 22.40452134 21.82932025 24.51680486 28.12853437 24.82790592 + 25.49358435 33.37843652 11.91014309 nan nan nan + nan nan nan nan nan nan + nan nan]",,"[60.87615259 55.99284695 54.20012522 55.38147305 56.24616657 57.57519128 + 56.54142833 57.55142451 59.43448785 58.397377 59.39011959 60.38349785 + 61.05567312 62.31726418 63.17604299 61.48269075 62.49391217 63.24812198 + 66.49867632 64.59793311 65.54075708 64.53647 68.84497225 71.56351922 + 70.30137958 69.69159346 59.7277287 70.50796183 67.33589858 60.83532004 + 55.16390079 53.64223519 53.12160906 69.84291911 60.31615166 59.88224023 + 59.67029393 nan nan nan nan nan + nan nan nan nan nan nan + nan nan]" +40,,"[18.07402855 17.56827421 18.49915662 19.00450174 17.96523505 17.43055103 + 18.06543539 17.62160202 17.3057053 16.99965963 17.15235554 17.45446644 + 17.34146051 17.51026875 17.62405914 16.98223733 16.95434702 16.82315816 + 16.69942732 16.54733621 16.62856015 16.21024572 15.95759105 16.18669516 + 15.63309224 15.81332724 14.83275878 15.64224173 15.78408559 15.99770467 + 18.29367944 15.87527973 15.87300401 16.58493006 14.47906715 14.84744896 + 14.7332525 14.86187058 14.6065097 14.72672143 15.23654566 13.69385415 + 14.09203009 15.11317574 14.51127024 12.48576755 12.56649725 12.66241039 + 12.77203179 12.89363753]",,"[161.08713592 150.5620242 151.51789263 151.30132858 150.87518706 + 151.88956204 151.72622324 152.8681667 153.63326651 154.71650638 + 153.04542057 150.39162438 150.0808189 149.50228687 152.84185966 + 152.74904265 151.93847247 147.63978945 148.30676095 149.35300338 + 149.88102444 153.1629564 156.22455507 158.42766575 161.9302346 + 163.28647178 163.80996242 166.08192528 173.09538008 161.10461999 + 169.02706594 178.53213541 178.27869805 147.84487704 148.11557767 + 153.50237098 153.61850637 153.9829065 154.99340878 155.03638934 + 157.82519484 158.07918428 158.18102882 nan nan + nan nan nan nan nan]" +41,,"[22.68391296 23.97132467 22.24287836 22.37444447 22.92627015 22.34038881 + 22.86935554 22.70170742 22.98544724 21.98234317 22.42426902 22.56673449 + 22.96090328 21.93248372 22.3824678 23.92657944 21.65887293 21.38580199 + 20.9019184 20.9815802 20.30443531 19.98749204 20.52536986 20.48930374 + 20.48099224 21.78246138 22.56501303 26.21098439 19.71579119 19.95074725 + 20.38235524 21.59128223 22.30508021 18.47184025 19.39740377 19.72680098 + 19.7951814 19.89744935 18.75440711 18.64418928 20.86639562 21.78699583 + 21.69062757 21.13028759 21.67961042 23.31589313 23.41761705 23.49077619 + 23.53459033 23.54860922]",,"[38.67002992 40.65865398 39.89244963 41.07418307 41.51790503 42.82478442 + 43.48526646 43.31560222 44.58965554 43.73151309 43.90127966 43.99508564 + 45.95036027 44.74315478 45.38345606 48.14572294 51.89813667 45.68558226 + 44.80403452 48.14356415 45.05663068 42.18397417 40.16659963 41.52621076 + 44.44951815 46.82792586 40.65008064 39.95475841 37.89392646 32.38504865 + 34.12475328 31.32229807 31.58169138 36.48873455 32.53634113 73.53023507 + 73.56618776 73.42068637 72.79338119 73.2100492 71.18038822 70.99616946 + 70.94940964 nan nan nan nan nan + nan nan]" +42,,"[19.08883545 19.38456678 18.85596149 18.56863812 18.25860994 18.17429275 + 18.38892078 18.09506094 18.24844075 18.52042068 18.46353728 18.60119771 + 18.43562638 18.45126817 18.18576279 18.06617843 18.56095636 18.69901493 + 18.48401823 18.68821958 18.16339359 18.16099606 18.05308274 17.86729911 + 19.28492177 19.08134652 19.10554871 20.36707063 21.51749582 21.67685127 + 23.92529846 23.33248868 24.08140617 25.86563623 25.04059165 27.77906415 + 33.79743488 33.4612709 33.08864826 32.67734787 32.23388385 31.76190881 + 31.26548149 30.74850162 30.215132 29.67359228 29.11958086 28.56118279 + 28.00217533 27.44612998]",,"[19.43339794 22.42962691 21.36866754 19.07326794 19.28746918 19.43838635 + 19.69855837 20.38501332 19.57159833 20.13721382 20.22420339 20.3213017 + 20.11051817 19.35816253 19.64089732 19.80045442 19.23569701 18.94110352 + 18.86678226 18.45725503 18.21786472 19.05198575 18.82442405 21.39300767 + 23.51811316 28.60888441 27.52716491 38.22298796 36.47208917 35.3244499 + 45.29866236 32.76186269 46.86198103 48.12847417 48.10258323 46.49050606 + 45.75368032 45.25514436 44.65266947 44.64883765 44.18294303 44.19029729 + 44.19699202 nan nan nan nan nan + nan nan]" +43,,"[27.06762803 25.47154962 25.02150543 25.25560167 24.86532978 25.07481592 + 24.71327832 24.65971593 24.80809161 25.60253389 25.18721171 25.30622408 + 25.98149726 25.66531866 26.65084406 26.59255006 26.68957786 27.03997636 + 27.14971489 27.14192759 26.55089046 27.25774254 26.80598797 26.8483539 + 27.77883074 28.20760515 27.96715056 27.47811831 27.97698455 25.84537865 + 29.74976051 29.33384941 30.7992114 31.65836831 31.68132361 33.61385423 + 35.95405318 35.31455983 34.64514795 33.94359938 33.22336419 32.49286139 + 31.76063831 31.035133 30.32451044 29.64187465 28.98418296 28.36359369 + 27.78664081 27.25870672]",,"[60.80481833 61.90211832 61.83206146 60.20930091 60.89685686 61.47184498 + 62.12929948 62.62183111 61.83464835 62.47940987 63.24071107 62.20112116 + 61.40277107 58.42192493 58.10744812 57.98092145 58.89741917 57.48191368 + 58.96245624 56.99133471 58.07439343 59.17235507 53.01854442 59.48286861 + 58.97028142 63.68114271 66.58539027 62.98981297 60.82534446 73.7001788 + 62.06385525 55.83856113 56.71995141 57.55552765 57.49888673 56.81107313 + 56.5034374 56.29820183 56.05661973 56.05017694 55.86552127 55.864473 + 55.8635201 nan nan nan nan nan + nan nan]" +44,,,,"[70.0865324 64.53335306 67.18815688 68.97488545 68.80126793 68.70375645 + 68.50516849 67.97920393 68.17358554 69.21417221 70.79096792 70.48839186 + 69.62467222 69.28198268 70.8233075 70.04387974 72.02416079 72.86645621 + 70.06477412 71.97306508 71.43665029 69.51147028 68.26531271 67.8400991 + 62.67663832 56.67322449 62.5327218 63.60169993 61.8801791 67.18450565 + 66.26984694 62.8846592 75.35177589 76.10622185 76.3957433 78.91657055 + 78.7010596 78.60380347 78.58379483 78.49170787 nan nan + nan nan nan nan nan nan + nan nan]" +45,,,,"[16.8797653 15.51015244 15.19614641 15.30446713 15.6311687 15.38292306 + 15.59412443 15.82507606 15.84088329 15.92528513 15.79769733 15.68300164 + 15.50548709 15.43485391 15.44364966 15.5998081 15.38046001 15.61389887 + 15.61552576 15.92454054 15.42602972 15.1126457 14.25267972 15.06848296 + 13.26581492 12.14425454 13.07896323 12.42054573 13.0402856 15.94756347 + 15.61830809 13.84469258 13.22969176 12.86287903 12.97227139 13.08291029 + 12.9911081 12.73208852 12.96577079 14.12965624 nan nan + nan nan nan nan nan nan + nan nan]" diff --git a/actions/lfp_speed_stim/data/statistics/values_mean_power.tex b/actions/lfp_speed_stim/data/statistics/values_mean_power.tex new file mode 100644 index 000000000..ff9f589a4 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_mean_power.tex @@ -0,0 +1,52 @@ +\begin{tabular}{lllll} +\toprule +{} & Baseline I & 11 Hz & Baseline II & 30 Hz \\ +\midrule +0 & NaN & [9.118249043631167, 9.124624633548146, 9.59064... & NaN & NaN \\ +1 & NaN & [17.440485146427488, 11.70808383682592, 11.417... & NaN & NaN \\ +2 & NaN & [9.408477509329922, 10.742745168970458, 9.9122... & NaN & [88.9865784899147, 84.53878349194585, 85.98445... \\ +3 & NaN & [11.468697492252758, 12.841940457451425, 12.58... & NaN & [14.737704709542708, 16.719676042933738, 16.34... \\ +4 & NaN & [9.077986315866045, 9.523551619578653, 9.38160... & NaN & NaN \\ +5 & NaN & [15.741294264037881, 15.95266760354331, 15.995... & NaN & NaN \\ +6 & NaN & [8.185126207879012, 10.00432521192881, 10.6705... & NaN & [59.51353929056204, 59.12806128020611, 59.8473... \\ +7 & NaN & [19.06481497371133, 19.91684098584014, 19.0151... & NaN & [14.52052310764388, 14.112261581299606, 14.035... \\ +8 & NaN & [9.71737234270843, 10.354411151685351, 10.6284... & NaN & [88.96893714961384, 77.94797976753068, 78.0740... \\ +9 & NaN & [11.289539396756364, 10.987217271951744, 13.32... & NaN & [18.347730480732253, 17.529083929125726, 17.57... \\ +10 & NaN & [8.897887048894317, 9.548350461180657, 10.1569... & NaN & [73.35840172136498, 73.88861634458432, 74.2753... \\ +11 & NaN & [10.029643768006553, 10.251351809030389, 10.66... & NaN & [20.270929750555723, 21.302009111877357, 20.68... \\ +12 & NaN & [7.447776962728016, 6.818302036691378, 6.96223... & NaN & [9.08411418534453, 8.715213241655968, 8.898371... \\ +13 & NaN & [16.866923247213187, 13.874638278313864, 13.48... & NaN & [4.971595552314772, 5.15829777096623, 5.242979... \\ +14 & NaN & [22.139744659054244, 21.365662566331363, 22.32... & NaN & [67.02645459138822, 70.33747290290471, 73.1735... \\ +15 & NaN & [23.05888329852681, 23.531374533537946, 24.625... & NaN & [49.98462030976254, 48.4890457395194, 52.18202... \\ +16 & NaN & [15.06859568139567, 14.705452003950393, 14.133... & NaN & [26.037742546740777, 25.138983222032998, 26.12... \\ +17 & NaN & [18.56657149340286, 18.65149695120631, 17.9339... & NaN & [27.73235006126202, 27.28022358639458, 26.6048... \\ +18 & NaN & [23.266809071398196, 20.341969340969623, 20.91... & NaN & NaN \\ +19 & NaN & [20.66962509941466, 26.232127950846426, 22.466... & NaN & NaN \\ +20 & NaN & [15.654714416738898, 16.509876702352912, 16.62... & NaN & [32.82192275470734, 33.32953946556542, 33.5952... \\ +21 & NaN & [19.211777031231374, 20.04040949928352, 19.658... & NaN & [24.87708861975706, 31.70964445861497, 31.7913... \\ +22 & NaN & [14.256168051942895, 14.933041944849254, 15.80... & NaN & [40.22310213173468, 42.01616754012932, 42.6313... \\ +23 & NaN & [14.392211395052781, 14.699063021964138, 14.82... & NaN & [48.586849704070914, 48.16296052991652, 47.690... \\ +24 & NaN & [14.699159466750025, 18.247767416052735, 18.27... & NaN & [21.480006422320322, 20.93692645980768, 20.916... \\ +25 & NaN & [19.28988606851701, 18.75659774492359, 18.5010... & NaN & [28.048752291512333, 32.323613004915266, 31.92... \\ +26 & NaN & [10.261779623227255, 10.914275249902753, 10.77... & NaN & [57.66042551115014, 55.1120048732549, 53.60454... \\ +27 & NaN & [17.46906758988821, 17.272729582676952, 16.567... & NaN & [3.115910860412765, 2.989679293124034, 2.81797... \\ +28 & NaN & [13.741439535018037, 13.707573081658914, 13.26... & NaN & [93.19728659729289, 91.8553220703603, 89.73207... \\ +29 & NaN & [6.548942728602273, 6.2883224620174465, 6.2656... & NaN & [11.331693077926943, 16.866407396222222, 15.27... \\ +30 & NaN & [4.384743462901712, 4.724773899489537, 4.81597... & NaN & NaN \\ +31 & NaN & [4.3359704524315035, 4.82568808504663, 4.99136... & NaN & NaN \\ +32 & NaN & [12.33314308347845, 15.821556782581128, 15.345... & NaN & NaN \\ +33 & NaN & [19.490354144060717, 11.68023533054506, 11.714... & NaN & NaN \\ +34 & NaN & [18.334504754218734, 17.79311687342405, 17.547... & NaN & [114.83224173830192, 114.69312277371739, 112.8... \\ +35 & NaN & [23.887919309847977, 21.651902647944308, 21.79... & NaN & [43.779751757698186, 45.243532941648446, 47.27... \\ +36 & NaN & [16.35005510229248, 17.50797272424894, 17.6269... & NaN & NaN \\ +37 & NaN & [25.337988260261902, 23.743633211657524, 23.25... & NaN & NaN \\ +38 & NaN & [15.169595593720924, 17.12861480506877, 17.158... & NaN & [146.65365000192728, 137.4031847313674, 134.84... \\ +39 & NaN & [21.754041384995134, 21.65537831294294, 22.184... & NaN & [60.87615258622297, 55.99284695145512, 54.2001... \\ +40 & NaN & [18.07402854590459, 17.568274214950996, 18.499... & NaN & [161.08713591897282, 150.562024199568, 151.517... \\ +41 & NaN & [22.683912961628216, 23.971324672112374, 22.24... & NaN & [38.67002991848243, 40.658653983428344, 39.892... \\ +42 & NaN & [19.088835449482133, 19.384566776846793, 18.85... & NaN & [19.433397936447157, 22.42962691304548, 21.368... \\ +43 & NaN & [27.067628034847505, 25.471549620083, 25.02150... & NaN & [60.80481832876403, 61.90211831511229, 61.8320... \\ +44 & NaN & NaN & NaN & [70.08653239939187, 64.53335305555376, 67.1881... \\ +45 & NaN & NaN & NaN & [16.879765303180275, 15.510152440487062, 15.19... \\ +\bottomrule +\end{tabular} diff --git a/actions/lfp_speed_stim/data/statistics/values_power_score.csv b/actions/lfp_speed_stim/data/statistics/values_power_score.csv new file mode 100644 index 000000000..79725b0fe --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_power_score.csv @@ -0,0 +1,47 @@ +,Baseline I,11 Hz,Baseline II,30 Hz +0,,0.015730512159561214,, +1,,-0.44626290964950766,, +2,,-0.001547931422113307,,-0.08495843794692835 +3,,-0.06490705551457199,,0.1025912678782207 +4,,-0.006936741110030225,, +5,,-0.09184709542895192,, +6,,0.04050136283665597,,0.050853949288112224 +7,,-0.034693246163753765,,0.29242302630014105 +8,,-0.052394609191440435,,-0.21106253966693966 +9,,0.028887370536127725,,0.034000056361523014 +10,,-0.01306688822606398,,0.11942404634075159 +11,,0.34843341879716927,,0.047171234830630446 +12,,-0.13077235169152393,,-0.038955811673691595 +13,,-0.36612470606704717,,0.007839797833870971 +14,,0.11040382422581611,,0.237352120639524 +15,,-0.043566580038277986,,0.07854209337471828 +16,,-0.10831045706444074,,-0.16384809578658077 +17,,-0.03220599073913473,,-0.22436615233686594 +18,,-0.10260793491144043,, +19,,-0.034515525254008146,, +20,,0.16242903986495386,,0.0640544960493244 +21,,0.7021859247587664,,0.04861709293462278 +22,,-0.04469548113972455,,0.01604438365866616 +23,,-0.026752490685167076,,-0.16488028035708768 +24,,0.14277805171840177,,0.006994770640947975 +25,,-0.043992279154389066,,0.09410407636985739 +26,,0.143020537624167,,-0.06340746201882747 +27,,-0.1524046127309051,,-0.05930814553529722 +28,,-0.11510717329806787,,0.01655806570709876 +29,,0.020475240641468242,,0.10243646859970726 +30,,-0.22914097635175606,, +31,,-0.25301845775085435,, +32,,0.21527508955742639,, +33,,-0.33897008574240123,, +34,,-0.1262396336267065,,0.04099957383912455 +35,,-0.016896876089195947,,0.06586620290347267 +36,,0.07513150861861327,, +37,,-0.075453958224541,, +38,,0.11610138092301145,,-0.34096496745019056 +39,,-0.03251149811188312,,-0.09345211217384156 +40,,-0.13817374608833205,,-0.35739991687404493 +41,,0.015604336965849461,,-0.01266201941703894 +42,,0.024433088530395414,,0.04287083571514176 +43,,0.03220901906547654,,0.18046133148947024 +44,,,,-0.005851794629463994 +45,,,,-0.05128109010109446 diff --git a/actions/lfp_speed_stim/data/statistics/values_power_score.tex b/actions/lfp_speed_stim/data/statistics/values_power_score.tex new file mode 100644 index 000000000..14e424ba2 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_power_score.tex @@ -0,0 +1,52 @@ +\begin{tabular}{lrrrr} +\toprule +{} & Baseline I & 11 Hz & Baseline II & 30 Hz \\ +\midrule +0 & NaN & 0.015731 & NaN & NaN \\ +1 & NaN & -0.446263 & NaN & NaN \\ +2 & NaN & -0.001548 & NaN & -0.084958 \\ +3 & NaN & -0.064907 & NaN & 0.102591 \\ +4 & NaN & -0.006937 & NaN & NaN \\ +5 & NaN & -0.091847 & NaN & NaN \\ +6 & NaN & 0.040501 & NaN & 0.050854 \\ +7 & NaN & -0.034693 & NaN & 0.292423 \\ +8 & NaN & -0.052395 & NaN & -0.211063 \\ +9 & NaN & 0.028887 & NaN & 0.034000 \\ +10 & NaN & -0.013067 & NaN & 0.119424 \\ +11 & NaN & 0.348433 & NaN & 0.047171 \\ +12 & NaN & -0.130772 & NaN & -0.038956 \\ +13 & NaN & -0.366125 & NaN & 0.007840 \\ +14 & NaN & 0.110404 & NaN & 0.237352 \\ +15 & NaN & -0.043567 & NaN & 0.078542 \\ +16 & NaN & -0.108310 & NaN & -0.163848 \\ +17 & NaN & -0.032206 & NaN & -0.224366 \\ +18 & NaN & -0.102608 & NaN & NaN \\ +19 & NaN & -0.034516 & NaN & NaN \\ +20 & NaN & 0.162429 & NaN & 0.064054 \\ +21 & NaN & 0.702186 & NaN & 0.048617 \\ +22 & NaN & -0.044695 & NaN & 0.016044 \\ +23 & NaN & -0.026752 & NaN & -0.164880 \\ +24 & NaN & 0.142778 & NaN & 0.006995 \\ +25 & NaN & -0.043992 & NaN & 0.094104 \\ +26 & NaN & 0.143021 & NaN & -0.063407 \\ +27 & NaN & -0.152405 & NaN & -0.059308 \\ +28 & NaN & -0.115107 & NaN & 0.016558 \\ +29 & NaN & 0.020475 & NaN & 0.102436 \\ +30 & NaN & -0.229141 & NaN & NaN \\ +31 & NaN & -0.253018 & NaN & NaN \\ +32 & NaN & 0.215275 & NaN & NaN \\ +33 & NaN & -0.338970 & NaN & NaN \\ +34 & NaN & -0.126240 & NaN & 0.041000 \\ +35 & NaN & -0.016897 & NaN & 0.065866 \\ +36 & NaN & 0.075132 & NaN & NaN \\ +37 & NaN & -0.075454 & NaN & NaN \\ +38 & NaN & 0.116101 & NaN & -0.340965 \\ +39 & NaN & -0.032511 & NaN & -0.093452 \\ +40 & NaN & -0.138174 & NaN & -0.357400 \\ +41 & NaN & 0.015604 & NaN & -0.012662 \\ +42 & NaN & 0.024433 & NaN & 0.042871 \\ +43 & NaN & 0.032209 & NaN & 0.180461 \\ +44 & NaN & NaN & NaN & -0.005852 \\ +45 & NaN & NaN & NaN & -0.051281 \\ +\bottomrule +\end{tabular} diff --git a/actions/lfp_speed_stim/data/statistics/values_speed_bins.csv b/actions/lfp_speed_stim/data/statistics/values_speed_bins.csv new file mode 100644 index 000000000..8d1bf1913 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_speed_bins.csv @@ -0,0 +1,281 @@ +,Baseline I,11 Hz,Baseline II,30 Hz +0,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +1,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +2,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +3,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +4,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +5,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +6,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +7,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +8,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +9,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +10,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +11,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +12,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +13,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +14,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +15,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +16,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +17,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +18,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +19,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +20,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +21,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +22,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +23,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +24,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +25,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +26,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +27,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +28,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +29,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +30,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +31,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +32,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +33,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +34,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +35,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +36,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +37,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",, +38,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +39,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +40,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +41,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +42,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +43,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]",,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +44,,,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" +45,,,,"[0.02 0.04 0.06 0.08 0.1 0.12 0.14 0.16 0.18 0.2 0.22 0.24 0.26 0.28 + 0.3 0.32 0.34 0.36 0.38 0.4 0.42 0.44 0.46 0.48 0.5 0.52 0.54 0.56 + 0.58 0.6 0.62 0.64 0.66 0.68 0.7 0.72 0.74 0.76 0.78 0.8 0.82 0.84 + 0.86 0.88 0.9 0.92 0.94 0.96 0.98 1. ]" diff --git a/actions/lfp_speed_stim/data/statistics/values_speed_bins.tex b/actions/lfp_speed_stim/data/statistics/values_speed_bins.tex new file mode 100644 index 000000000..fd87a0c28 --- /dev/null +++ b/actions/lfp_speed_stim/data/statistics/values_speed_bins.tex @@ -0,0 +1,52 @@ +\begin{tabular}{lllll} +\toprule +{} & Baseline I & 11 Hz & Baseline II & 30 Hz \\ +\midrule +0 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +1 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +2 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +3 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +4 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +5 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +6 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +7 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +8 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +9 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +10 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +11 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +12 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +13 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +14 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +15 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +16 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +17 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +18 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +19 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +20 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +21 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +22 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +23 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +24 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +25 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +26 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +27 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +28 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +29 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +30 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +31 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +32 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +33 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +34 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +35 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +36 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +37 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & NaN \\ +38 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +39 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +40 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +41 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +42 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +43 & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +44 & NaN & NaN & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +45 & NaN & NaN & NaN & [0.02, 0.04, 0.06, 0.08, 0.1, 0.12000000000000... \\ +\bottomrule +\end{tabular}