From 8ffaf7501a73436cfad6ff4bef3c1c43869e3b73 Mon Sep 17 00:00:00 2001 From: zugmana Date: Fri, 27 Sep 2024 14:12:01 -0400 Subject: [PATCH] initial sync to fork --- contarg/cli/run_seedmap.py | 114 +- contarg/seedmap.py | 49 +- .../02_prep_fmriprep_normgrid_targeting.ipynb | 2241 +++----- ...nerate_and_evaluate_targets_fmriprep.ipynb | 4621 +++++++++++++++-- 4 files changed, 5076 insertions(+), 1949 deletions(-) mode change 100644 => 100755 contarg/cli/run_seedmap.py diff --git a/contarg/cli/run_seedmap.py b/contarg/cli/run_seedmap.py old mode 100644 new mode 100755 index 4fca02c..1c7eb1a --- a/contarg/cli/run_seedmap.py +++ b/contarg/cli/run_seedmap.py @@ -97,6 +97,18 @@ def seedmap(): default=None, help="Run identifier to construct output file names. Only pass if you are not concatenating runs.", ) +@click.option( + '--confounds-strategy', + type=str, + multiple=True, + help='Confounds strategy (can be used multiple times) - for documentation see nilearn.interfaces.fmriprep.load_confounds' +) +@click.option( + '--extra-args', + type=str, + multiple=True, + help='Additional keyword arguments for controlling confounds selection in the form key=value.' +) def subjectmap( bold_path, mask_path, @@ -110,16 +122,18 @@ def subjectmap( subject, session, run, + confounds_strategy, + extra_args ): """ Get the voxel wise connectivity map of a passed bold image with the reference roi. - If multiple bold_paths is passed,they'll be concatenated. Runs global signal regression. + If multiple bold_paths is passed,they'll be concatenated. Runs global signal regression or alternate confounds regression. Output will be masked by grey matter mask and stimroi. """ bold_paths = bold_path derivatives_dir = Path(derivatives_dir) roi_dir = Path(resource_filename("contarg", "data/rois")) - + kwargs = dict(arg.split('=') for arg in extra_args) # turn this list into a dictionary. if refroi_name in ["SGCsphere", "bilateralSGCspheres"]: ref_roi_2mm_path = ( roi_dir / f"{refroi_name}_space-MNI152NLin6Asym_res-02.nii.gz" @@ -158,10 +172,12 @@ def subjectmap( ref_vox_img = get_ref_vox_con( bold_paths, mask_path, - ref_vox_con_path, ref_roi_2mm_path, t_r, + out_path=ref_vox_con_path, smoothing_fwhm=smoothing_fwhm, + confounds_strategy = confounds_strategy, + **kwargs ) # mask ref_vox_img subj_mask = nl.image.load_img(mask_path) @@ -216,9 +232,10 @@ def groupmap(contarg_dir, session, run): subjmaps = sorted(contarg_dir.rglob(glob_str)) tmp = nl.image.load_img(subjmaps[0]) - mapsum = np.zeros_like(tmp, dtype=float) + mapsum = np.zeros_like(tmp.get_fdata().squeeze(), dtype=float) for subjmap in subjmaps: + print(subjmap) subjimg = nl.image.load_img(subjmap) mapsum += subjimg.get_fdata().squeeze() del subjimg @@ -243,7 +260,8 @@ def groupmap(contarg_dir, session, run): type=click.Path(), help="Path to pybids database file (expects version 0.15.2), " "if one does not exist here, it will be created.", - required=True, + required=False, + default=None ) @click.option( "--run-name", @@ -292,7 +310,7 @@ def groupmap(contarg_dir, session, run): "--ndummy", "n_dummy", type=int, - default=0, + default=None, help="Number of dummy scans at the beginning of the functional time series", ) @click.option( @@ -304,7 +322,7 @@ def groupmap(contarg_dir, session, run): ) @click.option( "--target-method", - type=click.Choice(["classic", "cluster"]), + type=click.Choice(["classic", "cluster","None"]), default="cluster", show_default=True, help="How to pick a target coordinate from the seedmap weighted connectivity.", @@ -320,7 +338,8 @@ def groupmap(contarg_dir, session, run): "--percentile", type=float, help="All values more extreme than percentile will be kept for clustering", - required=True, + required=False, + default=10 ) @click.option( "--subject", @@ -350,9 +369,35 @@ def groupmap(contarg_dir, session, run): show_default=True, help="Number of jobs to run in parallel to find targets", ) +@click.option( + "--fmriprepdir", + type=str, + default=None, + help="Path to fmriprep direcotry if not in standard ./derivatives/fmriprep/.", +) +@click.option( + '--confounds-strategy', + type=str, + multiple=True, + help='Confounds strategy (can be used multiple times) - for documentation see nilearn.interfaces.fmriprep.load_confounds' +) +@click.option( + '--extra-args', + type=str, + multiple=True, + help='Additional keyword arguments for controlling confounds selection in the form key=value.' +) +@click.option( + '--concat-level', + type=str, + multiple=False, + default=None, + help='level to concatenate. Choose subject or sessions. Default=None.' +) def run( bids_dir, derivatives_dir, + fmriprepdir, database_file, run_name, stimroi_name, @@ -370,18 +415,27 @@ def run( run, echo, njobs, + confounds_strategy, + extra_args, + concat_level ): # TODO: add code for concatenating runs bids_dir = Path(bids_dir) derivatives_dir = Path(derivatives_dir) - database_path = Path(database_file) + if not database_file: + database_path = None + else : + database_path = Path(database_file) seedmap_path = Path(seedmap_path) roi_dir = Path(resource_filename("contarg", "data/rois")) + if not fmriprepdir : + fmriprepdir = derivatives_dir / "fmriprep" layout = BIDSLayout( bids_dir, database_path=database_path, - derivatives=derivatives_dir / "fmriprep", + derivatives=fmriprepdir, ) + kwargs = dict(arg.split('=') for arg in extra_args)# Turn list into dictionary. if run_name is not None: targeting_dir = derivatives_dir / "contarg" / "seedmap" / run_name else: @@ -426,6 +480,24 @@ def run( rest_paths["bold_path"] = [bb.path for bb in bolds] if "session" not in rest_paths.columns: rest_paths["session"] = None + # if concatenate runs (add a handler in click) + if concat_level is None: + #continue + print('concat_level set to None') + else: + if concat_level == 'session': + concat_gb = ['subject', 'session'] + elif concat_level == 'subject': + concat_gb = ['subject'] + else: + raise NotImplementedError("Only concatenating on subject or subject and session are supported") + new_rest_paths = [] + for _, df in rest_paths.groupby(concat_gb): + new_row = df.iloc[0] + new_row['bold_path'] = list(df.bold_path.values) + new_rest_paths.append(new_row) + rest_paths = pd.DataFrame(new_rest_paths) + # add boldref rest_paths["boldref"] = rest_paths.entities.apply( lambda ee: layout.get( @@ -459,9 +531,9 @@ def run( space=None, ) ) - assert rest_paths.T1w.apply(lambda x: len(x) == 1).all() - rest_paths["T1w"] = rest_paths.T1w.apply(lambda x: x[0]) - + rest_paths["T1w"] = rest_paths.T1w.apply(lambda x: [x[0]]) + assert rest_paths.T1w.apply(lambda x: isinstance(x, str) or (isinstance(x, list) and len(x) == 1)).all() + # add mnito t1w path rest_paths["mnitoT1w"] = rest_paths.entities.apply( lambda ee: layout.get( @@ -472,10 +544,13 @@ def run( suffix="xfm", to="T1w", **{"from": "MNI152NLin6Asym"}, + **({"session": ee["session"]} if "session" in ee and ee["session"] is not None else {}) ) ) + + rest_paths["mnitoT1w"] = rest_paths.mnitoT1w.apply(lambda x: [x[0]]) assert rest_paths.mnitoT1w.apply(lambda x: len(x) == 1).all() - rest_paths["mnitoT1w"] = rest_paths.mnitoT1w.apply(lambda x: x[0]) + # add confounds path rest_paths["confounds"] = rest_paths.entities.apply( @@ -488,8 +563,10 @@ def run( extension=".tsv", suffix="timeseries", desc="confounds", - ) + **({"session": ee["session"]} if "session" in ee and ee["session"] is not None else {}) + ) ) + assert rest_paths.confounds.apply(lambda x: len(x) == 1).all() rest_paths["confounds"] = rest_paths.confounds.apply(lambda x: x[0]) @@ -548,6 +625,8 @@ def run( if target_method == "cluster": desc = f"{connectivity}.{target_method}.p{percentile}" + elif target_method == "None" : + desc = "rawCorr" else: desc = f"{target_method}" @@ -653,6 +732,7 @@ def run( tr=t_r, out_path=row[f"{desc}_seedmap_correlation"], smoothing_fwhm=smoothing_fwhm, + confound_strategy=confounds_strategy ) if target_method == "cluster": clust_img = cluster( @@ -669,6 +749,10 @@ def run( target_idx = np.where(ref_vox_dat == ref_vox_dat.min()) target_idx = np.array([list(rr) + [1] for rr in zip(*target_idx)]) target_coords = np.matmul(ref_vox_img.affine, target_idx.T).T[:, :3] + elif target_method == "None": + print(f"No target method selected. Raw Average correlation map saved in {row[f'{desc}_seedmap_correlation']}. Done") + #print(row) + return else: raise NotImplementedError( f"Target method {target_method} is not implemented." diff --git a/contarg/seedmap.py b/contarg/seedmap.py index ba8dec3..8e9a717 100644 --- a/contarg/seedmap.py +++ b/contarg/seedmap.py @@ -2,12 +2,41 @@ import numpy as np import nilearn as nl from nilearn import image, masking, maskers, plotting, datasets, connectome +from nilearn.interfaces.fmriprep import load_confounds from pathlib import Path from .utils import iterable - +def get_nlearn_confounds(subj_mask,bold_path,confounds_strategy=None, custom_gsr=True, ndummy=None, **kwargs): + if confounds_strategy : + confounds,sample_mask = load_confounds(bold_path,strategy=confounds_strategy, **kwargs) + if 'global_signal' in confounds_strategy: + return confounds.to_numpy(),sample_mask # This will override custom_gsr and ndummy + elif custom_gsr: + gs_masker = nl.maskers.NiftiMasker(mask_img=subj_mask) + confounds.loc[:,'gs'] = gs_masker.fit_transform(bold_path).mean(1).reshape(-1, 1) + if ndummy : + sample_mask = confounds.index[ndummy:].to_numpy() # This will override the sample mask + return confounds.to_numpy(),sample_mask + else : + return confounds.to_numpy(),sample_mask + else : + gs_masker = nl.maskers.NiftiMasker(mask_img=subj_mask) + confounds = gs_masker.fit_transform(bold_path).mean(1).reshape(-1, 1) + _,sample_mask = load_confounds(bold_path,strategy=["non_steady_state"]) # This is just to get the non-steady in the same format. + if ndummy : + sample_mask = confounds.index[ndummy:].to_numpy() # This will override the sample mask + + return confounds, sample_mask + def get_ref_vox_con( - bold_path, mask_path, refroi_path, tr, out_path=None, smoothing_fwhm=4.0 + bold_path, + mask_path, + refroi_path, + tr, + out_path=None, + smoothing_fwhm=4.0, + confounds_strategy=None, + **kwargs ): """ Get the voxel wise connectivity map of a passed bold image with the reference roi. @@ -26,6 +55,7 @@ def get_ref_vox_con( Path to write connectivity map to smoothing_fwhm : float default 4.0 FWHM of gaussian smoothing to be applied + confounds : """ if not iterable(bold_path): @@ -34,9 +64,10 @@ def get_ref_vox_con( bold_paths = bold_path subj_mask = nl.image.load_img(mask_path) + print(refroi_path) ref_mask = nl.image.load_img(refroi_path) masked_ref_mask = nl.masking.apply_mask(ref_mask, subj_mask) - gs_masker = nl.maskers.NiftiMasker(mask_img=subj_mask) + #gs_masker = nl.maskers.NiftiMasker(mask_img=subj_mask) subj_masker = nl.maskers.NiftiMasker( mask_img=subj_mask, low_pass=0.1, @@ -48,8 +79,9 @@ def get_ref_vox_con( # process each run clean_tses = [] for bold_path in bold_paths: - gs = gs_masker.fit_transform(bold_path).mean(1).reshape(-1, 1) - cleaned = subj_masker.fit_transform(bold_path, confounds=gs) + #gs = gs_masker.fit_transform(bold_path).mean(1).reshape(-1, 1) + confounds,sample_mask = get_nlearn_confounds(subj_mask,bold_path,confounds_strategy=confounds_strategy, custom_gsr=True, **kwargs) + cleaned = subj_masker.fit_transform(bold_path, confounds=confounds, sample_mask=sample_mask) # Add the confounds from nilearn.interfaces.fmriprep.load_confounds clean_tses.append(cleaned) cat_clean_tses = np.vstack(clean_tses) ref_ts = cat_clean_tses[:, masked_ref_mask.astype(bool)].mean(1).reshape(-1, 1) @@ -70,6 +102,8 @@ def get_seedmap_vox_con( tr, out_path=None, smoothing_fwhm=4.0, + confounds_strategy=None, + **kwargs ): """ Get the representative time series of a passed bold image based on a seedmap. @@ -113,8 +147,9 @@ def get_seedmap_vox_con( # process each run clean_tses = [] for bold_path in bold_paths: - gs = gs_masker.fit_transform(bold_path).mean(1).reshape(-1, 1) - cleaned = subj_masker.fit_transform(bold_path, confounds=gs)[n_dummy:] + #gs = gs_masker.fit_transform(bold_path).mean(1).reshape(-1, 1) + confounds,sample_mask = get_nlearn_confounds(subj_mask,bold_path,confounds_strategy=confounds_strategy, ndummy=n_dummy,custom_gsr=True, **kwargs) + cleaned = subj_masker.fit_transform(bold_path, confounds=confounds, sample_mask=sample_mask) #[n_dummy:] # Add the confounds from nilearn.interfaces.fmriprep.load_confounds Should already remove the dummys if sample_mask works. clean_tses.append(cleaned) cat_clean_tses = np.vstack(clean_tses) seedmap_ts = np.average(cat_clean_tses, axis=1, weights=masked_seedmap) diff --git a/notebooks/02_prep_fmriprep_normgrid_targeting.ipynb b/notebooks/02_prep_fmriprep_normgrid_targeting.ipynb index dc0ed6e..0946975 100644 --- a/notebooks/02_prep_fmriprep_normgrid_targeting.ipynb +++ b/notebooks/02_prep_fmriprep_normgrid_targeting.ipynb @@ -2,29 +2,12 @@ "cells": [ { "cell_type": "code", - "execution_count": 1, + "execution_count": null, "id": "7e2f7ed6-0931-427d-99bd-b6f86b9145a8", "metadata": { "tags": [] }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/tmp/ipykernel_3333497/1980680932.py:2: DeprecationWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html\n", - " from pkg_resources import resource_filename\n", - "/tmp/ipykernel_3333497/1980680932.py:8: DeprecationWarning: \n", - "Pyarrow will become a required dependency of pandas in the next major release of pandas (pandas 3.0),\n", - "(to allow more performant data types, such as the Arrow string type, and better interoperability with other libraries)\n", - "but was not found to be installed on your system.\n", - "If this would cause problems for you,\n", - "please provide us feedback at https://github.com/pandas-dev/pandas/issues/54466\n", - " \n", - " import pandas as pd\n" - ] - } - ], + "outputs": [], "source": [ "from pathlib import Path\n", "from pkg_resources import resource_filename\n", @@ -46,7 +29,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 46, "id": "34d9f2ae-09a2-41b7-8045-a86c472b5a9d", "metadata": {}, "outputs": [], @@ -56,7 +39,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 11, "id": "c2262a91-7255-40b3-8066-f34035b3e7ff", "metadata": { "tags": [] @@ -120,7 +103,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 48, "id": "b10d24f5-0e8e-4e58-961e-2b22805a9a63", "metadata": { "tags": [] @@ -132,7 +115,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 41, "id": "90af862c-9020-46ab-b305-1794aa7173de", "metadata": { "tags": [] @@ -242,7 +225,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 42, "id": "d1eabbc6-b471-40e3-959c-5f9d729c0c3a", "metadata": {}, "outputs": [ @@ -262,7 +245,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 43, "id": "986ee8dc-1ad3-4fd3-ba0a-16ee350d47b7", "metadata": { "tags": [] @@ -277,7 +260,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 44, "id": "bd531196-6fda-46ca-9378-700a3993e452", "metadata": { "tags": [] @@ -287,7 +270,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "['19529867']\n" + "['24005064']\n" ] } ], @@ -311,7 +294,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 49, "id": "6052fac2-a499-4493-bd7d-71d153f8d0da", "metadata": {}, "outputs": [], @@ -324,7 +307,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 50, "id": "c1fef3ff-326c-430f-827c-1969a7e4cf9c", "metadata": {}, "outputs": [ @@ -334,7 +317,7 @@ "text": [ "(135760, 3)\n", "(32492, 3)\n", - "(32492, 3)\n" + "(135760, 3)\n" ] } ], @@ -346,7 +329,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 52, "id": "844e34c8-228c-4bc6-b885-f3fd03ec64e5", "metadata": { "tags": [] @@ -358,6 +341,8 @@ "text": [ "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1285PMCK/HeadModel\n", "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/HeadModel\n", + "sub-NDARINV1EECRFPM failed with value error:\n", + "Scalp triangles are not arranged systematically\n", "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1H7JEJW1/HeadModel\n", "sub-NDARINV1H7JEJW1 failed with value error:\n", "Scalp triangles are not arranged systematically\n", @@ -433,7 +418,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 53, "id": "75b37f37-6385-499e-9b3c-62412bf27ea8", "metadata": { "tags": [] @@ -564,7 +549,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 54, "id": "dd13eddf-5c28-46a4-9365-51810d63a6ab", "metadata": {}, "outputs": [ @@ -584,7 +569,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 55, "id": "ccade262-d623-4e38-a5ca-35e955283301", "metadata": { "tags": [] @@ -601,7 +586,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 56, "id": "9ebd1de8-cdf2-43f4-837a-257719eb8d48", "metadata": { "tags": [] @@ -611,7 +596,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "['19577584']\n" + "['24032565']\n" ] } ], @@ -643,7 +628,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 57, "id": "4a0393a2-fe42-4a7f-83a3-e5cb658218b9", "metadata": {}, "outputs": [], @@ -664,7 +649,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 58, "id": "0c7058bf-1d14-4a7d-85c1-8a81c4f1c022", "metadata": {}, "outputs": [], @@ -679,23 +664,33 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 66, "id": "8f332b9f-92e2-4eca-91d2-c39f0368abbf", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/simulation-01 not found, skipping\n", + "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1H7JEJW1/Simulation/simulation-01 not found, skipping\n" + ] + } + ], "source": [ "jobs = []\n", "all_subjects = []\n", "for subject in subjects:\n", " if not Path(anat_dir / f'sub-{subject}').exists():\n", " continue\n", - " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\"]:#subject failed previos step\n", + " if subject in [\"NDARINV1285PMCK\"]:#subject failed previos step\n", " continue\n", " sim_dir = Path(anat_dir / f'sub-{subject}/Simulation/simulation-00')\n", " if not sim_dir.exists():\n", " sim_dir = Path(anat_dir / f'sub-{subject}/Simulation/simulation-01')\n", " if not sim_dir.exists():\n", " print(f\"{sim_dir} not found, skipping\")\n", + " continue\n", " headmodel_dir = anat_dir / f'sub-{subject}/HeadModel'\n", " jobs.append(delayed(setup_uncert_sims)(headmodel_dir, sim_dir, dist_std=dist_std, angle_std=angle_std, outname=f'uncert{nsims}', uncert_deviations_path=uncert_deviations_path))\n", " all_subjects.append(subject)\n", @@ -704,7 +699,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 67, "id": "5a3e2e0b-31d0-46cd-a149-b923b6fab5d0", "metadata": {}, "outputs": [ @@ -713,22 +708,23 @@ "output_type": "stream", "text": [ "[Parallel(n_jobs=8)]: Using backend LokyBackend with 8 concurrent workers.\n", - "[Parallel(n_jobs=8)]: Done 2 tasks | elapsed: 4.3min\n", - "[Parallel(n_jobs=8)]: Done 11 out of 23 | elapsed: 11.4min remaining: 12.4min\n", - "[Parallel(n_jobs=8)]: Done 14 out of 23 | elapsed: 13.3min remaining: 8.6min\n", - "[Parallel(n_jobs=8)]: Done 17 out of 23 | elapsed: 15.5min remaining: 5.5min\n", - "[Parallel(n_jobs=8)]: Done 20 out of 23 | elapsed: 16.6min remaining: 2.5min\n" + "[Parallel(n_jobs=8)]: Done 2 tasks | elapsed: 5.9min\n", + "[Parallel(n_jobs=8)]: Done 10 out of 22 | elapsed: 13.8min remaining: 16.5min\n", + "[Parallel(n_jobs=8)]: Done 13 out of 22 | elapsed: 17.2min remaining: 11.9min\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/mixedvines/copula.py:572: RuntimeWarning: invalid value encountered in multiply\n", + " vals[neqz] = norm.cdf((nrvs[:, 0] - self.theta * nrvs[:, 1])\n", + "[Parallel(n_jobs=8)]: Done 16 out of 22 | elapsed: 20.4min remaining: 7.7min\n", + "[Parallel(n_jobs=8)]: Done 19 out of 22 | elapsed: 22.0min remaining: 3.5min\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "Calculating settings for 162 simulations.\n", - "0, 25, 50, 75, 100, 125, 150, Calculating settings for 114 simulations.\n", - "0, 25, 50, 75, 100, Calculating settings for 97 simulations.\n", - "0, 25, 50, 75, Calculating settings for 118 simulations.\n", - "0, 25, 50, 75, 100, Calculating settings for 112 simulations.\n", + "Calculating settings for 147 simulations.\n", + "0, 25, 50, 75, 100, 125, Calculating settings for 114 simulations.\n", + "0, 25, 50, 75, 100, Calculating settings for 155 simulations.\n", + "0, 25, 50, 75, 100, 125, 150, Calculating settings for 112 simulations.\n", "0, 25, 50, 75, 100, Calculating settings for 77 simulations.\n", "0, 25, 50, 75, Calculating settings for 91 simulations.\n", "0, 25, 50, 75, Calculating settings for 115 simulations.\n", @@ -739,22 +735,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "[Parallel(n_jobs=8)]: Done 23 out of 23 | elapsed: 21.0min finished\n" + "[Parallel(n_jobs=8)]: Done 22 out of 22 | elapsed: 26.2min finished\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "Calculating settings for 112 simulations.\n", + "Calculating settings for 70 simulations.\n", + "0, 25, 50, Calculating settings for 118 simulations.\n", + "0, 25, 50, 75, 100, Calculating settings for 109 simulations.\n", + "0, 25, 50, 75, 100, Calculating settings for 112 simulations.\n", "0, 25, 50, 75, 100, Calculating settings for 93 simulations.\n", - "0, 25, 50, 75, Calculating settings for 109 simulations.\n", - "0, 25, 50, 75, 100, Calculating settings for 147 simulations.\n", - "0, 25, 50, 75, 100, 125, Calculating settings for 105 simulations.\n", - "0, 25, 50, 75, 100, Calculating settings for 95 simulations.\n", - "0, 25, 50, 75, Calculating settings for 70 simulations.\n", - "0, 25, 50, Calculating settings for 155 simulations.\n", - "0, 25, 50, 75, 100, 125, 150, Calculating settings for 134 simulations.\n", + "0, 25, 50, 75, Calculating settings for 95 simulations.\n", + "0, 25, 50, 75, Calculating settings for 97 simulations.\n", + "0, 25, 50, 75, Calculating settings for 105 simulations.\n", + "0, 25, 50, 75, 100, Calculating settings for 134 simulations.\n", "0, 25, 50, 75, 100, 125, Calculating settings for 126 simulations.\n", "0, 25, 50, 75, 100, 125, Calculating settings for 99 simulations.\n", "0, 25, 50, 75, Calculating settings for 141 simulations.\n", @@ -771,7 +767,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 68, "id": "958bc544-e98f-49b8-a983-9763506b916a", "metadata": {}, "outputs": [ @@ -779,8 +775,8 @@ "name": "stdout", "output_type": "stream", "text": [ - "23\n", - "23\n" + "22\n", + "22\n" ] } ], @@ -791,1236 +787,10 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 69, "id": "d26ea3c0-524b-4556-b9c0-8c64244c13b0", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "NDARINV1EECRFPM has oix center cix \\\n", - "0 0 [-59.6645, 48.8108, 65.4391] NaN \n", - "1 0 [-57.14508056640625, 48.943519592285156, 62.20... 166280.0 \n", - "2 0 [-56.566673278808594, 44.78573226928711, 64.92... 169021.0 \n", - "3 0 [-57.16236114501953, 46.82191467285156, 63.221... 167199.0 \n", - "4 0 [-56.64214324951172, 46.57911682128906, 64.068... 168133.0 \n", - "... ... ... ... \n", - "162157 161 [-63.86248779296875, 48.108909606933594, 50.14... 155731.0 \n", - "162158 161 [-62.770912170410156, 50.33123016357422, 51.04... 156603.0 \n", - "162159 161 [-61.93158721923828, 50.98860168457031, 52.269... 157478.0 \n", - "162160 161 [-63.70738983154297, 47.38672637939453, 51.106... 156591.0 \n", - "162161 161 [-61.50745391845703, 47.72914123535156, 55.422... 160082.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.3066, 0.5304, 0.7903], [0.6214, 0.7405, -... 0.000000 0.000000 \n", - "1 [[-0.3533399998179084, 0.5275280005724606, 0.7... -1.783079 2.478372 \n", - "2 [[-0.36327742461186485, 0.519009492950002, 0.7... 2.104476 2.520936 \n", - "3 [[-0.2753754495428369, 0.5741451699118195, 0.7... -2.972169 0.191529 \n", - "4 [[-0.29561989526232846, 0.5377645545817886, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "162157 [[0.3466580001169175, 0.34302495025738855, 0.8... 1.368470 1.713300 \n", - "162158 [[0.3117378731474612, 0.2941331363597761, 0.90... -2.114465 -1.682370 \n", - "162159 [[0.3567559712490657, 0.37537312049016247, 0.8... 1.253506 3.879072 \n", - "162160 [[0.29424838335297593, 0.2609651749978714, 0.9... -2.716497 -3.846848 \n", - "162161 [[0.375410808947153, 0.2768916921511343, 0.884... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.3066, 0.5304, 0.7903, -59.6645], [0.6214,... -59.6645 \n", - "1 1.448785 [[-0.3533399998179084, 0.5275280005724606, 0.7... -59.6645 \n", - "2 2.351961 [[-0.36327742461186485, 0.519009492950002, 0.7... -59.6645 \n", - "3 -3.267025 [[-0.2753754495428369, 0.5741451699118195, 0.7... -59.6645 \n", - "4 -0.716621 [[-0.29561989526232846, 0.5377645545817886, 0.... -59.6645 \n", - "... ... ... ... \n", - "162157 0.585902 [[0.3466580001169175, 0.34302495025738855, 0.8... -66.2734 \n", - "162158 2.258948 [[0.3117378731474612, 0.2941331363597761, 0.90... -66.2734 \n", - "162159 0.270795 [[0.3567559712490657, 0.37537312049016247, 0.8... -66.2734 \n", - "162160 3.095022 [[0.29424838335297593, 0.2609651749978714, 0.9... -66.2734 \n", - "162161 -1.794639 [[0.375410808947153, 0.2768916921511343, 0.884... -66.2734 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 48.8108 65.4391 0.000000 0.000811 0.026338 \n", - "1 48.8108 65.4391 4.098515 0.000040 0.001294 \n", - "2 48.8108 65.4391 5.104871 0.000008 0.000275 \n", - "3 48.8108 65.4391 3.890369 0.000026 0.000832 \n", - "4 48.8108 65.4391 3.999240 0.000104 0.003372 \n", - "... ... ... ... ... ... \n", - "162157 49.2815 53.3302 4.166928 0.000061 0.002002 \n", - "162158 49.2815 53.3302 4.314376 0.000029 0.000958 \n", - "162159 49.2815 53.3302 4.784443 0.000012 0.000398 \n", - "162160 49.2815 53.3302 3.888490 0.000010 0.000315 \n", - "162161 49.2815 53.3302 5.431717 0.000009 0.000307 \n", - "\n", - "[162162 rows x 14 columns]\n", - "NDARINV52XG9LJ3 has oix center cix \\\n", - "0 0 [-63.5883, 61.9171, 3.7192] NaN \n", - "1 0 [-60.67216491699219, 61.92171859741211, 1.2474... 147652.0 \n", - "2 0 [-61.22608947753906, 57.75939178466797, 4.9326... 151082.0 \n", - "3 0 [-61.59557342529297, 59.49550247192383, 1.9066... 148507.0 \n", - "4 0 [-60.571746826171875, 59.363624572753906, 4.38... 150226.0 \n", - "... ... ... ... \n", - "112107 111 [-58.85870361328125, 64.72299194335938, 2.0122... 148526.0 \n", - "112108 111 [-57.564056396484375, 66.67041778564453, 2.576... 149386.0 \n", - "112109 111 [-56.423397064208984, 67.8088150024414, 3.5719... 150264.0 \n", - "112110 111 [-58.899375915527344, 63.52437973022461, 3.184... 150245.0 \n", - "112111 111 [-56.22779083251953, 64.0632553100586, 7.75354... 153748.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.545, 0.1648, 0.8221], [0.7826, -0.4518, -0... 0.000000 0.000000 \n", - "1 [[0.536250734945414, 0.21381297826117826, 0.81... -1.783079 2.478372 \n", - "2 [[0.5268505428358888, 0.22212953380800204, 0.8... 2.104476 2.520936 \n", - "3 [[0.5904077521288172, 0.14440940299537294, 0.7... -2.972169 0.191529 \n", - "4 [[0.553384159031828, 0.15525780617940219, 0.81... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "112107 [[0.5588310099585257, 0.2173950251050807, 0.80... 1.368470 1.713300 \n", - "112108 [[0.5187350477493606, 0.17706520966977868, 0.8... -2.114465 -1.682370 \n", - "112109 [[0.573353518135063, 0.2470660568830527, 0.781... 1.253506 3.879072 \n", - "112110 [[0.49667410054042693, 0.14841546502987157, 0.... -2.716497 -3.846848 \n", - "112111 [[0.5723411559153463, 0.14593884625433529, 0.8... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.545, 0.1648, 0.8221, -63.5883], [0.7826, -... -63.5883 \n", - "1 1.448785 [[0.536250734945414, 0.21381297826117826, 0.81... -63.5883 \n", - "2 2.351961 [[0.5268505428358888, 0.22212953380800204, 0.8... -63.5883 \n", - "3 -3.267025 [[0.5904077521288172, 0.14440940299537294, 0.7... -63.5883 \n", - "4 -0.716621 [[0.553384159031828, 0.15525780617940219, 0.81... -63.5883 \n", - "... ... ... ... \n", - "112107 0.585902 [[0.5588310099585257, 0.2173950251050807, 0.80... -60.6377 \n", - "112108 2.258948 [[0.5187350477493606, 0.17706520966977868, 0.8... -60.6377 \n", - "112109 0.270795 [[0.573353518135063, 0.2470660568830527, 0.781... -60.6377 \n", - "112110 3.095022 [[0.49667410054042693, 0.14841546502987157, 0.... -60.6377 \n", - "112111 -1.794639 [[0.5723411559153463, 0.14593884625433529, 0.8... -60.6377 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 61.9171 3.7192 0.000000 0.000811 0.019783 \n", - "1 61.9171 3.7192 3.822761 0.000052 0.001277 \n", - "2 61.9171 3.7192 4.933466 0.000010 0.000256 \n", - "3 61.9171 3.7192 3.622223 0.000033 0.000804 \n", - "4 61.9171 3.7192 4.008129 0.000103 0.002511 \n", - "... ... ... ... ... ... \n", - "112107 66.2367 5.2371 3.981952 0.000074 0.002048 \n", - "112108 66.2367 5.2371 4.088542 0.000037 0.001030 \n", - "112109 66.2367 5.2371 4.796306 0.000012 0.000333 \n", - "112110 66.2367 5.2371 3.819977 0.000010 0.000286 \n", - "112111 66.2367 5.2371 5.523009 0.000008 0.000230 \n", - "\n", - "[112112 rows x 14 columns]\n", - "NDARINV6UU2L6YJ has oix center cix \\\n", - "0 0 [-55.0776, 64.0425, 38.4577] NaN \n", - "1 0 [-51.62065505981445, 63.898475646972656, 35.86... 157834.0 \n", - "2 0 [-52.13868713378906, 59.807777404785156, 38.95... 161149.0 \n", - "3 0 [-52.65003204345703, 61.29975891113281, 36.423... 158649.0 \n", - "4 0 [-51.94268798828125, 61.25259017944336, 37.914... 160304.0 \n", - "... ... ... ... \n", - "77072 76 [-59.0831298828125, 51.63714599609375, 34.2138... 156995.0 \n", - "77073 76 [-58.10251235961914, 53.0352783203125, 34.7768... 157793.0 \n", - "77074 76 [-57.1251335144043, 54.440921783447266, 35.213... 157797.0 \n", - "77075 76 [-59.17585372924805, 50.56381607055664, 34.884... 157781.0 \n", - "77076 76 [-56.277870178222656, 50.92948913574219, 38.81... 161113.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.6155, -0.0641, 0.7855], [-0.6334, 0.6334,... 0.000000 0.000000 \n", - "1 [[-0.6177643492423861, -0.11359319816105688, 0... -1.783079 2.478372 \n", - "2 [[-0.6107368280329457, -0.12396927831436007, 0... 2.104476 2.520936 \n", - "3 [[-0.6533841961354642, -0.032905690478316194, ... -2.972169 0.191529 \n", - "4 [[-0.6212703187992598, -0.052768728633816424, ... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "77072 [[-0.157883794719595, 0.5506867431300104, 0.81... 1.368470 1.713300 \n", - "77073 [[-0.13232495420336984, 0.4999644685853678, 0.... -2.114465 -1.682370 \n", - "77074 [[-0.181058848595379, 0.5731081716949935, 0.79... 1.253506 3.879072 \n", - "77075 [[-0.11191211694669904, 0.4705219161555717, 0.... -2.716497 -3.846848 \n", - "77076 [[-0.08635170678924034, 0.5457419419832339, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.6155, -0.0641, 0.7855, -55.0776], [-0.633... -55.0776 \n", - "1 1.448785 [[-0.6177643492423861, -0.11359319816105688, 0... -55.0776 \n", - "2 2.351961 [[-0.6107368280329457, -0.12396927831436007, 0... -55.0776 \n", - "3 -3.267025 [[-0.6533841961354642, -0.032905690478316194, ... -55.0776 \n", - "4 -0.716621 [[-0.6212703187992598, -0.052768728633816424, ... -55.0776 \n", - "... ... ... ... \n", - "77072 0.585902 [[-0.157883794719595, 0.5506867431300104, 0.81... -61.4136 \n", - "77073 2.258948 [[-0.13232495420336984, 0.4999644685853678, 0.... -61.4136 \n", - "77074 0.270795 [[-0.181058848595379, 0.5731081716949935, 0.79... -61.4136 \n", - "77075 3.095022 [[-0.11191211694669904, 0.4705219161555717, 0.... -61.4136 \n", - "77076 -1.794639 [[-0.08635170678924034, 0.5457419419832339, 0.... -61.4136 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 64.0425 38.4577 0.000000 0.000811 0.033436 \n", - "1 64.0425 38.4577 4.325256 0.000031 0.001294 \n", - "2 64.0425 38.4577 5.178197 0.000008 0.000317 \n", - "3 64.0425 38.4577 4.189656 0.000019 0.000780 \n", - "4 64.0425 38.4577 4.231616 0.000082 0.003371 \n", - "... ... ... ... ... ... \n", - "77072 52.9104 37.3364 4.099077 0.000066 0.002363 \n", - "77073 52.9104 37.3364 4.186888 0.000034 0.001208 \n", - "77074 52.9104 37.3364 5.024041 0.000009 0.000327 \n", - "77075 52.9104 37.3364 4.065275 0.000008 0.000291 \n", - "77076 52.9104 37.3364 5.698414 0.000006 0.000233 \n", - "\n", - "[77077 rows x 14 columns]\n", - "NDARINV7BTZH7L2 has oix center cix \\\n", - "0 0 [-63.0557, 53.8226, 21.3594] NaN \n", - "1 0 [-59.84674835205078, 53.14579391479492, 18.619... 167946.0 \n", - "2 0 [-60.436912536621094, 49.138160705566406, 22.3... 170449.0 \n", - "3 0 [-60.70621871948242, 51.257362365722656, 19.41... 168784.0 \n", - "4 0 [-60.480224609375, 50.29388427734375, 20.93957... 169618.0 \n", - "... ... ... ... \n", - "70065 69 [-58.189735412597656, 56.56522750854492, 16.97... 166287.0 \n", - "70066 69 [-56.808929443359375, 57.53749465942383, 18.26... 167133.0 \n", - "70067 69 [-55.68553161621094, 58.241905212402344, 19.52... 168814.0 \n", - "70068 69 [-58.18131637573242, 55.32769012451172, 18.901... 167955.0 \n", - "70069 69 [-55.91937255859375, 55.66120910644531, 23.124... 171338.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.6185, 0.151, 0.7711], [-0.4874, 0.696, -0... 0.000000 0.000000 \n", - "1 [[-0.6308993773662435, 0.10251049028525937, 0.... -1.783079 2.478372 \n", - "2 [[-0.6261788856924314, 0.09142324171814305, 0.... 2.104476 2.520936 \n", - "3 [[-0.6490221279303334, 0.18583118031034496, 0.... -2.972169 0.191529 \n", - "4 [[-0.6217941568831757, 0.1627862364572067, 0.7... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "70065 [[0.5765878865319104, 0.29687695741385295, 0.7... 1.368470 1.713300 \n", - "70066 [[0.5514589004038934, 0.24576598108293202, 0.7... -2.114465 -1.682370 \n", - "70067 [[0.5814491235901537, 0.3303430630883094, 0.74... 1.253506 3.879072 \n", - "70068 [[0.5390404864381221, 0.21146430135213481, 0.8... -2.716497 -3.846848 \n", - "70069 [[0.6073053546852648, 0.23063049300283786, 0.7... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.6185, 0.151, 0.7711, -63.0557], [-0.4874,... -63.0557 \n", - "1 1.448785 [[-0.6308993773662435, 0.10251049028525937, 0.... -63.0557 \n", - "2 2.351961 [[-0.6261788856924314, 0.09142324171814305, 0.... -63.0557 \n", - "3 -3.267025 [[-0.6490221279303334, 0.18583118031034496, 0.... -63.0557 \n", - "4 -0.716621 [[-0.6217941568831757, 0.1627862364572067, 0.7... -63.0557 \n", - "... ... ... ... \n", - "70065 0.585902 [[0.5765878865319104, 0.29687695741385295, 0.7... -60.3060 \n", - "70066 2.258948 [[0.5514589004038934, 0.24576598108293202, 0.7... -60.3060 \n", - "70067 0.270795 [[0.5814491235901537, 0.3303430630883094, 0.74... -60.3060 \n", - "70068 3.095022 [[0.5390404864381221, 0.21146430135213481, 0.8... -60.3060 \n", - "70069 -1.794639 [[0.6073053546852648, 0.23063049300283786, 0.7... -60.3060 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 53.8226 21.3594 0.000000 0.000811 0.032268 \n", - "1 53.8226 21.3594 4.273715 0.000033 0.001320 \n", - "2 53.8226 21.3594 5.466067 0.000005 0.000209 \n", - "3 53.8226 21.3594 3.986222 0.000023 0.000927 \n", - "4 53.8226 21.3594 4.388754 0.000069 0.002746 \n", - "... ... ... ... ... ... \n", - "70065 58.2920 20.6210 4.551915 0.000040 0.001525 \n", - "70066 58.2920 20.6210 4.282756 0.000030 0.001149 \n", - "70067 58.2920 20.6210 4.750083 0.000013 0.000481 \n", - "70068 58.2920 20.6210 4.031959 0.000008 0.000317 \n", - "70069 58.2920 20.6210 5.694872 0.000007 0.000247 \n", - "\n", - "[70070 rows x 14 columns]\n", - "NDARINV7TV9UT40 has oix center cix \\\n", - "0 0 [-58.0803, 61.342, 39.4377] NaN \n", - "1 0 [-55.47929382324219, 60.90793228149414, 36.597... 171334.0 \n", - "2 0 [-55.66157913208008, 57.22248840332031, 40.140... 173940.0 \n", - "3 0 [-56.1126594543457, 58.54913330078125, 37.8451... 172194.0 \n", - "4 0 [-55.352291107177734, 58.359291076660156, 39.5... 173948.0 \n", - "... ... ... ... \n", - "126121 125 [-66.78866577148438, 36.716617584228516, 35.26... 170380.0 \n", - "126122 125 [-65.54777526855469, 38.49137496948242, 36.289... 170385.0 \n", - "126123 125 [-64.92562103271484, 39.184288024902344, 37.36... 172124.0 \n", - "126124 125 [-66.87403106689453, 35.563629150390625, 36.07... 171239.0 \n", - "126125 125 [-64.1861343383789, 36.47634506225586, 40.5339... 174753.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.3437, -0.4798, 0.8073], [-0.8995, -0.0787... 0.000000 0.000000 \n", - "1 [[-0.30788657256979457, -0.5141705703082757, 0... -1.783079 2.478372 \n", - "2 [[-0.2953899720171969, -0.5155234968628002, 0.... 2.104476 2.520936 \n", - "3 [[-0.39248106780972, -0.4889772742674574, 0.77... -2.972169 0.191529 \n", - "4 [[-0.35609180372981153, -0.47686403064992333, ... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "126121 [[-0.3266995223086558, 0.412275518560226, 0.85... 1.368470 1.713300 \n", - "126122 [[-0.2811228813540938, 0.37510375414230107, 0.... -2.114465 -1.682370 \n", - "126123 [[-0.3579107242099534, 0.42403687903193904, 0.... 1.253506 3.879072 \n", - "126124 [[-0.2496520457554663, 0.355841419410058, 0.90... -2.716497 -3.846848 \n", - "126125 [[-0.2586799468872813, 0.436299783589858, 0.86... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.3437, -0.4798, 0.8073, -58.0803], [-0.899... -58.0803 \n", - "1 1.448785 [[-0.30788657256979457, -0.5141705703082757, 0... -58.0803 \n", - "2 2.351961 [[-0.2953899720171969, -0.5155234968628002, 0.... -58.0803 \n", - "3 -3.267025 [[-0.39248106780972, -0.4889772742674574, 0.77... -58.0803 \n", - "4 -0.716621 [[-0.35609180372981153, -0.47686403064992333, ... -58.0803 \n", - "... ... ... ... \n", - "126121 0.585902 [[-0.3266995223086558, 0.412275518560226, 0.85... -68.7378 \n", - "126122 2.258948 [[-0.2811228813540938, 0.37510375414230107, 0.... -68.7378 \n", - "126123 0.270795 [[-0.3579107242099534, 0.42403687903193904, 0.... -68.7378 \n", - "126124 3.095022 [[-0.2496520457554663, 0.355841419410058, 0.90... -68.7378 \n", - "126125 -1.794639 [[-0.2586799468872813, 0.436299783589858, 0.86... -68.7378 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 61.3420 39.4377 0.000000 0.000811 0.022192 \n", - "1 61.3420 39.4377 3.875486 0.000050 0.001362 \n", - "2 61.3420 39.4377 4.828470 0.000012 0.000326 \n", - "3 61.3420 39.4377 3.769326 0.000029 0.000787 \n", - "4 61.3420 39.4377 4.044686 0.000099 0.002715 \n", - "... ... ... ... ... ... \n", - "126121 37.5544 38.0272 3.480924 0.000118 0.002311 \n", - "126122 37.5544 38.0272 3.751441 0.000052 0.001013 \n", - "126123 37.5544 38.0272 4.198162 0.000024 0.000461 \n", - "126124 37.5544 38.0272 3.356375 0.000016 0.000306 \n", - "126125 37.5544 38.0272 5.306938 0.000011 0.000218 \n", - "\n", - "[126126 rows x 14 columns]\n", - "NDARINV85UUUHN0 has oix center cix \\\n", - "0 0 [-64.7563, 54.4609, 16.8148] NaN \n", - "1 0 [-61.080135345458984, 55.149417877197266, 14.6... 157209.0 \n", - "2 0 [-61.16949462890625, 50.63739776611328, 17.642... 159857.0 \n", - "3 0 [-61.84938430786133, 51.7058219909668, 15.0052... 157195.0 \n", - "4 0 [-60.846656799316406, 52.33299255371094, 17.19... 159864.0 \n", - "... ... ... ... \n", - "147142 146 [-64.6067123413086, 49.79582595825195, 9.77850... 152791.0 \n", - "147143 146 [-63.53483200073242, 51.79081344604492, 10.690... 153657.0 \n", - "147144 146 [-62.550960540771484, 52.912513732910156, 12.0... 154553.0 \n", - "147145 146 [-64.73201751708984, 48.54029083251953, 10.565... 153643.0 \n", - "147146 146 [-62.23527145385742, 49.650596618652344, 15.70... 158075.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.4196, 0.1431, 0.8964], [0.7421, -0.6227, -... 0.000000 0.000000 \n", - "1 [[0.42149497280278697, 0.19212867915771206, 0.... -1.783079 2.478372 \n", - "2 [[0.41334820167285086, 0.20231848846120884, 0.... 2.104476 2.520936 \n", - "3 [[0.46430893685683267, 0.11237202586789272, 0.... -2.972169 0.191529 \n", - "4 [[0.42650585405620095, 0.13190376137316798, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "147142 [[-0.12428718949818815, 0.4533480472889929, 0.... 1.368470 1.713300 \n", - "147143 [[-0.09968699388021522, 0.3979244285340061, 0.... -2.114465 -1.682370 \n", - "147144 [[-0.14711467944771617, 0.4787257394470334, 0.... 1.253506 3.879072 \n", - "147145 [[-0.07986606125566408, 0.36578386256855683, 0... -2.716497 -3.846848 \n", - "147146 [[-0.05269844198298061, 0.44466311402221, 0.89... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.4196, 0.1431, 0.8964, -64.7563], [0.7421, ... -64.7563 \n", - "1 1.448785 [[0.42149497280278697, 0.19212867915771206, 0.... -64.7563 \n", - "2 2.351961 [[0.41334820167285086, 0.20231848846120884, 0.... -64.7563 \n", - "3 -3.267025 [[0.46430893685683267, 0.11237202586789272, 0.... -64.7563 \n", - "4 -0.716621 [[0.42650585405620095, 0.13190376137316798, 0.... -64.7563 \n", - "... ... ... ... \n", - "147142 0.585902 [[-0.12428718949818815, 0.4533480472889929, 0.... -67.1768 \n", - "147143 2.258948 [[-0.09968699388021522, 0.3979244285340061, 0.... -67.1768 \n", - "147144 0.270795 [[-0.14711467944771617, 0.4787257394470334, 0.... -67.1768 \n", - "147145 3.095022 [[-0.07986606125566408, 0.36578386256855683, 0... -67.1768 \n", - "147146 -1.794639 [[-0.05269844198298061, 0.44466311402221, 0.89... -67.1768 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 54.4609 16.8148 0.000000 0.000811 0.034840 \n", - "1 54.4609 16.8148 4.312286 0.000032 0.001367 \n", - "2 54.4609 16.8148 5.307518 0.000006 0.000279 \n", - "3 54.4609 16.8148 4.394897 0.000015 0.000652 \n", - "4 54.4609 16.8148 4.467775 0.000063 0.002717 \n", - "... ... ... ... ... ... \n", - "147142 51.0136 12.6453 4.038172 0.000070 0.002246 \n", - "147143 51.0136 12.6453 4.205648 0.000033 0.001058 \n", - "147144 51.0136 12.6453 5.036235 0.000009 0.000288 \n", - "147145 51.0136 12.6453 4.051889 0.000008 0.000264 \n", - "147146 51.0136 12.6453 5.967929 0.000004 0.000141 \n", - "\n", - "[147147 rows x 14 columns]\n", - "NDARINVC25XBH2T has oix center cix \\\n", - "0 0 [-56.881, 69.399, 56.59] NaN \n", - "1 0 [-53.542659759521484, 68.90642547607422, 54.27... 167122.0 \n", - "2 0 [-53.565738677978516, 65.10769653320312, 57.26... 169694.0 \n", - "3 0 [-54.278900146484375, 66.73150634765625, 54.82... 167111.0 \n", - "4 0 [-53.430747985839844, 67.00933837890625, 56.17... 168838.0 \n", - "... ... ... ... \n", - "97092 96 [-57.41849136352539, 75.71595001220703, 23.749... 142843.0 \n", - "97093 96 [-56.391971588134766, 77.07243347167969, 25.18... 143581.0 \n", - "97094 96 [-55.76744079589844, 77.78033447265625, 26.159... 144330.0 \n", - "97095 96 [-57.92708969116211, 74.55653381347656, 25.181... 143571.0 \n", - "97096 96 [-56.519859313964844, 75.43577575683594, 30.09... 147248.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.3495, -0.4319, 0.83145], [-0.15903, -0.901... 0.000000 0.000000 \n", - "1 [[0.392463062363972, -0.40700744310178283, 0.8... -1.783079 2.478372 \n", - "2 [[0.3970753147938418, -0.3952170585517391, 0.8... 2.104476 2.520936 \n", - "3 [[0.3457125265246914, -0.4823174222283325, 0.8... -2.972169 0.191529 \n", - "4 [[0.3433888791086352, -0.4431536983224783, 0.8... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "97092 [[-0.2861082944015352, 0.4508279440407697, 0.8... 1.368470 1.713300 \n", - "97093 [[-0.22351179018104197, 0.44190727710467986, 0... -2.114465 -1.682370 \n", - "97094 [[-0.3224618548726622, 0.4455505980236814, 0.8... 1.253506 3.879072 \n", - "97095 [[-0.1840716570517379, 0.44022921534105924, 0.... -2.716497 -3.846848 \n", - "97096 [[-0.23352764829534217, 0.5001475470216799, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.3495, -0.4319, 0.83145, -56.881], [-0.1590... -56.8810 \n", - "1 1.448785 [[0.392463062363972, -0.40700744310178283, 0.8... -56.8810 \n", - "2 2.351961 [[0.3970753147938418, -0.3952170585517391, 0.8... -56.8810 \n", - "3 -3.267025 [[0.3457125265246914, -0.4823174222283325, 0.8... -56.8810 \n", - "4 -0.716621 [[0.3433888791086352, -0.4431536983224783, 0.8... -56.8810 \n", - "... ... ... ... \n", - "97092 0.585902 [[-0.2861082944015352, 0.4508279440407697, 0.8... -60.6004 \n", - "97093 2.258948 [[-0.22351179018104197, 0.44190727710467986, 0... -60.6004 \n", - "97094 0.270795 [[-0.3224618548726622, 0.4455505980236814, 0.8... -60.6004 \n", - "97095 3.095022 [[-0.1840716570517379, 0.44022921534105924, 0.... -60.6004 \n", - "97096 -1.794639 [[-0.23352764829534217, 0.5001475470216799, 0.... -60.6004 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 69.3990 56.5900 0.000000 0.000811 0.030796 \n", - "1 69.3990 56.5900 4.092068 0.000040 0.001523 \n", - "2 69.3990 56.5900 5.465001 0.000005 0.000200 \n", - "3 69.3990 56.5900 4.124640 0.000020 0.000769 \n", - "4 69.3990 56.5900 4.217595 0.000083 0.003151 \n", - "... ... ... ... ... ... \n", - "97092 77.5748 26.1769 4.412707 0.000047 0.002034 \n", - "97093 77.5748 26.1769 4.353346 0.000028 0.001215 \n", - "97094 77.5748 26.1769 4.837359 0.000011 0.000494 \n", - "97095 77.5748 26.1769 4.153024 0.000007 0.000320 \n", - "97096 77.5748 26.1769 6.049989 0.000004 0.000167 \n", - "\n", - "[97097 rows x 14 columns]\n", - "NDARINVCVZ70012 has oix center cix \\\n", - "0 0 [-57.826, 39.808, 36.005] NaN \n", - "1 0 [-55.69038391113281, 40.2592658996582, 33.4487... 169838.0 \n", - "2 0 [-55.22361373901367, 35.988059997558594, 36.75... 173333.0 \n", - "3 0 [-55.79140090942383, 38.05485153198242, 34.423... 170698.0 \n", - "4 0 [-55.16109085083008, 37.49332046508789, 35.967... 172443.0 \n", - "... ... ... ... \n", - "134129 133 [-54.12907409667969, 49.31024932861328, 27.793... 164725.0 \n", - "134130 133 [-52.69438934326172, 50.91455841064453, 29.363... 166436.0 \n", - "134131 133 [-51.70750427246094, 52.01993942260742, 30.187... 167313.0 \n", - "134132 133 [-54.09624481201172, 48.05234146118164, 29.464... 166424.0 \n", - "134133 133 [-52.26604080200195, 48.5004997253418, 33.4312... 170742.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.29639, 0.53643, 0.79019], [0.9363, 5.7332e... 0.000000 0.000000 \n", - "1 [[0.263105694696183, 0.5715579473780054, 0.777... -1.783079 2.478372 \n", - "2 [[0.25040927052026185, 0.5737956025631156, 0.7... 2.104476 2.520936 \n", - "3 [[0.3478475076658886, 0.5408618121008569, 0.76... -2.972169 0.191529 \n", - "4 [[0.30888453213135436, 0.5326393112242191, 0.7... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "134129 [[-0.08638200636800317, -0.6177342646929319, 0... 1.368470 1.713300 \n", - "134130 [[-0.09602699918678811, -0.5635513443909606, 0... -2.114465 -1.682370 \n", - "134131 [[-0.07065055549099344, -0.6454021385833969, 0... 1.253506 3.879072 \n", - "134132 [[-0.10677016775098043, -0.530142313056943, 0.... -2.716497 -3.846848 \n", - "134133 [[-0.1529977333381777, -0.589973281021218, 0.7... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.29639, 0.53643, 0.79019, -57.826], [0.9363... -57.8260 \n", - "1 1.448785 [[0.263105694696183, 0.5715579473780054, 0.777... -57.8260 \n", - "2 2.351961 [[0.25040927052026185, 0.5737956025631156, 0.7... -57.8260 \n", - "3 -3.267025 [[0.3478475076658886, 0.5408618121008569, 0.76... -57.8260 \n", - "4 -0.716621 [[0.30888453213135436, 0.5326393112242191, 0.7... -57.8260 \n", - "... ... ... ... \n", - "134129 0.585902 [[-0.08638200636800317, -0.6177342646929319, 0... -55.9106 \n", - "134130 2.258948 [[-0.09602699918678811, -0.5635513443909606, 0... -55.9106 \n", - "134131 0.270795 [[-0.07065055549099344, -0.6454021385833969, 0... -55.9106 \n", - "134132 3.095022 [[-0.10677016775098043, -0.530142313056943, 0.... -55.9106 \n", - "134133 -1.794639 [[-0.1529977333381777, -0.589973281021218, 0.7... -55.9106 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 39.8080 36.0050 0.000000 0.000811 0.013201 \n", - "1 39.8080 36.0050 3.361362 0.000079 0.001290 \n", - "2 39.8080 36.0050 4.682486 0.000014 0.000231 \n", - "3 39.8080 36.0050 3.116826 0.000050 0.000821 \n", - "4 39.8080 36.0050 3.529997 0.000161 0.002629 \n", - "... ... ... ... ... ... \n", - "134129 50.5288 31.1566 3.996305 0.000073 0.001484 \n", - "134130 50.5288 31.1566 3.702630 0.000054 0.001102 \n", - "134131 50.5288 31.1566 4.563816 0.000016 0.000321 \n", - "134132 50.5288 31.1566 3.505613 0.000014 0.000280 \n", - "134133 50.5288 31.1566 4.750883 0.000022 0.000455 \n", - "\n", - "[134134 rows x 14 columns]\n", - "NDARINVD5FWJDCY has oix center cix \\\n", - "0 0 [-69.951, 46.446, 48.594] NaN \n", - "1 0 [-66.21532440185547, 46.579002380371094, 46.63... 161644.0 \n", - "2 0 [-66.88736724853516, 42.231266021728516, 48.95... 164110.0 \n", - "3 0 [-66.80896759033203, 44.382110595703125, 47.10... 162469.0 \n", - "4 0 [-66.4138412475586, 44.07982635498047, 48.3773... 163302.0 \n", - "... ... ... ... \n", - "155150 154 [-61.922428131103516, 45.11355972290039, 56.78... 170907.0 \n", - "155151 154 [-61.07673645019531, 46.34739685058594, 57.503... 171765.0 \n", - "155152 154 [-60.10601806640625, 47.6866455078125, 58.1515... 171768.0 \n", - "155153 154 [-62.079708099365234, 43.44512939453125, 57.48... 171754.0 \n", - "155154 154 [-59.152217864990234, 43.82108688354492, 61.86... 175272.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.32583, 0.31013, 0.89312], [0.08315, 0.950... 0.000000 0.000000 \n", - "1 [[-0.36758494047760476, 0.2834526294810643, 0.... -1.783079 2.478372 \n", - "2 [[-0.37129591936059203, 0.27106392581581185, 0... 2.104476 2.520936 \n", - "3 [[-0.32650242440163024, 0.363403235631775, 0.8... -2.972169 0.191529 \n", - "4 [[-0.32058617174101767, 0.3220674709400002, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "155150 [[-0.3006044927998944, 0.5003432147742644, 0.8... 1.368470 1.713300 \n", - "155151 [[-0.2680637924428256, 0.45470250078058305, 0.... -2.114465 -1.682370 \n", - "155152 [[-0.3264082875899449, 0.518386180227395, 0.79... 1.253506 3.879072 \n", - "155153 [[-0.24361512447354614, 0.42926366563442286, 0... -2.716497 -3.846848 \n", - "155154 [[-0.23023764461466031, 0.5085055945893865, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.32583, 0.31013, 0.89312, -69.951], [0.083... -69.9510 \n", - "1 1.448785 [[-0.36758494047760476, 0.2834526294810643, 0.... -69.9510 \n", - "2 2.351961 [[-0.37129591936059203, 0.27106392581581185, 0... -69.9510 \n", - "3 -3.267025 [[-0.32650242440163024, 0.363403235631775, 0.8... -69.9510 \n", - "4 -0.716621 [[-0.32058617174101767, 0.3220674709400002, 0.... -69.9510 \n", - "... ... ... ... \n", - "155150 0.585902 [[-0.3006044927998944, 0.5003432147742644, 0.8... -63.7718 \n", - "155151 2.258948 [[-0.2680637924428256, 0.45470250078058305, 0.... -63.7718 \n", - "155152 0.270795 [[-0.3264082875899449, 0.518386180227395, 0.79... -63.7718 \n", - "155153 3.095022 [[-0.24361512447354614, 0.42926366563442286, 0... -63.7718 \n", - "155154 -1.794639 [[-0.23023764461466031, 0.5085055945893865, 0.... -63.7718 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 46.4460 48.5940 0.000000 0.000811 0.033434 \n", - "1 46.4460 48.5940 4.222220 0.000035 0.001444 \n", - "2 46.4460 48.5940 5.223318 0.000007 0.000299 \n", - "3 46.4460 48.5940 4.044120 0.000022 0.000906 \n", - "4 46.4460 48.5940 4.261127 0.000079 0.003267 \n", - "... ... ... ... ... ... \n", - "155150 45.7088 59.7513 3.544971 0.000112 0.002380 \n", - "155151 45.7088 59.7513 3.567008 0.000061 0.001306 \n", - "155152 45.7088 59.7513 4.461944 0.000018 0.000378 \n", - "155153 45.7088 59.7513 3.620709 0.000012 0.000265 \n", - "155154 45.7088 59.7513 5.418165 0.000010 0.000204 \n", - "\n", - "[155155 rows x 14 columns]\n", - "NDARINVFPFM6B57 has oix center cix \\\n", - "0 0 [-63.3921, 43.7904, 42.5867] NaN \n", - "1 0 [-60.275978088378906, 44.0895881652832, 39.922... 153809.0 \n", - "2 0 [-60.837059020996094, 39.856441497802734, 43.2... 156298.0 \n", - "3 0 [-61.476009368896484, 41.29152297973633, 40.64... 153796.0 \n", - "4 0 [-60.67450714111328, 41.25227737426758, 42.687... 155458.0 \n", - "... ... ... ... \n", - "91086 90 [-61.646766662597656, 39.23716354370117, 42.33... 155452.0 \n", - "91087 90 [-60.56926345825195, 40.77375030517578, 43.186... 156302.0 \n", - "91088 90 [-59.128841400146484, 41.76068115234375, 44.87... 157123.0 \n", - "91089 90 [-61.72475051879883, 37.82756042480469, 43.391... 156289.0 \n", - "91090 90 [-59.00542449951172, 38.90346145629883, 47.663... 159627.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.5266, -0.2755, 0.8043], [-0.8411, 0.3061,... 0.000000 0.000000 \n", - "1 [[-0.5087870816944573, -0.32195961319675775, 0... -1.783079 2.478372 \n", - "2 [[-0.49811625294006606, -0.3284563285528077, 0... 2.104476 2.520936 \n", - "3 [[-0.5742409427864789, -0.26341278531659246, 0... -2.972169 0.191529 \n", - "4 [[-0.536503206152998, -0.26761336979248557, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "91086 [[0.15307405011563735, -0.5921086915855766, 0.... 1.368470 1.713300 \n", - "91087 [[0.12090366630596532, -0.5463743039025131, 0.... -2.114465 -1.682370 \n", - "91088 [[0.1793822416332585, -0.6110244242606514, 0.7... 1.253506 3.879072 \n", - "91089 [[0.0967907489270915, -0.5201758682016285, 0.8... -2.716497 -3.846848 \n", - "91090 [[0.08064607504985884, -0.5941347466340986, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.5266, -0.2755, 0.8043, -63.3921], [-0.841... -63.3921 \n", - "1 1.448785 [[-0.5087870816944573, -0.32195961319675775, 0... -63.3921 \n", - "2 2.351961 [[-0.49811625294006606, -0.3284563285528077, 0... -63.3921 \n", - "3 -3.267025 [[-0.5742409427864789, -0.26341278531659246, 0... -63.3921 \n", - "4 -0.716621 [[-0.536503206152998, -0.26761336979248557, 0.... -63.3921 \n", - "... ... ... ... \n", - "91086 0.585902 [[0.15307405011563735, -0.5921086915855766, 0.... -63.3526 \n", - "91087 2.258948 [[0.12090366630596532, -0.5463743039025131, 0.... -63.3526 \n", - "91088 0.270795 [[0.1793822416332585, -0.6110244242606514, 0.7... -63.3526 \n", - "91089 3.095022 [[0.0967907489270915, -0.5201758682016285, 0.8... -63.3526 \n", - "91090 -1.794639 [[0.08064607504985884, -0.5941347466340986, 0.... -63.3526 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 43.7904 42.5867 0.000000 0.000811 0.020002 \n", - "1 43.7904 42.5867 4.110957 0.000039 0.000970 \n", - "2 43.7904 42.5867 4.743391 0.000013 0.000326 \n", - "3 43.7904 42.5867 3.701295 0.000031 0.000756 \n", - "4 43.7904 42.5867 3.719893 0.000136 0.003353 \n", - "... ... ... ... ... ... \n", - "91086 40.4355 45.6094 3.883053 0.000082 0.002090 \n", - "91087 40.4355 45.6094 3.705717 0.000054 0.001384 \n", - "91088 40.4355 45.6094 4.487447 0.000017 0.000441 \n", - "91089 40.4355 45.6094 3.790775 0.000011 0.000272 \n", - "91090 40.4355 45.6094 5.046423 0.000016 0.000399 \n", - "\n", - "[91091 rows x 14 columns]\n", - "NDARINVG8VWC1TN has oix center cix \\\n", - "0 0 [-62.3431, 61.3864, 27.9895] NaN \n", - "1 0 [-58.773155212402344, 60.907649993896484, 27.1... 132012.0 \n", - "2 0 [-60.58707046508789, 56.51607894897461, 30.078... 134432.0 \n", - "3 0 [-59.63804626464844, 58.708824157714844, 26.60... 132001.0 \n", - "4 0 [-59.013465881347656, 58.95311737060547, 29.44... 134437.0 \n", - "... ... ... ... \n", - "118113 117 [-59.3734130859375, 58.43128967285156, 28.4436... 133610.0 \n", - "118114 117 [-58.32990646362305, 60.715877532958984, 30.30... 135259.0 \n", - "118115 117 [-57.80036926269531, 61.74820327758789, 30.721... 136091.0 \n", - "118116 117 [-60.520816802978516, 56.80813980102539, 29.50... 135244.0 \n", - "118117 117 [-58.008941650390625, 58.77994155883789, 35.11... 139393.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.4005, 0.1652, 0.9013], [-0.5914, 0.7047, ... 0.000000 0.000000 \n", - "1 [[-0.41394696729377467, 0.11696591929696208, 0... -1.783079 2.478372 \n", - "2 [[-0.4082690670781122, 0.10579535394119649, 0.... 2.104476 2.520936 \n", - "3 [[-0.43780361004015383, 0.2005764840591358, 0.... -2.972169 0.191529 \n", - "4 [[-0.4047407871362903, 0.17704077876308708, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "118113 [[-0.4377833828766056, -0.027900258485515382, ... 1.368470 1.713300 \n", - "118114 [[-0.3890629570606774, 0.012844941365824434, 0... -2.114465 -1.682370 \n", - "118115 [[-0.4576925134044394, -0.05837981662694773, 0... 1.253506 3.879072 \n", - "118116 [[-0.3618882149273739, 0.04143295047194588, 0.... -2.716497 -3.846848 \n", - "118117 [[-0.44389845837898156, 0.04477747454834076, 0... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.4005, 0.1652, 0.9013, -62.3431], [-0.5914... -62.3431 \n", - "1 1.448785 [[-0.41394696729377467, 0.11696591929696208, 0... -62.3431 \n", - "2 2.351961 [[-0.4082690670781122, 0.10579535394119649, 0.... -62.3431 \n", - "3 -3.267025 [[-0.43780361004015383, 0.2005764840591358, 0.... -62.3431 \n", - "4 -0.716621 [[-0.4047407871362903, 0.17704077876308708, 0.... -62.3431 \n", - "... ... ... ... \n", - "118113 0.585902 [[-0.4377833828766056, -0.027900258485515382, ... -62.4050 \n", - "118114 2.258948 [[-0.3890629570606774, 0.012844941365824434, 0... -62.4050 \n", - "118115 0.270795 [[-0.4576925134044394, -0.05837981662694773, 0... -62.4050 \n", - "118116 3.095022 [[-0.3618882149273739, 0.04143295047194588, 0.... -62.4050 \n", - "118117 -1.794639 [[-0.44389845837898156, 0.04477747454834076, 0... -62.4050 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 61.3864 27.9895 0.000000 0.000811 0.026038 \n", - "1 61.3864 27.9895 3.688403 0.000059 0.001907 \n", - "2 61.3864 27.9895 5.582796 0.000004 0.000143 \n", - "3 61.3864 27.9895 4.051419 0.000022 0.000701 \n", - "4 61.3864 27.9895 4.374285 0.000070 0.002252 \n", - "... ... ... ... ... ... \n", - "118113 60.1030 31.6390 4.711174 0.000033 0.001379 \n", - "118114 60.1030 31.6390 4.330482 0.000029 0.001187 \n", - "118115 60.1030 31.6390 4.975116 0.000010 0.000398 \n", - "118116 60.1030 31.6390 4.354288 0.000006 0.000246 \n", - "118117 60.1030 31.6390 5.758729 0.000006 0.000245 \n", - "\n", - "[118118 rows x 14 columns]\n", - "NDARINVGH5DHURH has oix center cix \\\n", - "0 0 [-59.1245, 62.5945, 3.7624] NaN \n", - "1 0 [-55.98100662231445, 62.031524658203125, 1.300... 142812.0 \n", - "2 0 [-56.297332763671875, 58.30006790161133, 4.875... 145203.0 \n", - "3 0 [-56.76666259765625, 60.04454803466797, 1.9725... 142801.0 \n", - "4 0 [-56.12310791015625, 59.57132339477539, 3.7107... 144397.0 \n", - "... ... ... ... \n", - "105100 104 [-54.35078811645508, 41.61690902709961, 19.584... 158905.0 \n", - "105101 104 [-52.30815887451172, 43.972591400146484, 21.28... 159786.0 \n", - "105102 104 [-52.06658172607422, 44.2878303527832, 21.5949... 160710.0 \n", - "105103 104 [-53.8953742980957, 40.11646270751953, 20.7244... 158897.0 \n", - "105104 104 [-50.957523345947266, 41.64773178100586, 23.83... 162537.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.2158, -0.5306, 0.8197], [-0.8508, -0.3097... 0.000000 0.000000 \n", - "1 [[-0.1725603489328664, -0.555161201182169, 0.8... -1.783079 2.478372 \n", - "2 [[-0.1601280577442379, -0.5532789863440024, 0.... 2.104476 2.520936 \n", - "3 [[-0.2607097478469875, -0.5522681027561849, 0.... -2.972169 0.191529 \n", - "4 [[-0.22852412203626504, -0.5309185744046262, 0... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "105100 [[0.6528653841843514, -0.2712315538610663, 0.7... 1.368470 1.713300 \n", - "105101 [[0.6077411666646503, -0.25154079727460676, 0.... -2.114465 -1.682370 \n", - "105102 [[0.680275607008729, -0.2718109172859487, 0.68... 1.253506 3.879072 \n", - "105103 [[0.5772872903732786, -0.2440033805845026, 0.7... -2.716497 -3.846848 \n", - "105104 [[0.6019720899279388, -0.31685947613222937, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.2158, -0.5306, 0.8197, -59.1245], [-0.850... -59.1245 \n", - "1 1.448785 [[-0.1725603489328664, -0.555161201182169, 0.8... -59.1245 \n", - "2 2.351961 [[-0.1601280577442379, -0.5532789863440024, 0.... -59.1245 \n", - "3 -3.267025 [[-0.2607097478469875, -0.5522681027561849, 0.... -59.1245 \n", - "4 -0.716621 [[-0.22852412203626504, -0.5309185744046262, 0... -59.1245 \n", - "... ... ... ... \n", - "105100 0.585902 [[0.6528653841843514, -0.2712315538610663, 0.7... -55.7623 \n", - "105101 2.258948 [[0.6077411666646503, -0.25154079727460676, 0.... -55.7623 \n", - "105102 0.270795 [[0.680275607008729, -0.2718109172859487, 0.68... -55.7623 \n", - "105103 3.095022 [[0.5772872903732786, -0.2440033805845026, 0.7... -55.7623 \n", - "105104 -1.794639 [[0.6019720899279388, -0.31685947613222937, 0.... -55.7623 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 62.5945 3.7624 0.000000 0.000811 0.027214 \n", - "1 62.5945 3.7624 4.031999 0.000043 0.001430 \n", - "2 62.5945 3.7624 5.260638 0.000007 0.000232 \n", - "3 62.5945 3.7624 3.907072 0.000025 0.000845 \n", - "4 62.5945 3.7624 4.260355 0.000079 0.002661 \n", - "... ... ... ... ... ... \n", - "105100 42.3965 23.5376 4.269446 0.000055 0.001958 \n", - "105101 42.3965 23.5376 4.416203 0.000026 0.000935 \n", - "105102 42.3965 23.5376 4.583616 0.000015 0.000549 \n", - "105103 42.3965 23.5376 4.074040 0.000008 0.000286 \n", - "105104 42.3965 23.5376 4.871721 0.000019 0.000688 \n", - "\n", - "[105105 rows x 14 columns]\n", - "NDARINVLMU4CC2J has oix center cix \\\n", - "0 0 [-52.6784, 82.8375, 8.0428] NaN \n", - "1 0 [-49.20951461791992, 81.64541625976562, 6.0292... 127539.0 \n", - "2 0 [-50.6502685546875, 78.5008773803711, 9.343349... 129809.0 \n", - "3 0 [-50.376888275146484, 79.87271118164062, 6.496... 127531.0 \n", - "4 0 [-50.058624267578125, 79.62256622314453, 8.358... 129045.0 \n", - "... ... ... ... \n", - "93088 92 [-52.13837432861328, 71.16165161132812, 20.112... 138357.0 \n", - "93089 92 [-50.77805709838867, 72.28972625732422, 21.298... 139154.0 \n", - "93090 92 [-49.94216537475586, 72.7117919921875, 22.5293... 139949.0 \n", - "93091 92 [-52.30549621582031, 70.23683166503906, 21.130... 139145.0 \n", - "93092 92 [-50.13808822631836, 70.10277557373047, 26.163... 143225.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.3575, 0.5231, 0.7737], [-0.1392, 0.7893, ... 0.000000 0.000000 \n", - "1 [[-0.392522061263046, 0.487797176396502, 0.779... -1.783079 2.478372 \n", - "2 [[-0.39331890929391194, 0.4764538547990481, 0.... 2.104476 2.520936 \n", - "3 [[-0.37062198109760774, 0.5650100725210121, 0.... -2.972169 0.191529 \n", - "4 [[-0.35510932589450844, 0.5343305679216059, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "93088 [[-0.6246933437141113, -0.06905085735849971, 0... 1.368470 1.713300 \n", - "93089 [[-0.5822079143186405, -0.029918794755140782, ... -2.114465 -1.682370 \n", - "93090 [[-0.6415220267910168, -0.0987393096902093, 0.... 1.253506 3.879072 \n", - "93091 [[-0.5580062682587023, -0.0021199410856433216,... -2.716497 -3.846848 \n", - "93092 [[-0.6300189964585571, 0.003771925072901717, 0... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.3575, 0.5231, 0.7737, -52.6784], [-0.1392... -52.6784 \n", - "1 1.448785 [[-0.392522061263046, 0.487797176396502, 0.779... -52.6784 \n", - "2 2.351961 [[-0.39331890929391194, 0.4764538547990481, 0.... -52.6784 \n", - "3 -3.267025 [[-0.37062198109760774, 0.5650100725210121, 0.... -52.6784 \n", - "4 -0.716621 [[-0.35510932589450844, 0.5343305679216059, 0.... -52.6784 \n", - "... ... ... ... \n", - "93088 0.585902 [[-0.6246933437141113, -0.06905085735849971, 0... -54.7160 \n", - "93089 2.258948 [[-0.5822079143186405, -0.029918794755140782, ... -54.7160 \n", - "93090 0.270795 [[-0.6415220267910168, -0.0987393096902093, 0.... -54.7160 \n", - "93091 3.095022 [[-0.5580062682587023, -0.0021199410856433216,... -54.7160 \n", - "93092 -1.794639 [[-0.6300189964585571, 0.003771925072901717, 0... -54.7160 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 82.8375 8.0428 0.000000 0.000811 0.030166 \n", - "1 82.8375 8.0428 4.184328 0.000036 0.001356 \n", - "2 82.8375 8.0428 4.960952 0.000010 0.000377 \n", - "3 82.8375 8.0428 4.059442 0.000022 0.000805 \n", - "4 82.8375 8.0428 4.159137 0.000088 0.003281 \n", - "... ... ... ... ... ... \n", - "93088 72.7670 23.3340 4.426874 0.000046 0.001912 \n", - "93089 72.7670 23.3340 4.458578 0.000025 0.001033 \n", - "93090 72.7670 23.3340 4.841487 0.000011 0.000470 \n", - "93091 72.7670 23.3340 4.131489 0.000008 0.000312 \n", - "93092 72.7670 23.3340 6.005157 0.000004 0.000171 \n", - "\n", - "[93093 rows x 14 columns]\n", - "NDARINVN394NEWK has oix center cix \\\n", - "0 0 [-59.209, 46.2399, 47.6297] NaN \n", - "1 0 [-56.68651580810547, 46.333396911621094, 44.92... 158500.0 \n", - "2 0 [-56.88196563720703, 42.192718505859375, 48.77... 161788.0 \n", - "3 0 [-57.0465202331543, 44.3641357421875, 45.62504... 159305.0 \n", - "4 0 [-56.35646438598633, 43.839725494384766, 47.83... 160963.0 \n", - "... ... ... ... \n", - "99094 98 [-55.890655517578125, 58.8313102722168, 31.267... 147342.0 \n", - "99095 98 [-55.00838851928711, 60.27366256713867, 32.962... 148967.0 \n", - "99096 98 [-54.02595901489258, 61.6850471496582, 33.4995... 149752.0 \n", - "99097 98 [-56.141727447509766, 57.94533157348633, 32.01... 148136.0 \n", - "99098 98 [-54.32496643066406, 58.448631286621094, 36.76... 152124.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.4849, -0.1534, 0.861], [0.3218, -0.8841, -... 0.000000 0.000000 \n", - "1 [[0.5102230711749558, -0.11095583286993406, 0.... -1.783079 2.478372 \n", - "2 [[0.508284256831998, -0.09824611692768637, 0.8... 2.104476 2.520936 \n", - "3 [[0.5074813468350948, -0.2005386234914619, 0.8... -2.972169 0.191529 \n", - "4 [[0.48526624130307955, -0.16637749851051756, 0... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "99094 [[0.321414979195166, 0.40350226543482903, 0.85... 1.368470 1.713300 \n", - "99095 [[0.31867258738050014, 0.34199586831687284, 0.... -2.114465 -1.682370 \n", - "99096 [[0.3123804644026865, 0.4379613670520007, 0.84... 1.253506 3.879072 \n", - "99097 [[0.32129344858579845, 0.303486465436888, 0.89... -2.716497 -3.846848 \n", - "99098 [[0.37825067954368813, 0.3577372581398418, 0.8... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.4849, -0.1534, 0.861, -59.209], [0.3218, -... -59.2090 \n", - "1 1.448785 [[0.5102230711749558, -0.11095583286993406, 0.... -59.2090 \n", - "2 2.351961 [[0.508284256831998, -0.09824611692768637, 0.8... -59.2090 \n", - "3 -3.267025 [[0.5074813468350948, -0.2005386234914619, 0.8... -59.2090 \n", - "4 -0.716621 [[0.48526624130307955, -0.16637749851051756, 0... -59.2090 \n", - "... ... ... ... \n", - "99094 0.585902 [[0.321414979195166, 0.40350226543482903, 0.85... -58.4737 \n", - "99095 2.258948 [[0.31867258738050014, 0.34199586831687284, 0.... -58.4737 \n", - "99096 0.270795 [[0.3123804644026865, 0.4379613670520007, 0.84... -58.4737 \n", - "99097 3.095022 [[0.32129344858579845, 0.303486465436888, 0.89... -58.4737 \n", - "99098 -1.794639 [[0.37825067954368813, 0.3577372581398418, 0.8... -58.4737 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 46.2399 47.6297 0.000000 0.000811 0.019614 \n", - "1 46.2399 47.6297 3.699080 0.000059 0.001422 \n", - "2 46.2399 47.6297 4.806700 0.000012 0.000296 \n", - "3 46.2399 47.6297 3.494775 0.000037 0.000892 \n", - "4 46.2399 47.6297 3.733881 0.000134 0.003246 \n", - "... ... ... ... ... ... \n", - "99094 60.0014 33.6479 3.702669 0.000097 0.002043 \n", - "99095 60.0014 33.6479 3.542930 0.000063 0.001322 \n", - "99096 60.0014 33.6479 4.758053 0.000013 0.000266 \n", - "99097 60.0014 33.6479 3.513128 0.000014 0.000288 \n", - "99098 60.0014 33.6479 5.418702 0.000010 0.000202 \n", - "\n", - "[99099 rows x 14 columns]\n", - "NDARINVP9Y862GP has oix center cix \\\n", - "0 0 [-69.5686, 55.03, -4.9961] NaN \n", - "1 0 [-65.85631561279297, 54.493309020996094, -7.09... 127519.0 \n", - "2 0 [-66.60552978515625, 50.43335723876953, -3.946... 130010.0 \n", - "3 0 [-66.35929870605469, 52.20730972290039, -6.086... 128343.0 \n", - "4 0 [-65.86355590820312, 52.9727668762207, -4.3019... 130019.0 \n", - "... ... ... ... \n", - "116111 115 [-56.105045318603516, 68.63279724121094, 3.686... 136882.0 \n", - "116112 115 [-55.217323303222656, 69.86650085449219, 4.628... 137745.0 \n", - "116113 115 [-54.838134765625, 70.36963653564453, 5.047612... 138602.0 \n", - "116114 115 [-56.51890182495117, 66.95982360839844, 4.5791... 137734.0 \n", - "116115 115 [-54.11939239501953, 67.15702056884766, 9.8323... 142022.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.283, 0.2654, 0.9217], [-0.2437, 0.9095, -... 0.000000 0.000000 \n", - "1 [[-0.31550807298167, 0.2272891338715829, 0.921... -1.783079 2.478372 \n", - "2 [[-0.3150230222017321, 0.21455736024220431, 0.... 2.104476 2.520936 \n", - "3 [[-0.3021985592754171, 0.3145605072742719, 0.8... -2.972169 0.191529 \n", - "4 [[-0.2819018154195187, 0.2781461497594758, 0.9... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "116111 [[0.43522778825416714, -0.41701624823025435, 0... 1.368470 1.713300 \n", - "116112 [[0.3793335144749983, -0.403069447017168, 0.83... -2.114465 -1.682370 \n", - "116113 [[0.468826460122146, -0.41451040762083624, 0.7... 1.253506 3.879072 \n", - "116114 [[0.3429747543581386, -0.3984789155742984, 0.8... -2.716497 -3.846848 \n", - "116115 [[0.37916751874873134, -0.4637321961850506, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.283, 0.2654, 0.9217, -69.5686], [-0.2437,... -69.5686 \n", - "1 1.448785 [[-0.31550807298167, 0.2272891338715829, 0.921... -69.5686 \n", - "2 2.351961 [[-0.3150230222017321, 0.21455736024220431, 0.... -69.5686 \n", - "3 -3.267025 [[-0.3021985592754171, 0.3145605072742719, 0.8... -69.5686 \n", - "4 -0.716621 [[-0.2819018154195187, 0.2781461497594758, 0.9... -69.5686 \n", - "... ... ... ... \n", - "116111 0.585902 [[0.43522778825416714, -0.41701624823025435, 0... -59.0550 \n", - "116112 2.258948 [[0.3793335144749983, -0.403069447017168, 0.83... -59.0550 \n", - "116113 0.270795 [[0.468826460122146, -0.41451040762083624, 0.7... -59.0550 \n", - "116114 3.095022 [[0.3429747543581386, -0.3984789155742984, 0.8... -59.0550 \n", - "116115 -1.794639 [[0.37916751874873134, -0.4637321961850506, 0.... -59.0550 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 55.030 -4.9961 0.000000 0.000811 0.037225 \n", - "1 55.030 -4.9961 4.298350 0.000032 0.001483 \n", - "2 55.030 -4.9961 5.568708 0.000005 0.000209 \n", - "3 55.030 -4.9961 4.410868 0.000015 0.000685 \n", - "4 55.030 -4.9961 4.294345 0.000076 0.003510 \n", - "... ... ... ... ... ... \n", - "116111 69.669 6.4394 4.165678 0.000061 0.002239 \n", - "116112 69.669 6.4394 4.248153 0.000031 0.001149 \n", - "116113 69.669 6.4394 4.495544 0.000017 0.000622 \n", - "116114 69.669 6.4394 4.151149 0.000007 0.000271 \n", - "116115 69.669 6.4394 6.494810 0.000002 0.000070 \n", - "\n", - "[116116 rows x 14 columns]\n", - "NDARINVPE5JBKJ3 has oix center cix \\\n", - "0 0 [-60.41, 52.415, -9.1937] NaN \n", - "1 0 [-56.45014572143555, 51.714900970458984, -10.8... 132854.0 \n", - "2 0 [-58.98322677612305, 47.539764404296875, -7.07... 136482.0 \n", - "3 0 [-57.797630310058594, 49.17549514770508, -10.1... 133731.0 \n", - "4 0 [-57.45721435546875, 49.9767951965332, -8.4375... 135550.0 \n", - "... ... ... ... \n", - "114109 113 [-48.63732147216797, 65.937255859375, -20.5774... 124135.0 \n", - "114110 113 [-47.524803161621094, 67.46318054199219, -18.7... 125896.0 \n", - "114111 113 [-47.026832580566406, 68.06746673583984, -17.7... 126769.0 \n", - "114112 113 [-49.74432373046875, 64.36167907714844, -18.71... 125884.0 \n", - "114113 113 [-48.027748107910156, 65.3177261352539, -13.62... 130219.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.48197, 0.18975, 0.85539], [0.87583, -0.076... 0.000000 0.000000 \n", - "1 [[0.45699896811244545, 0.23307455684282177, 0.... -1.783079 2.478372 \n", - "2 [[0.4454636414182688, 0.23688897310516746, 0.8... 2.104476 2.520936 \n", - "3 [[0.5307219989742911, 0.19124766035764043, 0.8... -2.972169 0.191529 \n", - "4 [[0.4929682487039345, 0.1844351019278315, 0.85... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "114109 [[-0.260794453262264, 0.5071915860268839, 0.82... 1.368470 1.713300 \n", - "114110 [[-0.19791803662842145, 0.4984859623422623, 0.... -2.114465 -1.682370 \n", - "114111 [[-0.2974392440303683, 0.5020042934191382, 0.8... 1.253506 3.879072 \n", - "114112 [[-0.15832148229668763, 0.49665342644783045, 0... -2.716497 -3.846848 \n", - "114113 [[-0.20756112300454946, 0.5546651536644791, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.48197, 0.18975, 0.85539, -60.41], [0.87583... -60.4100 \n", - "1 1.448785 [[0.45699896811244545, 0.23307455684282177, 0.... -60.4100 \n", - "2 2.351961 [[0.4454636414182688, 0.23688897310516746, 0.8... -60.4100 \n", - "3 -3.267025 [[0.5307219989742911, 0.19124766035764043, 0.8... -60.4100 \n", - "4 -0.716621 [[0.4929682487039345, 0.1844351019278315, 0.85... -60.4100 \n", - "... ... ... ... \n", - "114109 0.585902 [[-0.260794453262264, 0.5071915860268839, 0.82... -51.8439 \n", - "114110 2.258948 [[-0.19791803662842145, 0.4984859623422623, 0.... -51.8439 \n", - "114111 0.270795 [[-0.2974392440303683, 0.5020042934191382, 0.8... -51.8439 \n", - "114112 3.095022 [[-0.15832148229668763, 0.49665342644783045, 0... -51.8439 \n", - "114113 -1.794639 [[-0.20756112300454946, 0.5546651536644791, 0.... -51.8439 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 52.4150 -9.1937 0.000000 0.000811 0.034096 \n", - "1 52.4150 -9.1937 4.333207 0.000031 0.001308 \n", - "2 52.4150 -9.1937 5.502597 0.000005 0.000210 \n", - "3 52.4150 -9.1937 4.266829 0.000017 0.000733 \n", - "4 52.4150 -9.1937 3.903283 0.000114 0.004800 \n", - "... ... ... ... ... ... \n", - "114109 67.9225 -17.8961 4.627421 0.000037 0.001587 \n", - "114110 67.9225 -17.8961 4.428741 0.000026 0.001112 \n", - "114111 67.9225 -17.8961 4.822179 0.000012 0.000501 \n", - "114112 67.9225 -17.8961 4.213110 0.000007 0.000298 \n", - "114113 67.9225 -17.8961 6.291000 0.000003 0.000115 \n", - "\n", - "[114114 rows x 14 columns]\n", - "NDARINVRZL7PGK1 has oix center cix \\\n", - "0 0 [-65.1829, 71.5777, 38.7109] NaN \n", - "1 0 [-61.554443359375, 71.09318542480469, 36.67283... 158125.0 \n", - "2 0 [-61.943050384521484, 67.27620697021484, 40.11... 161364.0 \n", - "3 0 [-62.155113220214844, 69.20413970947266, 37.31... 158936.0 \n", - "4 0 [-61.7021598815918, 69.322265625, 38.789749145... 160563.0 \n", - "... ... ... ... \n", - "115110 114 [-50.19028854370117, 89.17684173583984, 40.040... 161452.0 \n", - "115111 114 [-48.876529693603516, 90.36591339111328, 41.08... 162270.0 \n", - "115112 114 [-47.59385299682617, 91.44293975830078, 42.102... 163107.0 \n", - "115113 114 [-50.68428039550781, 87.8391342163086, 41.2571... 162258.0 \n", - "115114 114 [-48.05012512207031, 88.2455062866211, 45.9767... 166439.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.1257, 0.4389, 0.8897], [0.3941, 0.8451, -... 0.000000 0.000000 \n", - "1 [[-0.1746516235277982, 0.42880276180714516, 0.... -1.783079 2.478372 \n", - "2 [[-0.18235337755618716, 0.41867556731007954, 0... 2.104476 2.520936 \n", - "3 [[-0.10885832197353099, 0.488054051685382, 0.8... -2.972169 0.191529 \n", - "4 [[-0.11673227719156916, 0.4480543805338343, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "115110 [[-0.10593924145939189, 0.6628544681074391, 0.... 1.368470 1.713300 \n", - "115111 [[-0.06631488374789817, 0.6235573866805372, 0.... -2.114465 -1.682370 \n", - "115112 [[-0.13573610570717096, 0.6777871361350449, 0.... 1.253506 3.879072 \n", - "115113 [[-0.03818483920629166, 0.6012193506853472, 0.... -2.716497 -3.846848 \n", - "115114 [[-0.033305666839484556, 0.6704332376748783, 0... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.1257, 0.4389, 0.8897, -65.1829], [0.3941,... -65.1829 \n", - "1 1.448785 [[-0.1746516235277982, 0.42880276180714516, 0.... -65.1829 \n", - "2 2.351961 [[-0.18235337755618716, 0.41867556731007954, 0... -65.1829 \n", - "3 -3.267025 [[-0.10885832197353099, 0.488054051685382, 0.8... -65.1829 \n", - "4 -0.716621 [[-0.11673227719156916, 0.4480543805338343, 0.... -65.1829 \n", - "... ... ... ... \n", - "115110 0.585902 [[-0.10593924145939189, 0.6628544681074391, 0.... -52.3600 \n", - "115111 2.258948 [[-0.06631488374789817, 0.6235573866805372, 0.... -52.3600 \n", - "115112 0.270795 [[-0.13573610570717096, 0.6777871361350449, 0.... -52.3600 \n", - "115113 3.095022 [[-0.03818483920629166, 0.6012193506853472, 0.... -52.3600 \n", - "115114 -1.794639 [[-0.033305666839484556, 0.6704332376748783, 0... -52.3600 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 71.5777 38.7109 0.000000 0.000811 0.032940 \n", - "1 71.5777 38.7109 4.189768 0.000036 0.001472 \n", - "2 71.5777 38.7109 5.565030 0.000005 0.000186 \n", - "3 71.5777 38.7109 4.091985 0.000021 0.000851 \n", - "4 71.5777 38.7109 4.148343 0.000089 0.003623 \n", - "... ... ... ... ... ... \n", - "115110 91.1020 43.5320 4.539022 0.000041 0.001661 \n", - "115111 91.1020 43.5320 4.322117 0.000029 0.001182 \n", - "115112 91.1020 43.5320 4.987641 0.000010 0.000387 \n", - "115113 91.1020 43.5320 4.316155 0.000006 0.000253 \n", - "115114 91.1020 43.5320 5.719398 0.000006 0.000256 \n", - "\n", - "[115115 rows x 14 columns]\n", - "NDARINVV104HFJY has oix center cix \\\n", - "0 0 [-53.1592, 75.0409, 41.046] NaN \n", - "1 0 [-49.849998474121094, 74.46646881103516, 38.23... 158354.0 \n", - "2 0 [-50.36957931518555, 70.46871948242188, 41.649... 160897.0 \n", - "3 0 [-50.92906188964844, 72.1788558959961, 38.8545... 159208.0 \n", - "4 0 [-49.8411750793457, 72.10435485839844, 41.0504... 160904.0 \n", - "... ... ... ... \n", - "112107 111 [-56.00297164916992, 71.28333282470703, 27.466... 149406.0 \n", - "112108 111 [-54.79312515258789, 72.63391876220703, 28.470... 150195.0 \n", - "112109 111 [-53.39525604248047, 74.25018310546875, 29.886... 150995.0 \n", - "112110 111 [-56.25319290161133, 70.1806869506836, 28.3929... 150185.0 \n", - "112111 111 [-54.041229248046875, 70.56340789794922, 33.48... 154197.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.5575, -0.25, 0.7917], [0.3013, -0.8277, -0... 0.000000 0.000000 \n", - "1 [[0.5815977438252592, -0.20633962357015312, 0.... -1.783079 2.478372 \n", - "2 [[0.5797617030931077, -0.19411329568619226, 0.... 2.104476 2.520936 \n", - "3 [[0.5785507877140087, -0.293396150989168, 0.76... -2.972169 0.191529 \n", - "4 [[0.557779696424934, -0.262536637106825, 0.787... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "112107 [[-0.08444073545441035, -0.5843132698413608, 0... 1.368470 1.713300 \n", - "112108 [[-0.10986085729431126, -0.5312994257103292, 0... -2.114465 -1.682370 \n", - "112109 [[-0.06078964430475246, -0.6093033417323106, 0... 1.253506 3.879072 \n", - "112110 [[-0.12969770331160937, -0.4997186815550618, 0... -2.716497 -3.846848 \n", - "112111 [[-0.15600851677019367, -0.5697831486383149, 0... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.5575, -0.25, 0.7917, -53.1592], [0.3013, -... -53.1592 \n", - "1 1.448785 [[0.5815977438252592, -0.20633962357015312, 0.... -53.1592 \n", - "2 2.351961 [[0.5797617030931077, -0.19411329568619226, 0.... -53.1592 \n", - "3 -3.267025 [[0.5785507877140087, -0.293396150989168, 0.76... -53.1592 \n", - "4 -0.716621 [[0.557779696424934, -0.262536637106825, 0.787... -53.1592 \n", - "... ... ... ... \n", - "112107 0.585902 [[-0.08444073545441035, -0.5843132698413608, 0... -58.4664 \n", - "112108 2.258948 [[-0.10986085729431126, -0.5312994257103292, 0... -58.4664 \n", - "112109 0.270795 [[-0.06078964430475246, -0.6093033417323106, 0... -58.4664 \n", - "112110 3.095022 [[-0.12969770331160937, -0.4997186815550618, 0... -58.4664 \n", - "112111 -1.794639 [[-0.15600851677019367, -0.5697831486383149, 0... -58.4664 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 75.0409 41.0460 0.000000 0.000811 0.031265 \n", - "1 75.0409 41.0460 4.379502 0.000030 0.001140 \n", - "2 75.0409 41.0460 5.389935 0.000006 0.000224 \n", - "3 75.0409 41.0460 4.238760 0.000018 0.000693 \n", - "4 75.0409 41.0460 4.430870 0.000066 0.002540 \n", - "... ... ... ... ... ... \n", - "112107 72.8691 30.6834 4.350906 0.000050 0.001770 \n", - "112108 72.8691 30.6834 4.294829 0.000030 0.001053 \n", - "112109 72.8691 30.6834 5.315845 0.000006 0.000219 \n", - "112110 72.8691 30.6834 4.167988 0.000007 0.000256 \n", - "112111 72.8691 30.6834 5.721551 0.000006 0.000220 \n", - "\n", - "[112112 rows x 14 columns]\n", - "NDARINVWFN7K4C5 has oix center cix \\\n", - "0 0 [-54.7741, 60.4686, 45.8924] NaN \n", - "1 0 [-51.87803649902344, 59.75006866455078, 42.827... 157842.0 \n", - "2 0 [-52.006134033203125, 56.273582458496094, 46.1... 160483.0 \n", - "3 0 [-52.46922302246094, 57.60073471069336, 43.916... 157831.0 \n", - "4 0 [-51.73854446411133, 57.33285903930664, 45.519... 159589.0 \n", - "... ... ... ... \n", - "109104 108 [-58.64472198486328, 56.02832794189453, 29.710... 146301.0 \n", - "109105 108 [-57.59733581542969, 57.354427337646484, 30.90... 147095.0 \n", - "109106 108 [-56.55595397949219, 58.55030822753906, 32.080... 147911.0 \n", - "109107 108 [-58.986568450927734, 54.816429138183594, 30.5... 147087.0 \n", - "109108 108 [-56.6973991394043, 55.60675811767578, 36.2505... 151905.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.5276, -0.3281, 0.7836], [-0.844, 0.3072, ... 0.000000 0.000000 \n", - "1 [[-0.5085675202801023, -0.3737593161106011, 0.... -1.783079 2.478372 \n", - "2 [[-0.49777826843219747, -0.3801868459529448, 0... 2.104476 2.520936 \n", - "3 [[-0.575234714413775, -0.3157514105520683, 0.7... -2.972169 0.191529 \n", - "4 [[-0.5376586342980713, -0.32027487346450956, 0... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "109104 [[0.3296145346594696, -0.40054324744399383, 0.... 1.368470 1.713300 \n", - "109105 [[0.27132335037369065, -0.38224172576481746, 0... -2.114465 -1.682370 \n", - "109106 [[0.3649326654614401, -0.4005376597002301, 0.8... 1.253506 3.879072 \n", - "109107 [[0.2336604405496496, -0.3750374147035491, 0.8... -2.716497 -3.846848 \n", - "109108 [[0.2711168707817625, -0.44424752008480956, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.5276, -0.3281, 0.7836, -54.7741], [-0.844... -54.7741 \n", - "1 1.448785 [[-0.5085675202801023, -0.3737593161106011, 0.... -54.7741 \n", - "2 2.351961 [[-0.49777826843219747, -0.3801868459529448, 0... -54.7741 \n", - "3 -3.267025 [[-0.575234714413775, -0.3157514105520683, 0.7... -54.7741 \n", - "4 -0.716621 [[-0.5376586342980713, -0.32027487346450956, 0... -54.7741 \n", - "... ... ... ... \n", - "109104 0.585902 [[0.3296145346594696, -0.40054324744399383, 0.... -61.4440 \n", - "109105 2.258948 [[0.27132335037369065, -0.38224172576481746, 0... -61.4440 \n", - "109106 0.270795 [[0.3649326654614401, -0.4005376597002301, 0.8... -61.4440 \n", - "109107 3.095022 [[0.2336604405496496, -0.3750374147035491, 0.8... -61.4440 \n", - "109108 -1.794639 [[0.2711168707817625, -0.44424752008480956, 0.... -61.4440 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 60.4686 45.8924 0.000000 0.000811 0.033226 \n", - "1 60.4686 45.8924 4.277490 0.000033 0.001353 \n", - "2 60.4686 45.8924 5.031014 0.000009 0.000381 \n", - "3 60.4686 45.8924 4.176217 0.000019 0.000786 \n", - "4 60.4686 45.8924 4.380263 0.000070 0.002854 \n", - "... ... ... ... ... ... \n", - "109104 57.5760 32.6390 4.336806 0.000051 0.002025 \n", - "109105 57.5760 32.6390 4.226137 0.000032 0.001276 \n", - "109106 57.5760 32.6390 5.015445 0.000009 0.000364 \n", - "109107 57.5760 32.6390 4.234073 0.000007 0.000269 \n", - "109108 57.5760 32.6390 6.281010 0.000003 0.000107 \n", - "\n", - "[109109 rows x 14 columns]\n", - "NDARINVWP2U8M5Y has oix center cix \\\n", - "0 0 [-44.1346, 85.7338, 34.3992] NaN \n", - "1 0 [-41.051055908203125, 83.9020004272461, 32.528... 147266.0 \n", - "2 0 [-42.16895294189453, 81.10774230957031, 35.854... 149622.0 \n", - "3 0 [-42.35529327392578, 82.38092041015625, 32.878... 147255.0 \n", - "4 0 [-41.53334045410156, 82.39210510253906, 34.984... 148833.0 \n", - "... ... ... ... \n", - "134129 133 [-51.71185302734375, 72.26509094238281, 29.041... 144135.0 \n", - "134130 133 [-49.99384307861328, 73.92390441894531, 30.888... 145661.0 \n", - "134131 133 [-49.83697509765625, 73.95758819580078, 31.353... 146441.0 \n", - "134132 133 [-52.02019500732422, 71.55414581298828, 30.373... 145654.0 \n", - "134133 133 [-49.641380310058594, 71.76616668701172, 35.04... 148787.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.6522, -0.2927, 0.6992], [0.431, -0.6156, -... 0.000000 0.000000 \n", - "1 [[0.6663594335205366, -0.24490849344683868, 0.... -1.783079 2.478372 \n", - "2 [[0.6623623840957059, -0.2346806686476995, 0.7... 2.104476 2.520936 \n", - "3 [[0.6795116919389206, -0.3225508430064222, 0.6... -2.972169 0.191529 \n", - "4 [[0.6547558442072275, -0.3036026176002032, 0.6... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "134129 [[-0.6005166027877633, -0.06572909758332172, 0... 1.368470 1.713300 \n", - "134130 [[-0.5593894505490763, -0.022792806371517153, ... -2.114465 -1.682370 \n", - "134131 [[-0.6161141618766945, -0.09704607224108677, 0... 1.253506 3.879072 \n", - "134132 [[-0.5363225166420361, 0.00704588498638254, 0.... -2.716497 -3.846848 \n", - "134133 [[-0.6098470640376165, 0.0065660455686516106, ... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.6522, -0.2927, 0.6992, -44.1346], [0.431, ... -44.1346 \n", - "1 1.448785 [[0.6663594335205366, -0.24490849344683868, 0.... -44.1346 \n", - "2 2.351961 [[0.6623623840957059, -0.2346806686476995, 0.7... -44.1346 \n", - "3 -3.267025 [[0.6795116919389206, -0.3225508430064222, 0.6... -44.1346 \n", - "4 -0.716621 [[0.6547558442072275, -0.3036026176002032, 0.6... -44.1346 \n", - "... ... ... ... \n", - "134129 0.585902 [[-0.6005166027877633, -0.06572909758332172, 0... -53.6350 \n", - "134130 2.258948 [[-0.5593894505490763, -0.022792806371517153, ... -53.6350 \n", - "134131 0.270795 [[-0.6161141618766945, -0.09704607224108677, 0... -53.6350 \n", - "134132 3.095022 [[-0.5363225166420361, 0.00704588498638254, 0.... -53.6350 \n", - "134133 -1.794639 [[-0.6098470640376165, 0.0065660455686516106, ... -53.6350 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 85.7338 34.3992 0.000000 0.000811 0.029235 \n", - "1 85.7338 34.3992 4.045358 0.000042 0.001516 \n", - "2 85.7338 34.3992 5.232655 0.000007 0.000259 \n", - "3 85.7338 34.3992 4.088949 0.000021 0.000757 \n", - "4 85.7338 34.3992 4.275088 0.000078 0.002814 \n", - "... ... ... ... ... ... \n", - "134129 74.5140 32.1590 4.297963 0.000053 0.001614 \n", - "134130 74.5140 32.1590 3.901226 0.000045 0.001357 \n", - "134131 74.5140 32.1590 3.922219 0.000031 0.000943 \n", - "134132 74.5140 32.1590 3.815229 0.000010 0.000313 \n", - "134133 74.5140 32.1590 5.641250 0.000007 0.000213 \n", - "\n", - "[134134 rows x 14 columns]\n", - "NDARINVX7KKFJ5E has oix center cix \\\n", - "0 0 [-61.195, 72.102, 34.046] NaN \n", - "1 0 [-57.75506591796875, 71.42161560058594, 31.316... 164471.0 \n", - "2 0 [-58.518375396728516, 67.94869232177734, 34.99... 167732.0 \n", - "3 0 [-58.877994537353516, 68.89497375488281, 32.08... 165286.0 \n", - "4 0 [-58.03015899658203, 69.22926330566406, 34.100... 166913.0 \n", - "... ... ... ... \n", - "95090 94 [-50.199729919433594, 83.74888610839844, 33.34... 166166.0 \n", - "95091 94 [-49.39254379272461, 84.58185577392578, 34.340... 166975.0 \n", - "95092 94 [-48.368919372558594, 85.31884765625, 36.03697... 168650.0 \n", - "95093 94 [-50.856781005859375, 82.26449584960938, 34.58... 166963.0 \n", - "95094 94 [-49.36382293701172, 82.62004852294922, 39.134... 171128.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.27106, -0.45801, 0.84661], [-0.15672, -0.8... 0.000000 0.000000 \n", - "1 [[0.3151790632097112, -0.43445531003266, 0.843... -1.783079 2.478372 \n", - "2 [[0.3198845413946867, -0.42289012397325837, 0.... 2.104476 2.520936 \n", - "3 [[0.2676973882783292, -0.5077936380964412, 0.8... -2.972169 0.191529 \n", - "4 [[0.26486757016321827, -0.4689911555997701, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "95090 [[-0.05200705024393791, -0.6348882557008474, 0... 1.368470 1.713300 \n", - "95091 [[-0.08813678387367375, -0.5884707230181496, 0... -2.114465 -1.682370 \n", - "95092 [[-0.0234177499586261, -0.6548789497558778, 0.... 1.253506 3.879072 \n", - "95093 [[-0.11402623709964474, -0.5613757334734674, 0... -2.716497 -3.846848 \n", - "95094 [[-0.12473721034547514, -0.6317908850746701, 0... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.27106, -0.45801, 0.84661, -61.195], [-0.15... -61.195 \n", - "1 1.448785 [[0.3151790632097112, -0.43445531003266, 0.843... -61.195 \n", - "2 2.351961 [[0.3198845413946867, -0.42289012397325837, 0.... -61.195 \n", - "3 -3.267025 [[0.2676973882783292, -0.5077936380964412, 0.8... -61.195 \n", - "4 -0.716621 [[0.26486757016321827, -0.4689911555997701, 0.... -61.195 \n", - "... ... ... ... \n", - "95090 0.585902 [[-0.05200705024393791, -0.6348882557008474, 0... -53.222 \n", - "95091 2.258948 [[-0.08813678387367375, -0.5884707230181496, 0... -53.222 \n", - "95092 0.270795 [[-0.0234177499586261, -0.6548789497558778, 0.... -53.222 \n", - "95093 3.095022 [[-0.11402623709964474, -0.5613757334734674, 0... -53.222 \n", - "95094 -1.794639 [[-0.12473721034547514, -0.6317908850746701, 0... -53.222 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 72.102 34.046 0.000000 0.000811 0.037422 \n", - "1 72.102 34.046 4.443412 0.000028 0.001272 \n", - "2 72.102 34.046 5.031751 0.000009 0.000428 \n", - "3 72.102 34.046 4.415359 0.000015 0.000685 \n", - "4 72.102 34.046 4.274549 0.000078 0.003604 \n", - "... ... ... ... ... ... \n", - "95090 85.423 36.080 4.407919 0.000047 0.001792 \n", - "95091 85.423 36.080 4.289137 0.000030 0.001141 \n", - "95092 85.423 36.080 4.854389 0.000011 0.000424 \n", - "95093 85.423 36.080 4.219200 0.000007 0.000261 \n", - "95094 85.423 36.080 5.663365 0.000007 0.000258 \n", - "\n", - "[95095 rows x 14 columns]\n", - "NDARINVXZRDA6CJ has oix center cix \\\n", - "0 0 [-70.0326, 51.0654, 38.7255] NaN \n", - "1 0 [-66.98963165283203, 50.70511245727539, 35.703... 171347.0 \n", - "2 0 [-67.05046081542969, 46.72609329223633, 38.711... 173895.0 \n", - "3 0 [-67.59457397460938, 48.34980010986328, 36.624... 171337.0 \n", - "4 0 [-66.48811340332031, 48.99663543701172, 38.350... 173051.0 \n", - "... ... ... ... \n", - "141136 140 [-70.91657257080078, 55.608463287353516, 17.84... 156068.0 \n", - "141137 140 [-69.93290710449219, 57.579078674316406, 19.45... 157641.0 \n", - "141138 140 [-69.14832305908203, 58.87629318237305, 20.483... 158435.0 \n", - "141139 140 [-71.13438415527344, 54.380287170410156, 18.75... 156838.0 \n", - "141140 140 [-69.8419189453125, 55.18022918701172, 24.1981... 161564.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[-0.4891, 0.2334, 0.8404], [-0.1626, 0.9222, ... 0.000000 0.000000 \n", - "1 [[-0.5205088899568986, 0.19548334177316726, 0.... -1.783079 2.478372 \n", - "2 [[-0.5207336307599502, 0.18264185265857902, 0.... 2.104476 2.520936 \n", - "3 [[-0.5029163082026582, 0.2834062265144172, 0.8... -2.972169 0.191529 \n", - "4 [[-0.487285238091784, 0.2462559945652736, 0.83... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "141136 [[0.3796483983870911, 0.006004877838023952, 0.... 1.368470 1.713300 \n", - "141137 [[0.32888623874251866, -0.034178508516657574, ... -2.114465 -1.682370 \n", - "141138 [[0.4007778434047783, 0.03628586708352445, 0.9... 1.253506 3.879072 \n", - "141139 [[0.30062204471685183, -0.06241519259190779, 0... -2.716497 -3.846848 \n", - "141140 [[0.3847241321505975, -0.06670768941872009, 0.... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[-0.4891, 0.2334, 0.8404, -70.0326], [-0.1626... -70.0326 \n", - "1 1.448785 [[-0.5205088899568986, 0.19548334177316726, 0.... -70.0326 \n", - "2 2.351961 [[-0.5207336307599502, 0.18264185265857902, 0.... -70.0326 \n", - "3 -3.267025 [[-0.5029163082026582, 0.2834062265144172, 0.8... -70.0326 \n", - "4 -0.716621 [[-0.487285238091784, 0.2462559945652736, 0.83... -70.0326 \n", - "... ... ... ... \n", - "141136 0.585902 [[0.3796483983870911, 0.006004877838023952, 0.... -74.3020 \n", - "141137 2.258948 [[0.32888623874251866, -0.034178508516657574, ... -74.3020 \n", - "141138 0.270795 [[0.4007778434047783, 0.03628586708352445, 0.9... -74.3020 \n", - "141139 3.095022 [[0.30062204471685183, -0.06241519259190779, 0... -74.3020 \n", - "141140 -1.794639 [[0.3847241321505975, -0.06670768941872009, 0.... -74.3020 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 51.0654 38.7255 0.000000 0.000811 0.030820 \n", - "1 51.0654 38.7255 4.303958 0.000032 0.001220 \n", - "2 51.0654 38.7255 5.265256 0.000007 0.000261 \n", - "3 51.0654 38.7255 4.211200 0.000018 0.000703 \n", - "4 51.0654 38.7255 4.121131 0.000092 0.003487 \n", - "... ... ... ... ... ... \n", - "141136 56.9800 20.4580 4.493351 0.000043 0.002091 \n", - "141137 56.9800 20.4580 4.523505 0.000023 0.001131 \n", - "141138 56.9800 20.4580 5.491535 0.000005 0.000239 \n", - "141139 56.9800 20.4580 4.436365 0.000005 0.000265 \n", - "141140 56.9800 20.4580 6.092623 0.000004 0.000176 \n", - "\n", - "[141141 rows x 14 columns]\n", - "NDARINVYKVPYY2M has oix center cix \\\n", - "0 0 [-53.0341, 70.0569, 48.4405] NaN \n", - "1 0 [-49.661903381347656, 69.92536926269531, 45.59... 182816.0 \n", - "2 0 [-50.250423431396484, 65.38700866699219, 48.99... 186436.0 \n", - "3 0 [-50.749298095703125, 67.29743194580078, 46.05... 182805.0 \n", - "4 0 [-50.07480239868164, 66.82832336425781, 47.879... 184621.0 \n", - "... ... ... ... \n", - "137132 136 [-48.43462371826172, 69.59649658203125, 48.302... 185533.0 \n", - "137133 136 [-46.80242156982422, 70.82971954345703, 49.537... 186459.0 \n", - "137134 136 [-45.48686599731445, 72.30079650878906, 50.547... 187372.0 \n", - "137135 136 [-48.602210998535156, 67.90916442871094, 49.38... 186445.0 \n", - "137136 136 [-45.68300247192383, 68.73126983642578, 53.314... 190094.0 \n", - "\n", - " mat yaw pitch \\\n", - "0 [[0.6201, -0.0778, 0.7807], [0.4502, -0.7797, ... 0.000000 0.000000 \n", - "1 [[0.63459891761608, -0.030593679454726286, 0.7... -1.783079 2.478372 \n", - "2 [[0.6304316661711333, -0.018719440761372788, 0... 2.104476 2.520936 \n", - "3 [[0.6486735414028257, -0.1180064713116708, 0.7... -2.972169 0.191529 \n", - "4 [[0.6228135477720997, -0.09027968905793698, 0.... 0.354985 -0.249741 \n", - "... ... ... ... \n", - "137132 [[0.6083791694530556, -0.25471478570658024, 0.... 1.368470 1.713300 \n", - "137133 [[0.5550538402745693, -0.2519396025736635, 0.7... -2.114465 -1.682370 \n", - "137134 [[0.6381954346586415, -0.2456198411002155, 0.7... 1.253506 3.879072 \n", - "137135 [[0.5208751237551087, -0.2547920153632713, 0.8... -2.716497 -3.846848 \n", - "137136 [[0.5656777505643479, -0.3128684376615137, 0.7... 1.850396 -1.724261 \n", - "\n", - " roll matsimnibs origx \\\n", - "0 0.000000 [[0.6201, -0.0778, 0.7807, -53.0341], [0.4502,... -53.0341 \n", - "1 1.448785 [[0.63459891761608, -0.030593679454726286, 0.7... -53.0341 \n", - "2 2.351961 [[0.6304316661711333, -0.018719440761372788, 0... -53.0341 \n", - "3 -3.267025 [[0.6486735414028257, -0.1180064713116708, 0.7... -53.0341 \n", - "4 -0.716621 [[0.6228135477720997, -0.09027968905793698, 0.... -53.0341 \n", - "... ... ... ... \n", - "137132 0.585902 [[0.6083791694530556, -0.25471478570658024, 0.... -50.4989 \n", - "137133 2.258948 [[0.5550538402745693, -0.2519396025736635, 0.7... -50.4989 \n", - "137134 0.270795 [[0.6381954346586415, -0.2456198411002155, 0.7... -50.4989 \n", - "137135 3.095022 [[0.5208751237551087, -0.2547920153632713, 0.8... -50.4989 \n", - "137136 -1.794639 [[0.5656777505643479, -0.3128684376615137, 0.7... -50.4989 \n", - "\n", - " origy origz sdist prob normed_prob \n", - "0 70.0569 48.4405 0.000000 0.000811 0.033136 \n", - "1 70.0569 48.4405 4.414716 0.000028 0.001163 \n", - "2 70.0569 48.4405 5.464535 0.000005 0.000215 \n", - "3 70.0569 48.4405 4.302448 0.000017 0.000686 \n", - "4 70.0569 48.4405 4.415394 0.000067 0.002739 \n", - "... ... ... ... ... ... \n", - "137132 71.0865 51.8830 4.393705 0.000048 0.002113 \n", - "137133 71.0865 51.8830 4.385249 0.000027 0.001194 \n", - "137134 71.0865 51.8830 5.327147 0.000006 0.000270 \n", - "137135 71.0865 51.8830 4.465749 0.000005 0.000232 \n", - "137136 71.0865 51.8830 5.548825 0.000008 0.000352 \n", - "\n", - "[137137 rows x 14 columns]\n" - ] - } - ], + "outputs": [], "source": [ "cmds = []\n", "for (subject, settings_path) in zip(all_subjects, all_settings):\n", @@ -2028,7 +798,7 @@ " #print(f'{subject} has {settings}')\n", " if not Path(anat_dir / f'sub-{subject}').exists():\n", " continue\n", - " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\"]:#subject failed previos step\n", + " if subject in [\"NDARINV1285PMCK\"]:#subject failed previos step\n", " continue\n", " for oix in sorted(settings.oix.unique()):\n", " sim_dir = Path(anat_dir / f'sub-{subject}/Simulation/simulation-00')\n", @@ -2075,7 +845,7 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 70, "id": "8ba4a4a9", "metadata": { "collapsed": false, @@ -2087,10 +857,10 @@ { "data": { "text/plain": [ - "'contarg normgrid sim-uncert --headmesh-path /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/HeadModel/m2m_NDARINV1EECRFPM/NDARINV1EECRFPM.msh --settings-path /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/simulation-00/uncert1000/settings.pkl.gz --ix 22 --coil-path /vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/simnibs/resources/coil_models/Drakaki_BrainStim_2022/MagVenture_MCF-B65.ccd --tmp-dir /lscratch/$SLURM_JOB_ID/uncertsim-22 --out-dir /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/simulation-00/uncert1000 --njobs 20 --thresh-type=mt --min-thresh=60 --max-thresh=80 --max-mt=80'" + "'contarg normgrid sim-uncert --headmesh-path /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/HeadModel/m2m_NDARINV52XG9LJ3/NDARINV52XG9LJ3.msh --settings-path /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/simulation-00/uncert1000/settings.pkl.gz --ix 22 --coil-path /vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/simnibs/resources/coil_models/Drakaki_BrainStim_2022/MagVenture_MCF-B65.ccd --tmp-dir /lscratch/$SLURM_JOB_ID/uncertsim-22 --out-dir /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/simulation-00/uncert1000 --njobs 20 --thresh-type=mt --min-thresh=60 --max-thresh=80 --max-mt=80'" ] }, - "execution_count": 19, + "execution_count": 70, "metadata": {}, "output_type": "execute_result" } @@ -2101,7 +871,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 71, "id": "0ef05c25", "metadata": { "collapsed": false, @@ -2113,10 +883,10 @@ { "data": { "text/plain": [ - "2659" + "2497" ] }, - "execution_count": 20, + "execution_count": 71, "metadata": {}, "output_type": "execute_result" } @@ -2127,15 +897,17 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 75, "id": "9f035e6b-c51a-4efb-a695-68bff117e5d8", - "metadata": {}, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "['19610522']\n" + "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/swarm/swarm_cmds/uncert_sims\n" ] } ], @@ -2145,10 +917,11 @@ "\n", "if len(cmds) > 0:\n", " swarm_cmd_file = swarm_cmd_dir / 'uncert_sims'\n", - " swarm_cmd_file.write_text('\\n'.join(cmds[:1000]))\n", + " print(swarm_cmd_file)\n", + " swarm_cmd_file.write_text('\\n'.join(cmds))\n", " run_name = 'uncert_sims'\n", - " jobid = ! swarm -f {swarm_cmd_file} -g 100 -t 22 --gres=lscratch:400 --module matlab,freesurfer/6.0,fsl,simnibs/4.0,connectome-workbench,openblas --time 8:00:00 --logdir {swarm_log_dir} --job-name {run_name} --partition norm\n", - " print(jobid)" + " #jobid = ! swarm -f {swarm_cmd_file} -g 100 -t 22 --gres=lscratch:400 --module matlab,freesurfer/6.0,fsl,simnibs/4.0,connectome-workbench,openblas --time 8:00:00 --logdir {swarm_log_dir} --job-name {run_name} --partition norm\n", + " #print(jobid)" ] }, { @@ -2234,7 +1007,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 76, "id": "48ddce63", "metadata": { "collapsed": false, @@ -2242,14 +1015,22 @@ "outputs_hidden": false } }, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/simulation-01 not found, skipping\n" + ] + } + ], "source": [ "all_settings = []\n", "all_subjects = []\n", "for subject in subjects:\n", " if not Path(anat_dir / f'sub-{subject}').exists():\n", " continue\n", - " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\"]:#subject failed previos step\n", + " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\",\"NDARINV7BTZH7L2\"]:#subject failed previos step\n", " continue\n", " sim_dir = Path(anat_dir / f'sub-{subject}/Simulation/simulation-00')\n", " if not sim_dir.exists():\n", @@ -2264,7 +1045,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 77, "id": "510cfd66-0711-4f71-989a-b3a74863804c", "metadata": {}, "outputs": [ @@ -2272,8 +1053,8 @@ "name": "stdout", "output_type": "stream", "text": [ - "23\n", - "23\n" + "22\n", + "22\n" ] } ], @@ -2284,7 +1065,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 78, "id": "33df4aba-5b6c-48dd-bdcf-4d649d0bde5e", "metadata": {}, "outputs": [ @@ -2295,7 +1076,6 @@ "NDARINV1EECRFPM\n", "NDARINV52XG9LJ3\n", "NDARINV6UU2L6YJ\n", - "NDARINV7BTZH7L2\n", "NDARINV7TV9UT40\n", "NDARINV85UUUHN0\n", "NDARINVC25XBH2T\n", @@ -2323,7 +1103,7 @@ " print(subject)\n", " if not Path(anat_dir / f'sub-{subject}').exists():\n", " continue\n", - " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\"]:#subject failed previos step\n", + " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\",\"NDARINV7BTZH7L2\"]:#subject failed previos step\n", " continue\n", " outfile = f'/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-{subject}/Simulation/simulation-00/uncert1000/sub-{subject}_space-fsLR_den-32k_desc-abovethreshactprobs_stat.dtseries.nii'\n", " #print(Path(outfile))\n", @@ -2333,7 +1113,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 83, "id": "2d2b89b2", "metadata": { "collapsed": false, @@ -2346,217 +1126,168 @@ "name": "stderr", "output_type": "stream", "text": [ - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 70.6 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 16.5 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 69.3 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 16.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 56.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 12.1 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 49.4 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 47.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 49.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 47.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 37.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 36.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 31.7 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 69.4 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 33.3 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 68.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 27.2 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 51.2 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 29.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 86.3 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 31.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 86.2 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 23.8 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 64.4 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 57.1 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 50.3 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 59.2 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 50.3 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 42.6 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 38.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 68.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 64.4 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 66.3 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 64.4 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 52.8 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 50.2 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 44.3 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 55.7 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 43.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 55.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 32.8 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0058_stat-mean_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0093_stat-mean_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0132_stat-mean_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0133_stat-mean_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-mean_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0058_stat-mean_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-mean_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0093_stat-mean_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-mean_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0132_stat-mean_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-mean_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0133_stat-mean_magnE.nii.gz\n", + "++ elapsed time = 43.7 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 62.8 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0058_stat-std_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0093_stat-std_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0132_stat-std_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0133_stat-std_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-std_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0058_stat-std_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-std_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0093_stat-std_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-std_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0132_stat-std_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-std_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0133_stat-std_magnE.nii.gz\n", + "++ elapsed time = 50.7 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 59.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0058_stat-abovethreshactprobs_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0093_stat-abovethreshactprobs_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0132_stat-abovethreshactprobs_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m Dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0133_stat-abovethreshactprobs_magnE.nii.gz grid differs from first one!\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-abovethreshactprobs_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0058_stat-abovethreshactprobs_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-abovethreshactprobs_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0093_stat-abovethreshactprobs_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-abovethreshactprobs_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0132_stat-abovethreshactprobs_magnE.nii.gz\n", - "\u001b[7m*+ WARNING:\u001b[0m /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0000_stat-abovethreshactprobs_magnE.nii.gz grid mismatch with /vf/users/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVCVZ70012/Simulation/simulation-00/uncert1000/oix-0133_stat-abovethreshactprobs_magnE.nii.gz\n", + "++ elapsed time = 50.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 45.4 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 38.4 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 70.1 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 51.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 74.6 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 51.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 55.3 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", - "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 39.4 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", - "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 38.6 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", - "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 32.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 40.5 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 51.1 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 61.4 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 52.6 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 61.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 40.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 47.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 45.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 61.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 46.9 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 61.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 36.4 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 46.8 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 40.4 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 61.5 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 41.5 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 60.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 32.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 45.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 45.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 59.2 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 45.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 59.3 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 38.0 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 45.1 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 57.7 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 57.2 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 56.4 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 57.1 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 48.1 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 43.3 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 52.2 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 68.5 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 50.8 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 69.1 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 39.4 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 53.3 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 52.8 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 49.4 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 52.7 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 49.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 40.3 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 38.0 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 36.1 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 75.5 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 36.1 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 73.7 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 27.8 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 54.5 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 26.2 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 72.9 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 25.7 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", + "++ elapsed time = 73.6 s\n", + "++ 3dTcat: AFNI version=AFNI_24.1.02 (Apr 8 2024) [64-bit]\n", "\u001b[7m*+ WARNING:\u001b[0m Set TR of output dataset to 1.0 s\n", - "++ elapsed time = 20.7 s\n", - "++ 3dTcat: AFNI version=AFNI_24.0.07 (Feb 15 2024) [64-bit]\n", - "\u001b[7m** FATAL ERROR:\u001b[0m Can't open dataset /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVWP2U8M5Y/Simulation/simulation-00/uncert1000/*mean_magnE.nii.gz\n", - "** Program compile date = Feb 15 2024\n" - ] - }, - { - "ename": "CalledProcessError", - "evalue": "Command '['3dTcat', '-overwrite', '-prefix', PosixPath('/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVWP2U8M5Y/Simulation/simulation-00/uncert1000/sub-NDARINVWP2U8M5Y_desc-magnEmean_stat.nii.gz'), '/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVWP2U8M5Y/Simulation/simulation-00/uncert1000/*mean_magnE.nii.gz']' returned non-zero exit status 1.", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mCalledProcessError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[0;32mIn[12], line 21\u001b[0m\n\u001b[1;32m 18\u001b[0m uncert_dir \u001b[38;5;241m=\u001b[39m settings_path\u001b[38;5;241m.\u001b[39mparent\n\u001b[1;32m 19\u001b[0m jobs\u001b[38;5;241m.\u001b[39mappend(delayed(make_uncert_surfaces)(subject, Path(fmriprepanat), uncert_dir, overwrite\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mTrue\u001b[39;00m, fmriprep\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mTrue\u001b[39;00m,\n\u001b[1;32m 20\u001b[0m anat_dir\u001b[38;5;241m=\u001b[39mPath(fmriprepanat)))\n\u001b[0;32m---> 21\u001b[0m \u001b[43mmake_uncert_surfaces\u001b[49m\u001b[43m(\u001b[49m\u001b[43msubject\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mPath\u001b[49m\u001b[43m(\u001b[49m\u001b[43mfmriprepanat\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43muncert_dir\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43moverwrite\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mfmriprep\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 22\u001b[0m \u001b[43m \u001b[49m\u001b[43mlayout\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mbidslayout\u001b[49m\u001b[43m,\u001b[49m\u001b[43manat_dir\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mPath\u001b[49m\u001b[43m(\u001b[49m\u001b[43mfmriprepanat\u001b[49m\u001b[43m)\u001b[49m\u001b[43m)\u001b[49m\n", - "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contarg/contarg/normgrid.py:1432\u001b[0m, in \u001b[0;36mmake_uncert_surfaces\u001b[0;34m(subject, src_surf_dir, uncert_dir, overwrite, fmriprep, layout, anat_dir)\u001b[0m\n\u001b[1;32m 1424\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m catted_means\u001b[38;5;241m.\u001b[39mexists() \u001b[38;5;129;01mor\u001b[39;00m overwrite:\n\u001b[1;32m 1425\u001b[0m cmd \u001b[38;5;241m=\u001b[39m [\n\u001b[1;32m 1426\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m3dTcat\u001b[39m\u001b[38;5;124m\"\u001b[39m,\n\u001b[1;32m 1427\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m-overwrite\u001b[39m\u001b[38;5;124m\"\u001b[39m,\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 1430\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;132;01m{\u001b[39;00muncert_dir\u001b[38;5;241m.\u001b[39mas_posix()\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m/*mean_magnE.nii.gz\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 1431\u001b[0m ]\n\u001b[0;32m-> 1432\u001b[0m \u001b[43msubprocess\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mrun\u001b[49m\u001b[43m(\u001b[49m\u001b[43mcmd\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mcheck\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m)\u001b[49m\n\u001b[1;32m 1434\u001b[0m catted_stds \u001b[38;5;241m=\u001b[39m uncert_dir \u001b[38;5;241m/\u001b[39m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124msub-\u001b[39m\u001b[38;5;132;01m{\u001b[39;00msubject\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m_desc-magnEstd_stat.nii.gz\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 1435\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m catted_stds\u001b[38;5;241m.\u001b[39mexists() \u001b[38;5;129;01mor\u001b[39;00m overwrite:\n", - "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/subprocess.py:528\u001b[0m, in \u001b[0;36mrun\u001b[0;34m(input, capture_output, timeout, check, *popenargs, **kwargs)\u001b[0m\n\u001b[1;32m 526\u001b[0m retcode \u001b[38;5;241m=\u001b[39m process\u001b[38;5;241m.\u001b[39mpoll()\n\u001b[1;32m 527\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m check \u001b[38;5;129;01mand\u001b[39;00m retcode:\n\u001b[0;32m--> 528\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m CalledProcessError(retcode, process\u001b[38;5;241m.\u001b[39margs,\n\u001b[1;32m 529\u001b[0m output\u001b[38;5;241m=\u001b[39mstdout, stderr\u001b[38;5;241m=\u001b[39mstderr)\n\u001b[1;32m 530\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m CompletedProcess(process\u001b[38;5;241m.\u001b[39margs, retcode, stdout, stderr)\n", - "\u001b[0;31mCalledProcessError\u001b[0m: Command '['3dTcat', '-overwrite', '-prefix', PosixPath('/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVWP2U8M5Y/Simulation/simulation-00/uncert1000/sub-NDARINVWP2U8M5Y_desc-magnEmean_stat.nii.gz'), '/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVWP2U8M5Y/Simulation/simulation-00/uncert1000/*mean_magnE.nii.gz']' returned non-zero exit status 1." + "++ elapsed time = 52.1 s\n" ] } ], @@ -2566,7 +1297,7 @@ "for (subject, settings_path) in zip(all_subjects, all_settings):\n", " if not Path(anat_dir / f'sub-{subject}').exists():\n", " continue\n", - " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\"]:#subject failed previos step\n", + " if subject in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\",\"NDARINV7BTZH7L2\",\"NDARINV1EECRFPM\",\"NDARINV52XG9LJ3\", \"NDARINV6UU2L6YJ\", \"NDARINV7TV9UT40\"]:#subject failed previos step\n", " continue\n", " outfile = f'/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-{subject}/Simulation/simulation-00/uncert1000/sub-{subject}_space-fsLR_den-32k_desc-abovethreshactprobs_stat.dtseries.nii'\n", " if Path(outfile).exists():\n", @@ -2580,16 +1311,16 @@ " fmriprepanat = filesT1w[0].dirname\n", " #src_surf_dir = liston_root / f'sub-{subject}/anat/T1w/fsaverage_LR32k/'\n", " uncert_dir = settings_path.parent\n", - " jobs.append(delayed(make_uncert_surfaces)(subject, Path(fmriprepanat), uncert_dir, overwrite=True, fmriprep=True,\n", - " anat_dir=Path(fmriprepanat)))\n", - " print(subject)\n", + " #jobs.append(delayed(make_uncert_surfaces)(subject, Path(fmriprepanat), uncert_dir, overwrite=True, fmriprep=True,\n", + " # anat_dir=Path(fmriprepanat)))\n", + " #print(subject)\n", " make_uncert_surfaces(subject, Path(fmriprepanat), uncert_dir, overwrite=True, fmriprep=True,\n", " layout=bidslayout,anat_dir=Path(fmriprepanat))\n" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 85, "id": "11427a3e-6e25-4e81-ab27-da3f594a6963", "metadata": {}, "outputs": [ @@ -2597,7 +1328,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVWP2U8M5Y/Simulation/simulation-00/uncert1000\n" + "/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/simulation-01/uncert1000\n" ] } ], @@ -2633,7 +1364,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 13, "id": "945f7717-4510-470a-9e21-1471ea791e91", "metadata": {}, "outputs": [], @@ -2646,7 +1377,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "id": "e44bf5c2-e36a-418f-bc0d-3ab00d429344", "metadata": { "tags": [] @@ -2656,39 +1387,442 @@ "name": "stdout", "output_type": "stream", "text": [ - "NDARINV1285PMCK\n", - "NDARINV1EECRFPM\n", "NDARINV1EZ26N40\n", - "NDARINV1H7JEJW1\n", + "12\n", + "13\n", + "5\n", + "6\n", + "7\n", + "10\n", + "3\n", "NDARINV2484CB0H\n", + "11\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/multitest.py:186: RuntimeWarning: divide by zero encountered in log1p\n", + " np.log1p(-pvals))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "4\n", + "5\n", + "6\n", + "3\n", + "9\n", + "45\n", + "611\n", + "9999\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:581: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`). Consider using `matplotlib.pyplot.close()`.\n", + " fig, axes = plt.subplots(2, 1, figsize=(5, 10))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ "NDARINV2BW6G83G\n", - "NDARINV52XG9LJ3\n", - "NDARINV6UU2L6YJ\n", + "13\n", + "14\n", + "6\n", + "7\n", + "10\n", + "3\n", + "1314\n", + "67\n", + "9999\n", "NDARINV7A5RDHVW\n", - "NDARINV7BTZH7L2\n", - "NDARINV7TV9UT40\n", + "13\n", + "14\n", + "7\n", + "8\n", + "11\n", + "3\n", + "4\n", + "5\n", + "1314\n", + "78\n", + "9999\n", "NDARINV85UUUHN0\n", + "4\n", + "10\n", + "21\n", + "23\n", + "8\n", + "17\n", + "2123\n", + "810\n", + "9999\n", "NDARINVC25XBH2T\n", + "3\n", + "20\n", + "7\n", + "9\n", + "16\n", + "79\n", + "9999\n", "NDARINVCVZ70012\n", + "4\n", + "10\n", + "21\n", + "8\n", + "17\n", + "810\n", + "9999\n", "NDARINVD5FWJDCY\n", + "5\n", + "11\n", + "22\n", + "24\n", + "9\n", + "18\n", + "2224\n", + "911\n", + "9999\n", "NDARINVEN1P5RFL\n", + "11\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", + " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "12\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", + " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "5\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", + " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "6\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", + " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "3\n", + "9\n", + "1112\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", + " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "56\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", + " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "9999\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", + " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ "NDARINVFPFM6B57\n", + "4\n", + "10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/multitest.py:186: RuntimeWarning: divide by zero encountered in log1p\n", + " np.log1p(-pvals))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "21\n", + "23\n", + "8\n", + "17\n", + "2123\n", + "810\n", + "9999\n", "NDARINVG8VWC1TN\n", + "4\n", + "10\n", + "21\n", + "23\n", + "8\n", + "17\n", + "2123\n", + "810\n", + "9999\n", "NDARINVGH5DHURH\n", + "4\n", + "10\n", + "21\n", + "8\n", + "17\n", + "810\n", + "9999\n", "NDARINVLMU4CC2J\n", + "4\n", + "10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/multitest.py:186: RuntimeWarning: divide by zero encountered in log1p\n", + " np.log1p(-pvals))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "21\n", + "23\n", + "8\n", + "17\n", + "2123\n", + "810\n", + "9999\n", "NDARINVN394NEWK\n", + "4\n", + "19\n", + "8\n", + "9\n", + "15\n", + "89\n", + "9999\n", "NDARINVP9Y862GP\n", + "4\n", + "10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/multitest.py:186: RuntimeWarning: divide by zero encountered in log1p\n", + " np.log1p(-pvals))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "22\n", + "24\n", + "8\n", + "18\n", + "2224\n", + "810\n", + "9999\n", "NDARINVPE5JBKJ3\n", + "10\n", + "21\n", + "23\n", + "8\n", + "17\n", + "45\n", + "4\n", + "2123\n", + "810\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/multitest.py:186: RuntimeWarning: divide by zero encountered in log1p\n", + " np.log1p(-pvals))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "9999\n", "NDARINVRZL7PGK1\n", + "4\n", + "10\n", + "21\n", + "8\n", + "17\n", + "810\n", + "9999\n", "NDARINVU3CF21GV\n", + "11\n", + "5\n", + "6\n", + "3\n", + "9\n", + "56\n", + "9999\n", "NDARINVU7WWPJ0M\n", + "13\n", + "14\n", + "6\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/multitest.py:186: RuntimeWarning: divide by zero encountered in log1p\n", + " np.log1p(-pvals))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "7\n", + "10\n", + "3\n", + "1314\n", + "67\n", + "9999\n", "NDARINVV104HFJY\n", + "4\n", + "10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/multitest.py:186: RuntimeWarning: divide by zero encountered in log1p\n", + " np.log1p(-pvals))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "21\n", + "23\n", + "8\n", + "17\n", + "2123\n", + "810\n", + "9999\n", "NDARINVWFN7K4C5\n", + "4\n", + "12\n", + "14\n", + "25\n", + "27\n", + "8\n", + "21\n", + "1425\n", + "812\n", + "9999\n", "NDARINVWP2U8M5Y\n", + "4\n", + "10\n", + "21\n", + "23\n", + "8\n", + "17\n", + "2123\n", + "810\n", + "9999\n", "NDARINVX7KKFJ5E\n", + "4\n", + "10\n", + "21\n", + "26\n", + "8\n", + "17\n", + "2126\n", + "810\n", + "9999\n", "NDARINVXTMW4PWB\n", + "3\n", + "5\n", "NDARINVXZRDA6CJ\n", - "NDARINVYKVPYY2M\n" + "4\n", + "10\n" ] } ], @@ -2698,7 +1832,10 @@ "outdir = Path('/data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/')\n", "smoothings = ['2.55']\n", "for subj in subjects: \n", + " if subj in [\"NDARINV1H7JEJW1\",\"NDARINV1285PMCK\",\"NDARINV7BTZH7L2\",\"NDARINV1EECRFPM\",\"NDARINV52XG9LJ3\", \"NDARINV6UU2L6YJ\", \"NDARINV7TV9UT40\"]:#subject failed previos step\n", + " continue\n", " print(subj)\n", + " \n", " for session in bidslayout.get_sessions(subject=subj):\n", " for smoothing in smoothings:\n", " subj_func_outdir = outdir / f'func_preproc/sub-{subj}/'\n", @@ -2714,48 +1851,54 @@ " desc=\"preproc\",\n", " space=None)\n", " fmriprepanat = filesT1w[0].dirname\n", - " list_nii = bidslayout.get(subject=subj,\n", - " session=session,\n", - " #run='all',\n", - " extension=\".dtseries.nii\",\n", - " suffix=\"bold\",\n", - " desc=\"AROMA\",\n", - " #acquisition=\"MBSE\",\n", - " #space=\"fsLR\",\n", - " regex_search=True,\n", - " invalid_filters=\"allow\",\n", - " return_type='filename')\n", - " concat_nii = [l for l in list_nii if \"all\" in l]\n", - " if len(concat_nii) == 0:\n", - " continue\n", - " #print(concat_nii)\n", - " #run_clusters(\n", - " # subj,\n", - " # Path(concat_nii[0]),\n", - " # clust_outdir,\n", - " # Path(fmriprepanat),\n", - " # surf_source='fmriprep',\n", - " # out_prefix=f'sub-{subj}_ses-{session}_smoothing-{smoothing}_',\n", - " # overwrite=True,\n", - " # layout=bidslayout,\n", - " # anat_dir=Path(fmriprepanat)\n", - " #)\n", - " jobs.append(delayed(run_clusters)(\n", - " subj,\n", - " Path(concat_nii[0]),\n", - " clust_outdir,\n", - " Path(fmriprepanat),\n", - " surf_source='fmriprep',\n", - " out_prefix=f'sub-{subj}_ses-{session}_smoothing-{smoothing}_',\n", - " overwrite=True,\n", - " layout=layout,\n", - " anat_dir=Path(fmriprepanat)\n", - " ))\n", - " clusts.append(dict(\n", - " subject = subj,\n", - " session = session,\n", - " smoothing = smoothing\n", - " ))\n", + " if len(bidslayout.get_runs(subject=subj, session=session)) == 0:\n", + " runs = [None]\n", + " else:\n", + " runs = bidslayout.get_runs(subject=subj, session=session)\n", + " for r in runs: \n", + " print(r)\n", + " func = bidslayout.get(subject=subj,\n", + " session=session,\n", + " extension=\".dtseries.nii\",\n", + " suffix=\"bold\",\n", + " #hemi=hemi,\n", + " run = r,\n", + " desc='AROMAGW',\n", + " space='fsLR',\n", + " regex_search=False,\n", + " invalid_filters=\"allow\",\n", + " return_type='filename')\n", + " if len(func) < 1:\n", + " continue\n", + " run_clusters(\n", + " subj,\n", + " Path(func[0]),\n", + " clust_outdir,\n", + " Path(fmriprepanat),\n", + " surf_source='fmriprep',\n", + " out_prefix=f'sub-{subj}_ses-{session}_run-{r}_smoothing-{smoothing}_',\n", + " overwrite=True,\n", + " layout=bidslayout,\n", + " anat_dir=Path(fmriprepanat)\n", + " )\n", + " \n", + " #jobs.append(delayed(run_clusters)(\n", + " # subj,\n", + " # Path(func[0]),\n", + " # clust_outdir,\n", + " # Path(fmriprepanat),\n", + " # surf_source='fmriprep',\n", + " # out_prefix=f'sub-{subj}_ses-{session}_run-{r}_smoothing-{smoothing}_',\n", + " # overwrite=True,\n", + " # layout=layout,\n", + " # anat_dir=Path(fmriprepanat)\n", + " # ))\n", + " clusts.append(dict(\n", + " subject = subj,\n", + " session = session,\n", + " run=r,\n", + " smoothing = smoothing\n", + " ))\n", "\n", "\n", "#subject, concat_nii, clust_outdir, src_surf_dir,\n", @@ -2772,7 +1915,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 15, "id": "5b9cba6c-0a5b-4c5a-b5f8-243ea35e9f32", "metadata": { "tags": [] @@ -2782,24 +1925,32 @@ "name": "stderr", "output_type": "stream", "text": [ - "[Parallel(n_jobs=20)]: Using backend LokyBackend with 20 concurrent workers.\n", - "/vf/users/ENIGMA-MDD/code/contarg/contarg/clustering.py:112: UserWarning: the number of connected components of the connectivity matrix is 2 > 1. Completing it to avoid stopping the tree early.\n", - " connectivity, n_connected_components = _fix_connectivity(X_for_connected_components, connectivity, affinity='euclidean')\n", - "[Parallel(n_jobs=20)]: Done 2 out of 29 | elapsed: 21.9min remaining: 295.6min\n", - "[Parallel(n_jobs=20)]: Done 5 out of 29 | elapsed: 25.6min remaining: 123.1min\n", - "[Parallel(n_jobs=20)]: Done 8 out of 29 | elapsed: 26.3min remaining: 69.1min\n", - "[Parallel(n_jobs=20)]: Done 11 out of 29 | elapsed: 27.1min remaining: 44.3min\n", - "[Parallel(n_jobs=20)]: Done 14 out of 29 | elapsed: 28.3min remaining: 30.3min\n", - "[Parallel(n_jobs=20)]: Done 17 out of 29 | elapsed: 36.6min remaining: 25.9min\n", - "[Parallel(n_jobs=20)]: Done 20 out of 29 | elapsed: 40.3min remaining: 18.2min\n", - "[Parallel(n_jobs=20)]: Done 23 out of 29 | elapsed: 44.6min remaining: 11.6min\n", - "[Parallel(n_jobs=20)]: Done 26 out of 29 | elapsed: 49.4min remaining: 5.7min\n", - "[Parallel(n_jobs=20)]: Done 29 out of 29 | elapsed: 52.8min finished\n" + "[Parallel(n_jobs=10)]: Using backend LokyBackend with 10 concurrent workers.\n" + ] + }, + { + "ename": "TypeError", + "evalue": "root argument must be a pathlib.Path (or a type that supports casting to pathlib.Path, such as string) specifying the directory containing the BIDS dataset.", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31m_RemoteTraceback\u001b[0m Traceback (most recent call last)", + "\u001b[0;31m_RemoteTraceback\u001b[0m: \n\"\"\"\nTraceback (most recent call last):\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/bids/layout/validation.py\", line 60, in validate_root\n root = Path(root)\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/pathlib.py\", line 1082, in __new__\n self = cls._from_parts(args, init=False)\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/pathlib.py\", line 707, in _from_parts\n drv, root, parts = self._parse_args(args)\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/pathlib.py\", line 691, in _parse_args\n a = os.fspath(a)\nTypeError: expected str, bytes or os.PathLike object, not NoneType\n\nDuring handling of the above exception, another exception occurred:\n\nTraceback (most recent call last):\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/externals/loky/process_executor.py\", line 463, in _process_worker\n r = call_item()\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/externals/loky/process_executor.py\", line 291, in __call__\n return self.fn(*self.args, **self.kwargs)\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py\", line 589, in __call__\n return [func(*args, **kwargs)\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py\", line 589, in \n return [func(*args, **kwargs)\n File \"/vf/users/ENIGMA-MDD/code/contarg/contarg/normgrid.py\", line 1288, in run_clusters\n surfaces = load_surfaces(subject=subject, layout=layout, anat_dir=anat_dir, overwrite=overwrite)\n File \"/vf/users/ENIGMA-MDD/code/contarg/contarg/normgrid.py\", line 457, in load_surfaces\n layout = bids.BIDSLayout( database_path=layout)\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/bids/layout/layout.py\", line 135, in __init__\n root, description = validate_root(root, validate)\n File \"/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/bids/layout/validation.py\", line 62, in validate_root\n raise TypeError(\"root argument must be a pathlib.Path (or a type that \"\nTypeError: root argument must be a pathlib.Path (or a type that supports casting to pathlib.Path, such as string) specifying the directory containing the BIDS dataset.\n\"\"\"", + "\nThe above exception was the direct cause of the following exception:\n", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[15], line 1\u001b[0m\n\u001b[0;32m----> 1\u001b[0m clustreses \u001b[38;5;241m=\u001b[39m \u001b[43mParallel\u001b[49m\u001b[43m(\u001b[49m\u001b[43mn_jobs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;241;43m10\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mverbose\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;241;43m10\u001b[39;49m\u001b[43m)\u001b[49m\u001b[43m(\u001b[49m\u001b[43mjobs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 2\u001b[0m \u001b[38;5;66;03m# Parallel won't work with pybids.\u001b[39;00m\n\u001b[1;32m 3\u001b[0m \u001b[38;5;66;03m# One solution is to save and load in the functions... need more time to implement.\u001b[39;00m\n", + "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py:1952\u001b[0m, in \u001b[0;36mParallel.__call__\u001b[0;34m(self, iterable)\u001b[0m\n\u001b[1;32m 1946\u001b[0m \u001b[38;5;66;03m# The first item from the output is blank, but it makes the interpreter\u001b[39;00m\n\u001b[1;32m 1947\u001b[0m \u001b[38;5;66;03m# progress until it enters the Try/Except block of the generator and\u001b[39;00m\n\u001b[1;32m 1948\u001b[0m \u001b[38;5;66;03m# reach the first `yield` statement. This starts the aynchronous\u001b[39;00m\n\u001b[1;32m 1949\u001b[0m \u001b[38;5;66;03m# dispatch of the tasks to the workers.\u001b[39;00m\n\u001b[1;32m 1950\u001b[0m \u001b[38;5;28mnext\u001b[39m(output)\n\u001b[0;32m-> 1952\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m output \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mreturn_generator \u001b[38;5;28;01melse\u001b[39;00m \u001b[38;5;28;43mlist\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43moutput\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py:1595\u001b[0m, in \u001b[0;36mParallel._get_outputs\u001b[0;34m(self, iterator, pre_dispatch)\u001b[0m\n\u001b[1;32m 1592\u001b[0m \u001b[38;5;28;01myield\u001b[39;00m\n\u001b[1;32m 1594\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backend\u001b[38;5;241m.\u001b[39mretrieval_context():\n\u001b[0;32m-> 1595\u001b[0m \u001b[38;5;28;01myield from\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_retrieve()\n\u001b[1;32m 1597\u001b[0m \u001b[38;5;28;01mexcept\u001b[39;00m \u001b[38;5;167;01mGeneratorExit\u001b[39;00m:\n\u001b[1;32m 1598\u001b[0m \u001b[38;5;66;03m# The generator has been garbage collected before being fully\u001b[39;00m\n\u001b[1;32m 1599\u001b[0m \u001b[38;5;66;03m# consumed. This aborts the remaining tasks if possible and warn\u001b[39;00m\n\u001b[1;32m 1600\u001b[0m \u001b[38;5;66;03m# the user if necessary.\u001b[39;00m\n\u001b[1;32m 1601\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_exception \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mTrue\u001b[39;00m\n", + "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py:1699\u001b[0m, in \u001b[0;36mParallel._retrieve\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 1692\u001b[0m \u001b[38;5;28;01mwhile\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_wait_retrieval():\n\u001b[1;32m 1693\u001b[0m \n\u001b[1;32m 1694\u001b[0m \u001b[38;5;66;03m# If the callback thread of a worker has signaled that its task\u001b[39;00m\n\u001b[1;32m 1695\u001b[0m \u001b[38;5;66;03m# triggered an exception, or if the retrieval loop has raised an\u001b[39;00m\n\u001b[1;32m 1696\u001b[0m \u001b[38;5;66;03m# exception (e.g. `GeneratorExit`), exit the loop and surface the\u001b[39;00m\n\u001b[1;32m 1697\u001b[0m \u001b[38;5;66;03m# worker traceback.\u001b[39;00m\n\u001b[1;32m 1698\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_aborting:\n\u001b[0;32m-> 1699\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_raise_error_fast\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1700\u001b[0m \u001b[38;5;28;01mbreak\u001b[39;00m\n\u001b[1;32m 1702\u001b[0m \u001b[38;5;66;03m# If the next job is not ready for retrieval yet, we just wait for\u001b[39;00m\n\u001b[1;32m 1703\u001b[0m \u001b[38;5;66;03m# async callbacks to progress.\u001b[39;00m\n", + "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py:1734\u001b[0m, in \u001b[0;36mParallel._raise_error_fast\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 1730\u001b[0m \u001b[38;5;66;03m# If this error job exists, immediatly raise the error by\u001b[39;00m\n\u001b[1;32m 1731\u001b[0m \u001b[38;5;66;03m# calling get_result. This job might not exists if abort has been\u001b[39;00m\n\u001b[1;32m 1732\u001b[0m \u001b[38;5;66;03m# called directly or if the generator is gc'ed.\u001b[39;00m\n\u001b[1;32m 1733\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m error_job \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[0;32m-> 1734\u001b[0m \u001b[43merror_job\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mget_result\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtimeout\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py:736\u001b[0m, in \u001b[0;36mBatchCompletionCallBack.get_result\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 730\u001b[0m backend \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mparallel\u001b[38;5;241m.\u001b[39m_backend\n\u001b[1;32m 732\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m backend\u001b[38;5;241m.\u001b[39msupports_retrieve_callback:\n\u001b[1;32m 733\u001b[0m \u001b[38;5;66;03m# We assume that the result has already been retrieved by the\u001b[39;00m\n\u001b[1;32m 734\u001b[0m \u001b[38;5;66;03m# callback thread, and is stored internally. It's just waiting to\u001b[39;00m\n\u001b[1;32m 735\u001b[0m \u001b[38;5;66;03m# be returned.\u001b[39;00m\n\u001b[0;32m--> 736\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_return_or_raise\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 738\u001b[0m \u001b[38;5;66;03m# For other backends, the main thread needs to run the retrieval step.\u001b[39;00m\n\u001b[1;32m 739\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n", + "File \u001b[0;32m/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/joblib/parallel.py:754\u001b[0m, in \u001b[0;36mBatchCompletionCallBack._return_or_raise\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 752\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[1;32m 753\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstatus \u001b[38;5;241m==\u001b[39m TASK_ERROR:\n\u001b[0;32m--> 754\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_result\n\u001b[1;32m 755\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_result\n\u001b[1;32m 756\u001b[0m \u001b[38;5;28;01mfinally\u001b[39;00m:\n", + "\u001b[0;31mTypeError\u001b[0m: root argument must be a pathlib.Path (or a type that supports casting to pathlib.Path, such as string) specifying the directory containing the BIDS dataset." ] } ], "source": [ - "clustreses = Parallel(n_jobs=20, verbose=10)(jobs)\n", + "clustreses = Parallel(n_jobs=10, verbose=10)(jobs)\n", "# Parallel won't work with pybids.\n", "# One solution is to save and load in the functions... need more time to implement." ] diff --git a/notebooks/03_generate_and_evaluate_targets_fmriprep.ipynb b/notebooks/03_generate_and_evaluate_targets_fmriprep.ipynb index c8813bd..c815968 100644 --- a/notebooks/03_generate_and_evaluate_targets_fmriprep.ipynb +++ b/notebooks/03_generate_and_evaluate_targets_fmriprep.ipynb @@ -10,7 +10,7 @@ }, { "cell_type": "code", - "execution_count": 118, + "execution_count": 39, "id": "4c4380f0-b1c7-4175-a513-60235566c327", "metadata": { "tags": [] @@ -53,7 +53,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 22, "id": "2f675f35-3685-4814-8701-c4ce1dfb7ae6", "metadata": { "tags": [] @@ -116,7 +116,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 40, "id": "6f355878-b144-441f-bf43-2258dfe967fc", "metadata": { "tags": [] @@ -134,7 +134,7 @@ }, { "cell_type": "code", - "execution_count": 87, + "execution_count": 46, "id": "ea888fd5-17d5-431d-8dfc-3c93b97be7f0", "metadata": {}, "outputs": [ @@ -142,12 +142,111 @@ "name": "stdout", "output_type": "stream", "text": [ - "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1285PMCK/Simulation/simulation-00/uncert1000\n", + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1285PMCK/Simulation/simulation-00/uncert1000/sub-NDARINV1285PMCK_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation\n", "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINV1EZ26N40\n", "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1H7JEJW1/Simulation\n", "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINV2484CB0H\n", "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINV2BW6G83G\n", - "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINV7A5RDHVW\n" + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/simulation-00/uncert1000/sub-NDARINV52XG9LJ3_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV6UU2L6YJ/Simulation/simulation-00/uncert1000/sub-NDARINV6UU2L6YJ_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINV7A5RDHVW\n", + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV7BTZH7L2/Simulation/simulation-00/uncert1000/sub-NDARINV7BTZH7L2_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV7TV9UT40/Simulation/simulation-00/uncert1000/sub-NDARINV7TV9UT40_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINV85UUUHN0/ses-4yearfollowupyarm1/func/sub-NDARINV85UUUHN0_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINV85UUUHN0/ses-4yearfollowupyarm1/func/sub-NDARINV85UUUHN0_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "23\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINV85UUUHN0/ses-4yearfollowupyarm1/func/sub-NDARINV85UUUHN0_ses-4yearfollowupyarm1_task-rest_run-23_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINV85UUUHN0/ses-4yearfollowupyarm1/func/sub-NDARINV85UUUHN0_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 376)\n", + "17\n", + "2123\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINV85UUUHN0/ses-4yearfollowupyarm1/func/sub-NDARINV85UUUHN0_ses-4yearfollowupyarm1_task-rest_run-2123_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 753)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINV85UUUHN0/ses-4yearfollowupyarm1/func/sub-NDARINV85UUUHN0_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 753)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINV85UUUHN0/ses-4yearfollowupyarm1/func/sub-NDARINV85UUUHN0_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1506)\n", + "3\n", + "20\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVC25XBH2T/ses-4yearfollowupyarm1/func/sub-NDARINVC25XBH2T_ses-4yearfollowupyarm1_task-rest_run-20_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", + " vert_rep_zs = np.arctanh(vert_rep_corr)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "7\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVC25XBH2T/ses-4yearfollowupyarm1/func/sub-NDARINVC25XBH2T_ses-4yearfollowupyarm1_task-rest_run-7_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n" ] }, { @@ -156,11 +255,11 @@ "text": [ "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", - "/tmp/ipykernel_2407754/3079377499.py:236: RuntimeWarning: divide by zero encountered in arctanh\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", " vert_rep_zs = np.arctanh(vert_rep_corr)\n", "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", " return self.data - self.mean\n", - "/tmp/ipykernel_2407754/3079377499.py:246: RuntimeWarning: divide by zero encountered in divide\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", " result = getattr(ufunc, method)(*inputs, **kwargs)\n", @@ -176,6 +275,20 @@ " return self.data - self.mean\n", "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", " result = getattr(ufunc, method)(*inputs, **kwargs)\n", "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", @@ -198,9 +311,459 @@ "name": "stdout", "output_type": "stream", "text": [ + "9\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVC25XBH2T/ses-4yearfollowupyarm1/func/sub-NDARINVC25XBH2T_ses-4yearfollowupyarm1_task-rest_run-9_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", + " vert_rep_zs = np.arctanh(vert_rep_corr)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "16\n", + "79\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVC25XBH2T/ses-4yearfollowupyarm1/func/sub-NDARINVC25XBH2T_ses-4yearfollowupyarm1_task-rest_run-79_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 724)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", + " vert_rep_zs = np.arctanh(vert_rep_corr)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVC25XBH2T/ses-4yearfollowupyarm1/func/sub-NDARINVC25XBH2T_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1092)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", + " vert_rep_zs = np.arctanh(vert_rep_corr)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVCVZ70012/ses-4yearfollowupyarm1/func/sub-NDARINVCVZ70012_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVCVZ70012/ses-4yearfollowupyarm1/func/sub-NDARINVCVZ70012_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVCVZ70012/ses-4yearfollowupyarm1/func/sub-NDARINVCVZ70012_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "17\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVCVZ70012/ses-4yearfollowupyarm1/func/sub-NDARINVCVZ70012_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 756)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVCVZ70012/ses-4yearfollowupyarm1/func/sub-NDARINVCVZ70012_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1121)\n", + "5\n", + "11\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVD5FWJDCY/ses-4yearfollowupyarm1/func/sub-NDARINVD5FWJDCY_ses-4yearfollowupyarm1_task-rest_run-11_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "22\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVD5FWJDCY/ses-4yearfollowupyarm1/func/sub-NDARINVD5FWJDCY_ses-4yearfollowupyarm1_task-rest_run-22_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 380)\n", + "24\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVD5FWJDCY/ses-4yearfollowupyarm1/func/sub-NDARINVD5FWJDCY_ses-4yearfollowupyarm1_task-rest_run-24_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "9\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVD5FWJDCY/ses-4yearfollowupyarm1/func/sub-NDARINVD5FWJDCY_ses-4yearfollowupyarm1_task-rest_run-9_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "18\n", + "2224\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVD5FWJDCY/ses-4yearfollowupyarm1/func/sub-NDARINVD5FWJDCY_ses-4yearfollowupyarm1_task-rest_run-2224_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 733)\n", + "911\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVD5FWJDCY/ses-4yearfollowupyarm1/func/sub-NDARINVD5FWJDCY_ses-4yearfollowupyarm1_task-rest_run-911_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 747)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVD5FWJDCY/ses-4yearfollowupyarm1/func/sub-NDARINVD5FWJDCY_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1480)\n", "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINVEN1P5RFL\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVFPFM6B57/ses-4yearfollowupyarm1/func/sub-NDARINVFPFM6B57_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVFPFM6B57/ses-4yearfollowupyarm1/func/sub-NDARINVFPFM6B57_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "23\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVFPFM6B57/ses-4yearfollowupyarm1/func/sub-NDARINVFPFM6B57_ses-4yearfollowupyarm1_task-rest_run-23_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVFPFM6B57/ses-4yearfollowupyarm1/func/sub-NDARINVFPFM6B57_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "17\n", + "2123\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVFPFM6B57/ses-4yearfollowupyarm1/func/sub-NDARINVFPFM6B57_ses-4yearfollowupyarm1_task-rest_run-2123_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 733)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVFPFM6B57/ses-4yearfollowupyarm1/func/sub-NDARINVFPFM6B57_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 713)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVFPFM6B57/ses-4yearfollowupyarm1/func/sub-NDARINVFPFM6B57_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1446)\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVG8VWC1TN/ses-4yearfollowupyarm1/func/sub-NDARINVG8VWC1TN_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVG8VWC1TN/ses-4yearfollowupyarm1/func/sub-NDARINVG8VWC1TN_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "23\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVG8VWC1TN/ses-4yearfollowupyarm1/func/sub-NDARINVG8VWC1TN_ses-4yearfollowupyarm1_task-rest_run-23_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVG8VWC1TN/ses-4yearfollowupyarm1/func/sub-NDARINVG8VWC1TN_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "17\n", + "2123\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVG8VWC1TN/ses-4yearfollowupyarm1/func/sub-NDARINVG8VWC1TN_ses-4yearfollowupyarm1_task-rest_run-2123_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 682)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVG8VWC1TN/ses-4yearfollowupyarm1/func/sub-NDARINVG8VWC1TN_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 743)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVG8VWC1TN/ses-4yearfollowupyarm1/func/sub-NDARINVG8VWC1TN_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1425)\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVGH5DHURH/ses-4yearfollowupyarm1/func/sub-NDARINVGH5DHURH_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVGH5DHURH/ses-4yearfollowupyarm1/func/sub-NDARINVGH5DHURH_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVGH5DHURH/ses-4yearfollowupyarm1/func/sub-NDARINVGH5DHURH_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "17\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVGH5DHURH/ses-4yearfollowupyarm1/func/sub-NDARINVGH5DHURH_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 752)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVGH5DHURH/ses-4yearfollowupyarm1/func/sub-NDARINVGH5DHURH_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1131)\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVLMU4CC2J/ses-4yearfollowupyarm1/func/sub-NDARINVLMU4CC2J_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVLMU4CC2J/ses-4yearfollowupyarm1/func/sub-NDARINVLMU4CC2J_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "23\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVLMU4CC2J/ses-4yearfollowupyarm1/func/sub-NDARINVLMU4CC2J_ses-4yearfollowupyarm1_task-rest_run-23_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVLMU4CC2J/ses-4yearfollowupyarm1/func/sub-NDARINVLMU4CC2J_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "17\n", + "2123\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVLMU4CC2J/ses-4yearfollowupyarm1/func/sub-NDARINVLMU4CC2J_ses-4yearfollowupyarm1_task-rest_run-2123_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 754)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVLMU4CC2J/ses-4yearfollowupyarm1/func/sub-NDARINVLMU4CC2J_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 756)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVLMU4CC2J/ses-4yearfollowupyarm1/func/sub-NDARINVLMU4CC2J_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1510)\n", + "4\n", + "19\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVN394NEWK/ses-4yearfollowupyarm1/func/sub-NDARINVN394NEWK_ses-4yearfollowupyarm1_task-rest_run-19_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVN394NEWK/ses-4yearfollowupyarm1/func/sub-NDARINVN394NEWK_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "9\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVN394NEWK/ses-4yearfollowupyarm1/func/sub-NDARINVN394NEWK_ses-4yearfollowupyarm1_task-rest_run-9_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "15\n", + "89\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVN394NEWK/ses-4yearfollowupyarm1/func/sub-NDARINVN394NEWK_ses-4yearfollowupyarm1_task-rest_run-89_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 751)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVN394NEWK/ses-4yearfollowupyarm1/func/sub-NDARINVN394NEWK_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1125)\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVP9Y862GP/ses-4yearfollowupyarm1/func/sub-NDARINVP9Y862GP_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "22\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVP9Y862GP/ses-4yearfollowupyarm1/func/sub-NDARINVP9Y862GP_ses-4yearfollowupyarm1_task-rest_run-22_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 380)\n", + "24\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVP9Y862GP/ses-4yearfollowupyarm1/func/sub-NDARINVP9Y862GP_ses-4yearfollowupyarm1_task-rest_run-24_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVP9Y862GP/ses-4yearfollowupyarm1/func/sub-NDARINVP9Y862GP_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "18\n", + "2224\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVP9Y862GP/ses-4yearfollowupyarm1/func/sub-NDARINVP9Y862GP_ses-4yearfollowupyarm1_task-rest_run-2224_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 750)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVP9Y862GP/ses-4yearfollowupyarm1/func/sub-NDARINVP9Y862GP_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 746)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVP9Y862GP/ses-4yearfollowupyarm1/func/sub-NDARINVP9Y862GP_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1496)\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVPE5JBKJ3/ses-4yearfollowupyarm1/func/sub-NDARINVPE5JBKJ3_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVPE5JBKJ3/ses-4yearfollowupyarm1/func/sub-NDARINVPE5JBKJ3_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "23\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVPE5JBKJ3/ses-4yearfollowupyarm1/func/sub-NDARINVPE5JBKJ3_ses-4yearfollowupyarm1_task-rest_run-23_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 380)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVPE5JBKJ3/ses-4yearfollowupyarm1/func/sub-NDARINVPE5JBKJ3_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 376)\n", + "17\n", + "45\n", + "4\n", + "2123\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVPE5JBKJ3/ses-4yearfollowupyarm1/func/sub-NDARINVPE5JBKJ3_ses-4yearfollowupyarm1_task-rest_run-2123_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 505)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVPE5JBKJ3/ses-4yearfollowupyarm1/func/sub-NDARINVPE5JBKJ3_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 520)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVPE5JBKJ3/ses-4yearfollowupyarm1/func/sub-NDARINVPE5JBKJ3_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1025)\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVRZL7PGK1/ses-4yearfollowupyarm1/func/sub-NDARINVRZL7PGK1_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVRZL7PGK1/ses-4yearfollowupyarm1/func/sub-NDARINVRZL7PGK1_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVRZL7PGK1/ses-4yearfollowupyarm1/func/sub-NDARINVRZL7PGK1_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "17\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVRZL7PGK1/ses-4yearfollowupyarm1/func/sub-NDARINVRZL7PGK1_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 753)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVRZL7PGK1/ses-4yearfollowupyarm1/func/sub-NDARINVRZL7PGK1_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1130)\n", "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINVU3CF21GV\n", - "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINVU7WWPJ0M\n" + "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINVU7WWPJ0M\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVV104HFJY/ses-4yearfollowupyarm1/func/sub-NDARINVV104HFJY_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVV104HFJY/ses-4yearfollowupyarm1/func/sub-NDARINVV104HFJY_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "23\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVV104HFJY/ses-4yearfollowupyarm1/func/sub-NDARINVV104HFJY_ses-4yearfollowupyarm1_task-rest_run-23_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", + " vert_rep_zs = np.arctanh(vert_rep_corr)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVV104HFJY/ses-4yearfollowupyarm1/func/sub-NDARINVV104HFJY_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 380)\n", + "17\n", + "2123\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVV104HFJY/ses-4yearfollowupyarm1/func/sub-NDARINVV104HFJY_ses-4yearfollowupyarm1_task-rest_run-2123_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 748)\n" ] }, { @@ -209,11 +772,11 @@ "text": [ "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", - "/tmp/ipykernel_2407754/3079377499.py:236: RuntimeWarning: divide by zero encountered in arctanh\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", " vert_rep_zs = np.arctanh(vert_rep_corr)\n", "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", " return self.data - self.mean\n", - "/tmp/ipykernel_2407754/3079377499.py:246: RuntimeWarning: divide by zero encountered in divide\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", " result = getattr(ufunc, method)(*inputs, **kwargs)\n", @@ -225,11 +788,140 @@ "name": "stdout", "output_type": "stream", "text": [ - "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVWP2U8M5Y/Simulation/simulation-00/uncert1000/sub-NDARINVWP2U8M5Y_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", - "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVX7KKFJ5E/Simulation/simulation-00/uncert1000/sub-NDARINVX7KKFJ5E_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVV104HFJY/ses-4yearfollowupyarm1/func/sub-NDARINVV104HFJY_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 755)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVV104HFJY/ses-4yearfollowupyarm1/func/sub-NDARINVV104HFJY_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1503)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/vf/users/ENIGMA-MDD/code/contarg/contarg/utils.py:1113: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/tmp/ipykernel_1154276/2896987991.py:259: RuntimeWarning: divide by zero encountered in arctanh\n", + " vert_rep_zs = np.arctanh(vert_rep_corr)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n", + "/tmp/ipykernel_1154276/2896987991.py:269: RuntimeWarning: divide by zero encountered in divide\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/pandas/core/arraylike.py:399: RuntimeWarning: divide by zero encountered in arctanh\n", + " result = getattr(ufunc, method)(*inputs, **kwargs)\n", + "/vf/users/ENIGMA-MDD/code/contargenv/lib/python3.9/site-packages/statsmodels/stats/weightstats.py:140: RuntimeWarning: invalid value encountered in subtract\n", + " return self.data - self.mean\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "4\n", + "12\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-12_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "14\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-14_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "25\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-25_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "27\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-27_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 194)\n", + "21\n", + "1425\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-1425_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 755)\n", + "812\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-812_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 573)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWFN7K4C5/ses-4yearfollowupyarm1/func/sub-NDARINVWFN7K4C5_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1693)\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWP2U8M5Y/ses-4yearfollowupyarm1/func/sub-NDARINVWP2U8M5Y_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWP2U8M5Y/ses-4yearfollowupyarm1/func/sub-NDARINVWP2U8M5Y_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 379)\n", + "23\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWP2U8M5Y/ses-4yearfollowupyarm1/func/sub-NDARINVWP2U8M5Y_ses-4yearfollowupyarm1_task-rest_run-23_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWP2U8M5Y/ses-4yearfollowupyarm1/func/sub-NDARINVWP2U8M5Y_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "17\n", + "2123\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWP2U8M5Y/ses-4yearfollowupyarm1/func/sub-NDARINVWP2U8M5Y_ses-4yearfollowupyarm1_task-rest_run-2123_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 757)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWP2U8M5Y/ses-4yearfollowupyarm1/func/sub-NDARINVWP2U8M5Y_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 755)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVWP2U8M5Y/ses-4yearfollowupyarm1/func/sub-NDARINVWP2U8M5Y_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1512)\n", + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVX7KKFJ5E/ses-4yearfollowupyarm1/func/sub-NDARINVX7KKFJ5E_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVX7KKFJ5E/ses-4yearfollowupyarm1/func/sub-NDARINVX7KKFJ5E_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 377)\n", + "26\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVX7KKFJ5E/ses-4yearfollowupyarm1/func/sub-NDARINVX7KKFJ5E_ses-4yearfollowupyarm1_task-rest_run-26_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 376)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVX7KKFJ5E/ses-4yearfollowupyarm1/func/sub-NDARINVX7KKFJ5E_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 375)\n", + "17\n", + "2126\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVX7KKFJ5E/ses-4yearfollowupyarm1/func/sub-NDARINVX7KKFJ5E_ses-4yearfollowupyarm1_task-rest_run-2126_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 723)\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVX7KKFJ5E/ses-4yearfollowupyarm1/func/sub-NDARINVX7KKFJ5E_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 749)\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVX7KKFJ5E/ses-4yearfollowupyarm1/func/sub-NDARINVX7KKFJ5E_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 1472)\n", "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/NDARINVXTMW4PWB\n", - "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVXZRDA6CJ/Simulation/simulation-00/uncert1000/sub-NDARINVXZRDA6CJ_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n", - "file not found: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINVYKVPYY2M/Simulation/simulation-00/uncert1000/sub-NDARINVYKVPYY2M_space-fsLR_den-32k_desc-magnEmean_stat.dtseries.nii\n" + "4\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVXZRDA6CJ/ses-4yearfollowupyarm1/func/sub-NDARINVXZRDA6CJ_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "21\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVXZRDA6CJ/ses-4yearfollowupyarm1/func/sub-NDARINVXZRDA6CJ_ses-4yearfollowupyarm1_task-rest_run-21_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "(32492, 378)\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVXZRDA6CJ/ses-4yearfollowupyarm1/func/sub-NDARINVXZRDA6CJ_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "17\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVXZRDA6CJ/ses-4yearfollowupyarm1/func/sub-NDARINVXZRDA6CJ_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVXZRDA6CJ/ses-4yearfollowupyarm1/func/sub-NDARINVXZRDA6CJ_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "10\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVYKVPYY2M/ses-4yearfollowupyarm1/func/sub-NDARINVYKVPYY2M_ses-4yearfollowupyarm1_task-rest_run-10_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "31\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVYKVPYY2M/ses-4yearfollowupyarm1/func/sub-NDARINVYKVPYY2M_ses-4yearfollowupyarm1_task-rest_run-31_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "33\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVYKVPYY2M/ses-4yearfollowupyarm1/func/sub-NDARINVYKVPYY2M_ses-4yearfollowupyarm1_task-rest_run-33_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "8\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVYKVPYY2M/ses-4yearfollowupyarm1/func/sub-NDARINVYKVPYY2M_ses-4yearfollowupyarm1_task-rest_run-8_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "15\n", + "24\n", + "4\n", + "3133\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVYKVPYY2M/ses-4yearfollowupyarm1/func/sub-NDARINVYKVPYY2M_ses-4yearfollowupyarm1_task-rest_run-3133_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "810\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVYKVPYY2M/ses-4yearfollowupyarm1/func/sub-NDARINVYKVPYY2M_ses-4yearfollowupyarm1_task-rest_run-810_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n", + "9999\n", + "['/data/ENIGMA-MDD/BIDS/ABCD/derivatives/fmriprep-23-2-2/sub-NDARINVYKVPYY2M/ses-4yearfollowupyarm1/func/sub-NDARINVYKVPYY2M_ses-4yearfollowupyarm1_task-rest_run-9999_space-fsLR_den-91k_desc-AROMAGW-wb-sm-2-55_bold.dtseries.nii']\n" ] } ], @@ -237,6 +929,7 @@ "stim_stats = []\n", "min_mt = []\n", "for subject in subjects:\n", + " \n", " for session in bidslayout.get_sessions(subject=subject):\n", " #print(session)\n", " if not Path(anat_dir / f'sub-{subject}').exists():\n", @@ -444,99 +1137,144 @@ " # load functional data\n", " #lrest_dir = liston_root / f'sub-{subject}/func/rest'\n", " #concat_nii = lrest_dir / f'session_{session}/concatenated/Rest_session-{session}_OCME+MEICA+MGTR_Concatenated+SubcortRegression+SpatialSmoothing{smoothing}.dtseries.nii'\n", - " func = bidslayout.get(subject=subject,\n", - " session=session,\n", - " extension=\".dtseries.nii\",\n", - " suffix=\"bold\",\n", - " #hemi=hemi,\n", - " #run = None,\n", - " desc='AROMA',\n", - " space='fsLR',\n", - " regex_search=True,\n", - " invalid_filters=\"allow\",\n", - " return_type='filename')\n", - " concat_nii = [l for l in func if \"all\" in l]\n", - " timeseries = concat_nii\n", - " lts_data, rts_data, ts_data = load_timeseries(timeseries)\n", - " clust_dir = func_dir / f'sub-{subject}/ses-{session}/cluster'\n", - " dstim_clusters = pd.read_pickle(clust_dir / f'sub-{subject}_ses-{session}_smoothing-{smoothing}_dstimclusters.pkl.gz')\n", - " dstim_verts = pd.read_pickle(clust_dir / f'sub-{subject}_ses-{session}_smoothing-{smoothing}_dstimverts.pkl.gz')\n", - " ref_clusters = pd.read_pickle(clust_dir / f'sub-{subject}_ses-{session}_smoothing-{smoothing}_refclusters.pkl.gz')\n", - " ref_repts = np.load(clust_dir / f'sub-{subject}_ses-{session}_smoothing-{smoothing}_refrepts.npz.npy')\n", - " ref_ts = np.load(clust_dir / f'sub-{subject}_ses-{session}_smoothing-{smoothing}_refts.npz.npy')\n", - " \n", - " \n", - " # get vertex wise correlations for intensity eval\n", - " vert_rep_corr, _, _ = cross_spearman(lts_data[iidxs.idx.values], np.array(list(ref_clusters.repts.values)),\n", - " alpha=pairwise_sig_thresh, method='fdr_bh')\n", - " vert_rep_zs = np.arctanh(vert_rep_corr)\n", - " vert_rep_ds = weightstats.DescrStatsW(vert_rep_zs.T, weights=ref_clusters.nvert.values)\n", - " vert_rep_mean = np.tanh(vert_rep_ds.mean)\n", - " vert_rep_t, vert_rep_p = vert_rep_ds.ztest_mean()\n", - " iidxs['vert_rep_mean'] = vert_rep_mean\n", - " iidxs['vert_rep_avet'] = vert_rep_t\n", - " iidxs['vert_rep_avep'] = vert_rep_p\n", + " #for each run\n", + " if len(bidslayout.get_runs(subject=subject, session=session)) == 0:\n", + " runs = [None]\n", + " else:\n", + " runs = bidslayout.get_runs(subject=subject, session=session)\n", + " for r in runs: \n", + " print(r)\n", + " func = bidslayout.get(subject=subject,\n", + " session=session,\n", + " extension=\".dtseries.nii\",\n", + " suffix=\"bold\",\n", + " #hemi=hemi,\n", + " run = r,\n", + " desc='AROMAGW',\n", + " space='fsLR',\n", + " regex_search=False,\n", + " invalid_filters=\"allow\",\n", + " return_type='filename')\n", + " if len(func) < 1:\n", + " continue\n", + " #concat_nii = [l for l in func if \"all\" in l]\n", + " #print(concat_nii)\n", + " print(func)\n", + " #timeseries = func[0]\n", + " lts_data, rts_data, ts_data = load_timeseries(func)\n", + " clust_dir = func_dir / f'sub-{subject}/ses-{session}/cluster'\n", + " #Check paths first...\n", + " if not Path(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_dstimclusters.pkl.gz').exists():\n", + " continue\n", + " if not Path(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_dstimverts.pkl.gz').exists():\n", + " continue\n", + " if not Path(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_refclusters.pkl.gz').exists():\n", + " continue\n", + " if not Path(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_refrepts.npz.npy').exists():\n", + " continue\n", + " if not Path(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_refts.npz.npy').exists():\n", + " continue\n", + " dstim_clusters = pd.read_pickle(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_dstimclusters.pkl.gz')\n", + " dstim_verts = pd.read_pickle(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_dstimverts.pkl.gz')\n", + " ref_clusters = pd.read_pickle(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_refclusters.pkl.gz')\n", + " ref_repts = np.load(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_refrepts.npz.npy')\n", + " ref_ts = np.load(clust_dir / f'sub-{subject}_ses-{session}_run-{r}_smoothing-{smoothing}_refts.npz.npy')\n", + " \n", + " print(lts_data.shape)\n", + " # get vertex wise correlations for intensity eval\n", + " vert_rep_corr, _, _ = cross_spearman(lts_data[iidxs.idx.values], np.array(list(ref_clusters.repts.values)),\n", + " alpha=pairwise_sig_thresh, method='fdr_bh')\n", + " vert_rep_zs = np.arctanh(vert_rep_corr)\n", + " vert_rep_ds = weightstats.DescrStatsW(vert_rep_zs.T, weights=ref_clusters.nvert.values)\n", + " vert_rep_mean = np.tanh(vert_rep_ds.mean)\n", + " vert_rep_t, vert_rep_p = vert_rep_ds.ztest_mean()\n", + " iidxs['vert_rep_mean'] = vert_rep_mean\n", + " iidxs['vert_rep_avet'] = vert_rep_t\n", + " iidxs['vert_rep_avep'] = vert_rep_p\n", " \n", - " n = ref_repts.shape[1]\n", - " rs = vert_rep_mean\n", - " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", - " iidxs['vert_rep_rp'] = stats.t.sf(np.abs(ts), n - 2) * 2\n", + " n = ref_repts.shape[1]\n", + " rs = vert_rep_mean\n", + " ts = rs * np.sqrt((n - 2) / ((rs + 1.0) * (1.0 - rs)))\n", + " iidxs['vert_rep_rp'] = stats.t.sf(np.abs(ts), n - 2) * 2\n", " \n", " # get cluster stats\n", - " iidxs_tsc = iidxs.merge(dstim_verts, how='left', on='idx')\n", + " iidxs_tsc = iidxs.merge(dstim_verts, how='left', on='idx')\n", " \n", - " pos_iidxs_tsc = pos_iidxs.merge(iidxs_tsc, how='left', on='idx')\n", + " pos_iidxs_tsc = pos_iidxs.merge(iidxs_tsc, how='left', on='idx')\n", "\n", - " for pos_ix, df in pos_iidxs_tsc.groupby('pos_ix'):\n", - " rep_zs = np.arctanh(df.vert_rep_mean)\n", - " weights = df['actprob'].values\n", - " #print(df.columns)\n", - " if weights.sum() < 1:\n", - " continue\n", - " \n", - " rep_ds = weightstats.DescrStatsW(rep_zs.T, weights=weights)\n", - " rep_mean = np.tanh(rep_ds.mean)\n", - " rep_std = np.tanh(rep_ds.std)\n", - " rep_t, _ = rep_ds.ztest_mean()\n", - " if rep_std == 0:\n", - " continue\n", - " rep_va_ds = weightstats.DescrStatsW(rep_zs.T, weights=weights * df.vertex_area.values)\n", - " rep_va_mean = np.tanh(rep_va_ds.mean)\n", - " \n", - " rep_neg = rep_zs < 0\n", - " rn_ds = weightstats.DescrStatsW(rep_neg.T, weights=weights) \n", - " in_stim_ds = weightstats.DescrStatsW(df.in_stim.values, weights=weights)\n", - " rn_va_ds = weightstats.DescrStatsW(rep_neg.T , weights=weights * df.vertex_area) \n", - " in_stim_va_ds = weightstats.DescrStatsW(df.in_stim.values , weights=weights * df.vertex_area)\n", - " mt_ds = weightstats.DescrStatsW(df.motor_threshold.values, weights=weights)\n", - " row = dict(\n", - " subject=subject,\n", - " session=session,\n", - " smoothing=smoothing,\n", - " pos_ix=pos_ix,\n", - " n = len(df),\n", - " weighted_n = weights.sum(),\n", - " area = df.vertex_area.sum(),\n", - " weighted_area = (df.vertex_area * weights).sum(),\n", - " prop_neg=rn_ds.mean,\n", - " prop_va_neg=rn_va_ds.mean,\n", - " rep_mean=rep_mean,\n", - " rep_va_mean = rep_va_mean,\n", - " rep_std=rep_std,\n", - " rep_t=rep_t,\n", - " in_stim=in_stim_ds.mean,\n", - " in_stim_va=in_stim_va_ds.mean,\n", - " mt=mt_ds.mean,\n", - " mt_std=mt_ds.std,\n", - " )\n", - " row.update(pos_list.loc[pos_list.pos_ix == pos_ix, pl_cols].iloc[0].to_dict())\n", - " stim_stats.append(row)\n", + " for pos_ix, df in pos_iidxs_tsc.groupby('pos_ix'):\n", + " rep_zs = np.arctanh(df.vert_rep_mean)\n", + " weights = df['actprob'].values\n", + " #print(df.columns)\n", + " if weights.sum() < 1:\n", + " continue\n", + " \n", + " rep_ds = weightstats.DescrStatsW(rep_zs.T, weights=weights)\n", + " rep_mean = np.tanh(rep_ds.mean)\n", + " rep_std = np.tanh(rep_ds.std)\n", + " rep_t, _ = rep_ds.ztest_mean()\n", + " if rep_std == 0:\n", + " continue\n", + " rep_va_ds = weightstats.DescrStatsW(rep_zs.T, weights=weights * df.vertex_area.values)\n", + " rep_va_mean = np.tanh(rep_va_ds.mean)\n", + " \n", + " rep_neg = rep_zs < 0\n", + " rn_ds = weightstats.DescrStatsW(rep_neg.T, weights=weights) \n", + " in_stim_ds = weightstats.DescrStatsW(df.in_stim.values, weights=weights)\n", + " rn_va_ds = weightstats.DescrStatsW(rep_neg.T , weights=weights * df.vertex_area) \n", + " in_stim_va_ds = weightstats.DescrStatsW(df.in_stim.values , weights=weights * df.vertex_area)\n", + " mt_ds = weightstats.DescrStatsW(df.motor_threshold.values, weights=weights)\n", + " row = dict(\n", + " subject=subject,\n", + " session=session,\n", + " smoothing=smoothing,\n", + " run=r,\n", + " pos_ix=pos_ix,\n", + " n = len(df),\n", + " weighted_n = weights.sum(),\n", + " area = df.vertex_area.sum(),\n", + " weighted_area = (df.vertex_area * weights).sum(),\n", + " prop_neg=rn_ds.mean,\n", + " prop_va_neg=rn_va_ds.mean,\n", + " rep_mean=rep_mean,\n", + " rep_va_mean = rep_va_mean,\n", + " rep_std=rep_std,\n", + " rep_t=rep_t,\n", + " in_stim=in_stim_ds.mean,\n", + " in_stim_va=in_stim_va_ds.mean,\n", + " mt=mt_ds.mean,\n", + " mt_std=mt_ds.std,\n", + " )\n", + " row.update(pos_list.loc[pos_list.pos_ix == pos_ix, pl_cols].iloc[0].to_dict())\n", + " stim_stats.append(row)\n", " " ] }, { "cell_type": "code", - "execution_count": 89, + "execution_count": 38, + "id": "572b2fee-36c6-4119-aa74-6617f5450a8e", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "(10047, 378)\n", + "(35, 1092)\n" + ] + } + ], + "source": [ + "a = lts_data[iidxs.idx.values]\n", + "print(a.shape)\n", + "b = np.array(list(ref_clusters.repts.values))\n", + "print(b.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 53, "id": "bd86b2cc-19c6-4a3c-9df2-2b52312de9a3", "metadata": {}, "outputs": [], @@ -546,14 +1284,14 @@ "stim_stats_rev['rep_r_rank'] = (\n", " stim_stats_rev\n", " .sort_values(['in_stim'], ascending=False)\n", - " .groupby(['subject', 'session', 'smoothing',])\n", + " .groupby(['subject', 'session', 'run' ,'smoothing',])\n", " .rep_mean\n", " .transform('rank', method='first', ascending=True)\n", ")\n", "stim_stats_rev['rep_rva_rank'] = (\n", " stim_stats_rev\n", " .sort_values(['in_stim'], ascending=False)\n", - " .groupby(['subject', 'session', 'smoothing',])\n", + " .groupby(['subject', 'session', 'run','smoothing',])\n", " .rep_va_mean\n", " .transform('rank', method='first', ascending=True)\n", ")\n", @@ -562,7 +1300,7 @@ }, { "cell_type": "code", - "execution_count": 90, + "execution_count": 54, "id": "98c4b6a3-ee52-46ed-ac90-1db4abf8bb5a", "metadata": { "tags": [] @@ -571,6 +1309,7 @@ "source": [ "ses_comp_cols = [\n", " 'subject',\n", + " 'run',\n", " 'smoothing',\n", " 'pos_ix',\n", " 'weighted_n',\n", @@ -611,7 +1350,7 @@ }, { "cell_type": "code", - "execution_count": 91, + "execution_count": 58, "id": "13392859", "metadata": { "collapsed": false, @@ -642,6 +1381,7 @@ " \n", " \n", " subject\n", + " run\n", " smoothing\n", " pos_ix\n", " weighted_n\n", @@ -668,331 +1408,3286 @@ " \n", " \n", " \n", - " 356\n", - " NDARINV7BTZH7L2\n", + " 22\n", + " NDARINV85UUUHN0\n", + " 10\n", + " 2.55\n", + " 22\n", + " 121.285072\n", + " 655.511953\n", + " 90.919637\n", + " 1.0\n", + " 1.0\n", + " -0.008493\n", + " -0.006987\n", + " 0.032702\n", + " -2.847403\n", + " 0.536241\n", + " 0.502743\n", + " 0.554919\n", + " 0.536561\n", + " -60.2920\n", + " 79.5642\n", + " 8.4801\n", + " -43.762367\n", + " 73.843163\n", + " 4.994923\n", + " 121.660091\n", + " \n", + " \n", + " 36\n", + " NDARINV85UUUHN0\n", + " 21\n", + " 2.55\n", + " 4\n", + " 170.338425\n", + " 907.764429\n", + " 128.717216\n", + " 1.0\n", + " 1.0\n", + " -0.095256\n", + " -0.095933\n", + " 0.065037\n", + " -19.090326\n", + " 0.896595\n", + " 0.880869\n", + " 0.682628\n", + " 0.670611\n", + " -62.2484\n", + " 76.0818\n", + " 7.4723\n", + " -46.258129\n", + " 74.269302\n", + " 3.441146\n", + " 121.003531\n", + " \n", + " \n", + " 85\n", + " NDARINV85UUUHN0\n", + " 23\n", + " 2.55\n", + " 21\n", + " 158.104617\n", + " 693.404292\n", + " 120.168448\n", + " 1.0\n", + " 1.0\n", + " -0.011542\n", + " -0.009790\n", + " 0.040575\n", + " -3.563692\n", + " 0.672762\n", + " 0.647119\n", + " 0.536597\n", + " 0.541799\n", + " -57.7107\n", + " 81.5753\n", + " 12.7593\n", + " -40.993561\n", + " 78.290009\n", + " 8.331030\n", + " 247.382703\n", + " \n", + " \n", + " 118\n", + " NDARINV85UUUHN0\n", + " 8\n", + " 2.55\n", + " 22\n", + " 121.285072\n", + " 655.511953\n", + " 90.919637\n", + " 1.0\n", + " 1.0\n", + " -0.086968\n", + " -0.086169\n", + " 0.043247\n", + " -22.097146\n", + " 0.969426\n", + " 0.970370\n", + " 0.554919\n", + " 0.536561\n", + " -60.2920\n", + " 79.5642\n", + " 8.4801\n", + " -43.762367\n", + " 73.843163\n", + " 4.994923\n", + " 121.660091\n", + " \n", + " \n", + " 132\n", + " NDARINV85UUUHN0\n", + " 2123\n", + " 2.55\n", + " 4\n", + " 170.338425\n", + " 907.764429\n", + " 128.717216\n", + " 1.0\n", + " 1.0\n", + " -0.050169\n", + " -0.050416\n", + " 0.048735\n", + " -13.396650\n", + " 0.849931\n", + " 0.841141\n", + " 0.682628\n", + " 0.670611\n", + " -62.2484\n", + " 76.0818\n", + " 7.4723\n", + " -46.258129\n", + " 74.269302\n", + " 3.441146\n", + " 121.003531\n", + " \n", + " \n", + " 182\n", + " NDARINV85UUUHN0\n", + " 810\n", + " 2.55\n", + " 22\n", + " 121.285072\n", + " 655.511953\n", + " 90.919637\n", + " 1.0\n", + " 1.0\n", + " -0.047106\n", + " -0.045985\n", + " 0.031961\n", + " -16.171352\n", + " 0.947258\n", + " 0.939561\n", + " 0.554919\n", + " 0.536561\n", + " -60.2920\n", + " 79.5642\n", + " 8.4801\n", + " -43.762367\n", + " 73.843163\n", + " 4.994923\n", + " 121.660091\n", + " \n", + " \n", + " 196\n", + " NDARINV85UUUHN0\n", + " 9999\n", + " 2.55\n", + " 4\n", + " 170.338425\n", + " 907.764429\n", + " 128.717216\n", + " 1.0\n", + " 1.0\n", + " -0.043057\n", + " -0.042635\n", + " 0.041154\n", + " -13.615546\n", + " 0.853186\n", + " 0.836906\n", + " 0.682628\n", + " 0.670611\n", + " -62.2484\n", + " 76.0818\n", + " 7.4723\n", + " -46.258129\n", + " 74.269302\n", + " 3.441146\n", + " 121.003531\n", + " \n", + " \n", + " 262\n", + " NDARINVC25XBH2T\n", + " 20\n", + " 2.55\n", + " 38\n", + " 193.392860\n", + " 920.380768\n", + " 126.725337\n", + " 1.0\n", + " 1.0\n", + " -0.113804\n", + " -0.105584\n", + " 0.104773\n", + " -15.076150\n", + " 0.868279\n", + " 0.845314\n", + " 0.374338\n", + " 0.380802\n", + " -50.6709\n", + " 74.9207\n", + " 61.9425\n", + " -39.205894\n", + " 64.071884\n", + " 53.871166\n", + " 349.926586\n", + " \n", + " \n", + " 373\n", + " NDARINVC25XBH2T\n", + " 7\n", + " 2.55\n", + " 52\n", + " 212.403270\n", + " 767.712406\n", + " 142.951702\n", + " 1.0\n", + " 1.0\n", + " -0.009384\n", + " -0.004428\n", + " 0.097074\n", + " -1.401175\n", + " 0.550383\n", + " 0.524545\n", + " 0.347143\n", + " 0.348855\n", + " -56.4778\n", + " 67.8128\n", + " 58.7894\n", + " -41.135490\n", + " 62.637352\n", + " 50.721909\n", + " 238.616157\n", + " \n", + " \n", + " 479\n", + " NDARINVC25XBH2T\n", + " 9\n", + " 2.55\n", + " 61\n", + " 130.470367\n", + " 632.062884\n", + " 88.347470\n", + " 1.0\n", + " 1.0\n", + " -0.112687\n", + " -0.112783\n", + " 0.076840\n", + " -16.724804\n", + " 0.906562\n", + " 0.910782\n", + " 0.683223\n", + " 0.673499\n", + " -54.7580\n", + " 84.4150\n", + " 35.0650\n", + " -41.855236\n", + " 78.875870\n", + " 32.637177\n", + " 171.665679\n", + " \n", + " \n", + " 567\n", + " NDARINVC25XBH2T\n", + " 79\n", + " 2.55\n", + " 52\n", + " 212.403270\n", + " 767.712406\n", + " 142.951702\n", + " 1.0\n", + " 1.0\n", + " -0.057175\n", + " -0.053512\n", + " 0.077999\n", + " -10.647958\n", + " 0.781405\n", + " 0.773401\n", + " 0.347143\n", + " 0.348855\n", + " -56.4778\n", + " 67.8128\n", + " 58.7894\n", + " -41.135490\n", + " 62.637352\n", + " 50.721909\n", + " 238.616157\n", + " \n", + " \n", + " 664\n", + " NDARINVC25XBH2T\n", + " 9999\n", + " 2.55\n", + " 52\n", + " 212.403270\n", + " 767.712406\n", + " 142.951702\n", + " 2.0\n", + " 1.0\n", + " -0.070520\n", + " -0.065556\n", + " 0.077852\n", + " -13.165636\n", + " 0.799910\n", + " 0.788471\n", + " 0.347143\n", + " 0.348855\n", + " -56.4778\n", + " 67.8128\n", + " 58.7894\n", + " -41.135490\n", + " 62.637352\n", + " 50.721909\n", + " 238.616157\n", + " \n", + " \n", + " 1324\n", + " NDARINVCVZ70012\n", + " 9999\n", + " 2.55\n", + " 79\n", + " 96.707288\n", + " 543.181106\n", + " 68.767411\n", + " 1.0\n", + " 1.0\n", + " -0.040582\n", + " -0.042965\n", + " 0.045367\n", + " -8.749909\n", + " 0.834893\n", + " 0.835154\n", + " 0.201781\n", + " 0.208319\n", + " -45.5120\n", + " 65.1310\n", + " 32.9540\n", + " -33.220791\n", + " 55.603340\n", + " 25.881628\n", + " 144.709975\n", + " \n", + " \n", + " 1215\n", + " NDARINVCVZ70012\n", + " 810\n", + " 2.55\n", + " 104\n", + " 135.310753\n", + " 613.282919\n", + " 112.886463\n", + " 1.0\n", + " 1.0\n", + " -0.032843\n", + " -0.033980\n", + " 0.028952\n", + " -13.147536\n", + " 0.876947\n", + " 0.893221\n", + " 0.288301\n", + " 0.270366\n", + " -53.4563\n", + " 69.4829\n", + " 10.2632\n", + " -38.466469\n", + " 57.850403\n", + " 6.079185\n", + " 225.084868\n", + " \n", + " \n", + " 922\n", + " NDARINVCVZ70012\n", + " 21\n", + " 2.55\n", + " 79\n", + " 96.707288\n", + " 543.181106\n", + " 68.767411\n", + " 1.0\n", + " 1.0\n", + " -0.090198\n", + " -0.094125\n", + " 0.065792\n", + " -13.429064\n", + " 0.937913\n", + " 0.943782\n", + " 0.201781\n", + " 0.208319\n", + " -45.5120\n", + " 65.1310\n", + " 32.9540\n", + " -33.220791\n", + " 55.603340\n", + " 25.881628\n", + " 144.709975\n", + " \n", + " \n", + " 813\n", + " NDARINVCVZ70012\n", + " 10\n", + " 2.55\n", + " 104\n", + " 135.310753\n", + " 613.282919\n", + " 112.886463\n", + " 1.0\n", + " 1.0\n", + " -0.053674\n", + " -0.054871\n", + " 0.041372\n", + " -15.041215\n", + " 0.917565\n", + " 0.934737\n", + " 0.288301\n", + " 0.270366\n", + " -53.4563\n", + " 69.4829\n", + " 10.2632\n", + " -38.466469\n", + " 57.850403\n", + " 6.079185\n", + " 225.084868\n", + " \n", + " \n", + " 1039\n", + " NDARINVCVZ70012\n", + " 8\n", + " 2.55\n", + " 62\n", + " 116.082607\n", + " 549.692604\n", + " 83.366043\n", + " 2.0\n", + " 1.0\n", + " -0.017697\n", + " -0.017426\n", + " 0.036337\n", + " -5.222824\n", + " 0.746467\n", + " 0.738631\n", + " 0.360605\n", + " 0.367032\n", + " -47.2702\n", + " 64.0340\n", + " 31.7466\n", + " -33.279984\n", + " 53.372173\n", + " 22.454445\n", + " 132.869199\n", + " \n", + " \n", + " 1429\n", + " NDARINVD5FWJDCY\n", + " 11\n", + " 2.55\n", + " 50\n", + " 141.331224\n", + " 613.119075\n", + " 101.420088\n", + " 1.0\n", + " 1.0\n", + " -0.060328\n", + " -0.062383\n", + " 0.053319\n", + " -13.406980\n", + " 0.830649\n", + " 0.840096\n", + " 0.376714\n", + " 0.377487\n", + " -45.8788\n", + " 70.2967\n", + " 66.8892\n", + " -36.900017\n", + " 61.160355\n", + " 54.038601\n", + " 296.716010\n", + " \n", + " \n", + " 1569\n", + " NDARINVD5FWJDCY\n", + " 22\n", + " 2.55\n", + " 35\n", + " 133.749937\n", + " 591.634953\n", + " 93.040959\n", + " 1.0\n", + " 1.0\n", + " -0.090843\n", + " -0.090734\n", + " 0.065374\n", + " -16.031843\n", + " 0.909872\n", + " 0.909521\n", + " 0.272026\n", + " 0.274316\n", + " -43.4530\n", + " 66.3710\n", + " 72.9480\n", + " -32.778923\n", + " 59.360630\n", + " 59.191315\n", + " 272.858688\n", + " \n", + " \n", + " 1796\n", + " NDARINVD5FWJDCY\n", + " 24\n", + " 2.55\n", + " 107\n", + " 217.088585\n", + " 1202.569538\n", + " 150.623243\n", + " 1.0\n", + " 1.0\n", + " -0.028401\n", + " -0.027780\n", + " 0.036621\n", + " -11.398334\n", + " 0.796206\n", + " 0.788175\n", + " 0.378498\n", + " 0.406280\n", + " -52.7050\n", + " 44.4340\n", + " 76.9660\n", + " -39.756561\n", + " 37.125149\n", + " 65.878433\n", + " 341.849753\n", + " \n", + " \n", + " 1975\n", + " NDARINVD5FWJDCY\n", + " 9\n", + " 2.55\n", + " 131\n", + " 196.094134\n", + " 949.363604\n", + " 142.514279\n", + " 1.0\n", + " 1.0\n", + " -0.067510\n", + " -0.067536\n", + " 0.049630\n", + " -19.013031\n", + " 0.883263\n", + " 0.874969\n", + " 0.433609\n", + " 0.431304\n", + " -63.6952\n", + " 46.8756\n", + " 59.3244\n", + " -48.267265\n", + " 41.814281\n", + " 54.914951\n", + " 64.938555\n", + " \n", + " \n", + " 2034\n", + " NDARINVD5FWJDCY\n", + " 2224\n", + " 2.55\n", + " 35\n", + " 133.749937\n", + " 591.634953\n", + " 93.040959\n", + " 1.0\n", + " 1.0\n", + " -0.054799\n", + " -0.054267\n", + " 0.036865\n", + " -17.136088\n", + " 0.912767\n", + " 0.906202\n", + " 0.272026\n", + " 0.274316\n", + " -43.4530\n", + " 66.3710\n", + " 72.9480\n", + " -32.778923\n", + " 59.360630\n", + " 59.191315\n", + " 272.858688\n", + " \n", + " \n", + " 2205\n", + " NDARINVD5FWJDCY\n", + " 911\n", + " 2.55\n", + " 51\n", + " 167.849957\n", + " 818.400496\n", + " 116.770422\n", + " 1.0\n", + " 1.0\n", + " -0.056459\n", + " -0.056418\n", + " 0.042720\n", + " -17.079054\n", + " 0.908595\n", + " 0.908458\n", + " 0.490632\n", + " 0.513656\n", + " -50.5315\n", + " 50.7084\n", + " 76.3422\n", + " -40.647972\n", + " 44.774643\n", + " 63.480423\n", + " 308.386183\n", + " \n", + " \n", + " 2324\n", + " NDARINVD5FWJDCY\n", + " 9999\n", + " 2.55\n", + " 15\n", + " 82.480890\n", + " 518.739055\n", + " 57.592003\n", + " 1.0\n", + " 1.0\n", + " -0.047023\n", + " -0.045751\n", + " 0.040952\n", + " -10.366854\n", + " 0.841249\n", + " 0.822792\n", + " 0.526761\n", + " 0.538173\n", + " -53.7301\n", + " 61.3148\n", + " 65.3298\n", + " -39.911140\n", + " 54.487965\n", + " 53.733021\n", + " 143.880916\n", + " \n", + " \n", + " 2958\n", + " NDARINVFPFM6B57\n", + " 810\n", + " 2.55\n", + " 39\n", + " 136.269274\n", + " 697.972667\n", + " 96.912080\n", + " 1.0\n", + " 1.0\n", + " -0.033703\n", + " -0.034356\n", + " 0.042600\n", + " -9.199319\n", + " 0.824036\n", + " 0.824241\n", + " 0.305294\n", + " 0.324141\n", + " -62.5060\n", + " 41.4670\n", + " 45.8290\n", + " -49.006424\n", + " 28.264107\n", + " 35.929276\n", + " 283.018537\n", + " \n", + " \n", + " 3045\n", + " NDARINVFPFM6B57\n", + " 9999\n", + " 2.55\n", + " 35\n", + " 96.344614\n", + " 604.015552\n", + " 71.189070\n", + " 5.0\n", + " 1.0\n", + " -0.024816\n", + " -0.026464\n", + " 0.040291\n", + " -6.012171\n", + " 0.791941\n", + " 0.814836\n", + " 0.479260\n", + " 0.488021\n", + " -54.3177\n", + " 60.8264\n", + " 38.1947\n", + " -42.297333\n", + " 51.947773\n", + " 36.053570\n", + " 77.562997\n", + " \n", + " \n", + " 2835\n", + " NDARINVFPFM6B57\n", + " 2123\n", + " 2.55\n", + " 7\n", + " 98.901629\n", + " 575.141565\n", + " 74.752511\n", + " 1.0\n", + " 1.0\n", + " -0.034773\n", + " -0.035659\n", + " 0.031435\n", + " -10.945810\n", + " 0.849811\n", + " 0.855124\n", + " 0.452599\n", + " 0.437281\n", + " -51.1195\n", + " 70.5435\n", + " 25.7211\n", + " -38.865227\n", + " 60.481541\n", + " 26.079908\n", + " 146.211739\n", + " \n", + " \n", + " 2622\n", + " NDARINVFPFM6B57\n", + " 21\n", + " 2.55\n", + " 67\n", + " 95.895500\n", + " 574.022454\n", + " 72.971212\n", + " 1.0\n", + " 1.0\n", + " -0.065129\n", + " -0.068052\n", + " 0.047228\n", + " -13.442751\n", + " 0.905536\n", + " 0.907197\n", + " 0.418089\n", + " 0.400406\n", + " -51.5208\n", + " 71.0516\n", + " 21.8557\n", + " -39.022675\n", + " 58.288292\n", + " 20.263809\n", + " 142.252730\n", + " \n", + " \n", + " 2680\n", + " NDARINVFPFM6B57\n", + " 23\n", + " 2.55\n", + " 34\n", + " 130.169242\n", + " 683.622456\n", + " 97.237615\n", + " 1.0\n", + " 1.0\n", + " -0.016224\n", + " -0.014771\n", + " 0.054246\n", + " -3.396072\n", + " 0.577863\n", + " 0.571847\n", + " 0.445085\n", + " 0.433195\n", + " -52.1440\n", + " 66.9843\n", + " 32.4571\n", + " -43.365139\n", + " 55.937538\n", + " 25.436852\n", + " 30.040089\n", + " \n", + " \n", + " 2503\n", + " NDARINVFPFM6B57\n", + " 10\n", + " 2.55\n", + " 39\n", + " 136.269274\n", + " 697.972667\n", + " 96.912080\n", + " 1.0\n", + " 1.0\n", + " -0.046380\n", + " -0.045007\n", + " 0.053658\n", + " -10.050479\n", + " 0.849078\n", + " 0.848350\n", + " 0.305294\n", + " 0.324141\n", + " -62.5060\n", + " 41.4670\n", + " 45.8290\n", + " -49.006424\n", + " 28.264107\n", + " 35.929276\n", + " 283.018537\n", + " \n", + " \n", + " 2804\n", + " NDARINVFPFM6B57\n", + " 8\n", + " 2.55\n", + " 67\n", + " 95.895500\n", + " 574.022454\n", + " 72.971212\n", + " 2.0\n", + " 1.0\n", + " -0.045529\n", + " -0.046180\n", + " 0.044669\n", + " -9.929296\n", + " 0.830899\n", + " 0.854102\n", + " 0.418089\n", + " 0.400406\n", + " -51.5208\n", + " 71.0516\n", + " 21.8557\n", + " -39.022675\n", + " 58.288292\n", + " 20.263809\n", + " 142.252730\n", + " \n", + " \n", + " 3111\n", + " NDARINVG8VWC1TN\n", + " 10\n", " 2.55\n", - " 5\n", - " 178.121399\n", - " 776.724119\n", - " 124.954714\n", - " 1.0\n", - " 1.0\n", - " -0.015450\n", - " -0.013617\n", - " 0.044897\n", - " -4.577126\n", - " 0.627888\n", - " 0.606327\n", - " 0.439772\n", - " 0.460128\n", - " -55.4378\n", - " 56.0332\n", - " 34.4877\n", - " -37.580311\n", - " 46.600082\n", - " 23.091337\n", - " 263.756150\n", - " \n", - " \n", - " 1536\n", - " NDARINVN394NEWK\n", + " 10\n", + " 124.638491\n", + " 644.660543\n", + " 86.185779\n", + " 1.0\n", + " 1.0\n", + " -0.053960\n", + " -0.053533\n", + " 0.023057\n", + " -26.043325\n", + " 0.998555\n", + " 0.998182\n", + " 0.331582\n", + " 0.323540\n", + " -65.8270\n", + " 43.5530\n", + " 41.5010\n", + " -49.608582\n", + " 36.741764\n", + " 36.630722\n", + " 354.939704\n", + " \n", + " \n", + " 3225\n", + " NDARINVG8VWC1TN\n", + " 21\n", " 2.55\n", - " 50\n", - " 46.593468\n", - " 427.398839\n", - " 29.672117\n", - " 1.0\n", - " 1.0\n", - " 0.006042\n", - " 0.007068\n", - " 0.025681\n", - " 1.588152\n", - " 0.525897\n", - " 0.496411\n", - " 0.476180\n", - " 0.481801\n", - " -57.1664\n", - " 49.8572\n", - " 49.6356\n", - " -39.552006\n", - " 43.573395\n", - " 43.853828\n", - " 305.560377\n", - " \n", - " \n", - " 762\n", - " NDARINVC25XBH2T\n", + " 6\n", + " 186.175886\n", + " 758.880986\n", + " 132.693512\n", + " 1.0\n", + " 1.0\n", + " -0.035546\n", + " -0.034745\n", + " 0.051349\n", + " -9.415636\n", + " 0.755637\n", + " 0.758964\n", + " 0.477210\n", + " 0.476210\n", + " -57.0820\n", + " 69.7690\n", + " 36.2650\n", + " -41.402962\n", + " 62.516998\n", + " 32.904793\n", + " 144.548177\n", + " \n", + " \n", + " 3401\n", + " NDARINVG8VWC1TN\n", + " 23\n", " 2.55\n", - " 68\n", - " 193.383194\n", - " 998.481409\n", - " 127.779231\n", - " 1.0\n", - " 1.0\n", - " -0.049811\n", - " -0.045122\n", - " 0.071278\n", - " -9.684383\n", - " 0.764364\n", - " 0.743135\n", - " 0.371657\n", - " 0.375230\n", - " -51.2076\n", - " 75.1280\n", - " 60.8984\n", - " -35.280415\n", - " 65.281960\n", - " 51.106457\n", - " 11.108381\n", - " \n", - " \n", - " 232\n", - " NDARINV52XG9LJ3\n", + " 64\n", + " 105.562573\n", + " 564.182677\n", + " 71.839351\n", + " 1.0\n", + " 1.0\n", + " -0.002517\n", + " -0.002704\n", + " 0.057103\n", + " -0.450281\n", + " 0.538052\n", + " 0.535880\n", + " 0.609594\n", + " 0.624628\n", + " -59.5435\n", + " 55.1584\n", + " 47.3454\n", + " -46.595757\n", + " 49.152756\n", + " 39.228020\n", + " 287.865835\n", + " \n", + " \n", + " 3496\n", + " NDARINVG8VWC1TN\n", + " 8\n", + " 2.55\n", + " 41\n", + " 123.730186\n", + " 562.264407\n", + " 84.353462\n", + " 1.0\n", + " 1.0\n", + " -0.064157\n", + " -0.064597\n", + " 0.086491\n", + " -8.208393\n", + " 0.776855\n", + " 0.787622\n", + " 0.593038\n", + " 0.609956\n", + " -59.1788\n", + " 60.0369\n", + " 43.7208\n", + " -44.418083\n", + " 53.258652\n", + " 39.239449\n", + " 82.994189\n", + " \n", + " \n", + " 3635\n", + " NDARINVG8VWC1TN\n", + " 2123\n", + " 2.55\n", + " 62\n", + " 105.562573\n", + " 564.182677\n", + " 71.839351\n", + " 1.0\n", + " 1.0\n", + " -0.013958\n", + " -0.013464\n", + " 0.051011\n", + " -2.795675\n", + " 0.596796\n", + " 0.595517\n", + " 0.609594\n", + " 0.624628\n", + " -59.5435\n", + " 55.1584\n", + " 47.3454\n", + " -43.884392\n", + " 48.162727\n", + " 38.170746\n", + " 287.865835\n", + " \n", + " \n", + " 3697\n", + " NDARINVG8VWC1TN\n", + " 810\n", " 2.55\n", - " 70\n", - " 127.596868\n", - " 717.147396\n", - " 90.292725\n", - " 1.0\n", - " 1.0\n", - " -0.015143\n", - " -0.014749\n", - " 0.027359\n", - " -6.226500\n", - " 0.744827\n", - " 0.726546\n", - " 0.476944\n", - " 0.527729\n", - " -50.9520\n", - " 68.6810\n", - " 18.6960\n", - " -40.880932\n", - " 61.321388\n", - " 9.805667\n", - " 308.984993\n", - " \n", - " \n", - " 1392\n", + " 6\n", + " 186.175886\n", + " 758.880986\n", + " 132.693512\n", + " 1.0\n", + " 1.0\n", + " -0.050120\n", + " -0.050045\n", + " 0.043706\n", + " -15.608075\n", + " 0.918174\n", + " 0.916099\n", + " 0.477210\n", + " 0.476210\n", + " -57.0820\n", + " 69.7690\n", + " 36.2650\n", + " -41.402962\n", + " 62.516998\n", + " 32.904793\n", + " 144.548177\n", + " \n", + " \n", + " 3810\n", + " NDARINVG8VWC1TN\n", + " 9999\n", + " 2.55\n", + " 1\n", + " 165.722086\n", + " 698.578772\n", + " 117.779065\n", + " 3.0\n", + " 1.0\n", + " -0.030407\n", + " -0.029985\n", + " 0.035854\n", + " -10.883346\n", + " 0.796987\n", + " 0.793028\n", + " 0.572683\n", + " 0.570177\n", + " -58.1018\n", + " 67.3169\n", + " 37.0664\n", + " -40.075020\n", + " 59.993675\n", + " 32.535084\n", + " 135.558946\n", + " \n", + " \n", + " 4451\n", " NDARINVGH5DHURH\n", + " 9999\n", " 2.55\n", " 104\n", - " 224.679562\n", - " 860.223602\n", - " 153.919796\n", - " 1.0\n", - " 1.0\n", - " 0.016537\n", - " 0.016436\n", - " 0.026080\n", - " 9.482132\n", - " 0.262082\n", - " 0.269678\n", - " 0.218414\n", - " 0.196228\n", - " -55.7623\n", - " 42.3965\n", - " 23.5376\n", + " 248.626750\n", + " 926.767741\n", + " 170.357277\n", + " 2.0\n", + " 1.0\n", + " 0.000116\n", + " 0.000379\n", + " 0.027644\n", + " 0.066229\n", + " 0.523642\n", + " 0.511021\n", + " 0.227147\n", + " 0.205551\n", + " -56.1000\n", + " 42.5190\n", + " 23.3190\n", " -43.414059\n", " 35.969460\n", " 10.431504\n", - " 277.744711\n", + " 281.065776\n", " \n", " \n", - " 1407\n", + " 4277\n", + " NDARINVGH5DHURH\n", + " 810\n", + " 2.55\n", + " 35\n", + " 183.279224\n", + " 795.113633\n", + " 134.343217\n", + " 1.0\n", + " 1.0\n", + " -0.005633\n", + " -0.006261\n", + " 0.042994\n", + " -1.767803\n", + " 0.520173\n", + " 0.510742\n", + " 0.337617\n", + " 0.334937\n", + " -49.3615\n", + " 80.9943\n", + " -0.1582\n", + " -36.236633\n", + " 67.031548\n", + " -8.372868\n", + " 20.217740\n", + " \n", + " \n", + " 4084\n", + " NDARINVGH5DHURH\n", + " 21\n", + " 2.55\n", + " 52\n", + " 285.645712\n", + " 965.178818\n", + " 193.708587\n", + " 1.0\n", + " 1.0\n", + " -0.016348\n", + " -0.014379\n", + " 0.055653\n", + " -4.951161\n", + " 0.566961\n", + " 0.557638\n", + " 0.259588\n", + " 0.243629\n", + " -62.0271\n", + " 37.9043\n", + " 18.0555\n", + " -49.910763\n", + " 35.803391\n", + " 8.532757\n", + " 273.979382\n", + " \n", + " \n", + " 4001\n", + " NDARINVGH5DHURH\n", + " 10\n", + " 2.55\n", + " 74\n", + " 156.125510\n", + " 704.302702\n", + " 112.430438\n", + " 1.0\n", + " 1.0\n", + " -0.015196\n", + " -0.013865\n", + " 0.047822\n", + " -3.954993\n", + " 0.578452\n", + " 0.578924\n", + " 0.563765\n", + " 0.546960\n", + " -64.2950\n", + " 62.3890\n", + " -9.3763\n", + " -46.848942\n", + " 57.900063\n", + " -10.652285\n", + " 91.252145\n", + " \n", + " \n", + " 4172\n", + " NDARINVGH5DHURH\n", + " 8\n", + " 2.55\n", + " 35\n", + " 183.279224\n", + " 795.113633\n", + " 134.343217\n", + " 1.0\n", + " 1.0\n", + " -0.004829\n", + " -0.006426\n", + " 0.055726\n", + " -1.168826\n", + " 0.546313\n", + " 0.533198\n", + " 0.337617\n", + " 0.334937\n", + " -49.3615\n", + " 80.9943\n", + " -0.1582\n", + " -36.236633\n", + " 67.031548\n", + " -8.372868\n", + " 20.217740\n", + " \n", + " \n", + " 4466\n", " NDARINVLMU4CC2J\n", + " 10\n", " 2.55\n", " 14\n", - " 149.134230\n", - " 606.964919\n", - " 106.705733\n", - " 1.0\n", - " 1.0\n", - " -0.004894\n", - " -0.005529\n", - " 0.023753\n", - " -2.507212\n", - " 0.646962\n", - " 0.672753\n", - " 0.287573\n", - " 0.282233\n", - " -42.2020\n", - " 77.4450\n", - " 39.6640\n", + " 153.399897\n", + " 586.658306\n", + " 109.583703\n", + " 1.0\n", + " 1.0\n", + " -0.027034\n", + " -0.027380\n", + " 0.035981\n", + " -9.273540\n", + " 0.764410\n", + " 0.774642\n", + " 0.305249\n", + " 0.298994\n", + " -43.2310\n", + " 77.0110\n", + " 38.9160\n", " -34.768738\n", " 71.285942\n", " 30.228001\n", - " 267.032627\n", + " 266.087782\n", " \n", " \n", - " 480\n", - " NDARINV7TV9UT40\n", - " 2.55\n", - " 59\n", - " 195.283969\n", - " 891.000514\n", - " 141.913676\n", - " 1.0\n", - " 1.0\n", - " -0.001121\n", - " -0.003508\n", - " 0.044620\n", - " -0.349978\n", - " 0.506099\n", - " 0.530624\n", - " 0.432819\n", - " 0.432457\n", - " -59.7773\n", - " 57.8556\n", - " 39.2945\n", - " -43.139385\n", - " 53.453335\n", - " 31.822931\n", - " 152.109717\n", - " \n", - " \n", - " 959\n", - " NDARINVD5FWJDCY\n", + " 4559\n", + " NDARINVLMU4CC2J\n", + " 21\n", " 2.55\n", - " 35\n", - " 138.094506\n", - " 592.994253\n", - " 96.220296\n", - " 1.0\n", - " 1.0\n", - " -0.029913\n", - " -0.030206\n", - " 0.038578\n", - " -9.077073\n", - " 0.732812\n", - " 0.727080\n", - " 0.258917\n", - " 0.259983\n", - " -42.6220\n", - " 67.3726\n", - " 72.8881\n", - " -32.778923\n", - " 59.360630\n", - " 59.191315\n", - " 278.771919\n", + " 14\n", + " 153.399897\n", + " 586.658306\n", + " 109.583703\n", + " 1.0\n", + " 1.0\n", + " -0.015640\n", + " -0.017153\n", + " 0.040869\n", + " -4.721944\n", + " 0.650423\n", + " 0.656408\n", + " 0.305249\n", + " 0.298994\n", + " -43.2310\n", + " 77.0110\n", + " 38.9160\n", + " -34.768738\n", + " 71.285942\n", + " 30.228001\n", + " 266.087782\n", " \n", " \n", - " 869\n", - " NDARINVCVZ70012\n", + " 4701\n", + " NDARINVLMU4CC2J\n", + " 23\n", " 2.55\n", - " 79\n", - " 74.362221\n", - " 445.687954\n", - " 51.254033\n", - " 3.0\n", + " 63\n", + " 175.569776\n", + " 699.107170\n", + " 127.502340\n", + " 1.0\n", + " 1.0\n", + " -0.032154\n", + " -0.031920\n", + " 0.028696\n", + " -14.806049\n", + " 0.886219\n", + " 0.890864\n", + " 0.216118\n", + " 0.217952\n", + " -47.7800\n", + " 85.0250\n", + " 17.1040\n", + " -37.056107\n", + " 76.602577\n", + " 11.756046\n", + " 180.000000\n", + " \n", + " \n", + " 4745\n", + " NDARINVLMU4CC2J\n", + " 8\n", + " 2.55\n", + " 14\n", + " 153.399897\n", + " 586.658306\n", + " 109.583703\n", + " 2.0\n", " 1.0\n", - " -0.018889\n", - " -0.024099\n", - " 0.048061\n", - " -3.364000\n", - " 0.707282\n", - " 0.743539\n", - " 0.046161\n", - " 0.047883\n", - " -40.1830\n", - " 69.2280\n", - " 33.1180\n", - " -33.220791\n", - " 55.603340\n", - " 25.881628\n", - " 145.955745\n", + " -0.029475\n", + " -0.030875\n", + " 0.033740\n", + " -10.783379\n", + " 0.846799\n", + " 0.847224\n", + " 0.305249\n", + " 0.298994\n", + " -43.2310\n", + " 77.0110\n", + " 38.9160\n", + " -34.768738\n", + " 71.285942\n", + " 30.228001\n", + " 266.087782\n", + " \n", + " \n", + " 4838\n", + " NDARINVLMU4CC2J\n", + " 2123\n", + " 2.55\n", + " 14\n", + " 153.399897\n", + " 586.658306\n", + " 109.583703\n", + " 1.0\n", + " 1.0\n", + " -0.021895\n", + " -0.022649\n", + " 0.029409\n", + " -9.189496\n", + " 0.796434\n", + " 0.793357\n", + " 0.305249\n", + " 0.298994\n", + " -43.2310\n", + " 77.0110\n", + " 38.9160\n", + " -34.768738\n", + " 71.285942\n", + " 30.228001\n", + " 266.087782\n", + " \n", + " \n", + " 4931\n", + " NDARINVLMU4CC2J\n", + " 810\n", + " 2.55\n", + " 14\n", + " 153.399897\n", + " 586.658306\n", + " 109.583703\n", + " 1.0\n", + " 1.0\n", + " -0.027361\n", + " -0.028325\n", + " 0.028871\n", + " -11.699368\n", + " 0.850815\n", + " 0.855444\n", + " 0.305249\n", + " 0.298994\n", + " -43.2310\n", + " 77.0110\n", + " 38.9160\n", + " -34.768738\n", + " 71.285942\n", + " 30.228001\n", + " 266.087782\n", + " \n", + " \n", + " 5024\n", + " NDARINVLMU4CC2J\n", + " 9999\n", + " 2.55\n", + " 14\n", + " 153.399897\n", + " 586.658306\n", + " 109.583703\n", + " 1.0\n", + " 1.0\n", + " -0.025114\n", + " -0.025853\n", + " 0.024497\n", + " -12.656087\n", + " 0.864534\n", + " 0.866240\n", + " 0.305249\n", + " 0.298994\n", + " -43.2310\n", + " 77.0110\n", + " 38.9160\n", + " -34.768738\n", + " 71.285942\n", + " 30.228001\n", + " 266.087782\n", + " \n", + " \n", + " 5549\n", + " NDARINVN394NEWK\n", + " 9999\n", + " 2.55\n", + " 50\n", + " 49.165739\n", + " 379.891800\n", + " 31.020096\n", + " 1.0\n", + " 1.0\n", + " -0.012194\n", + " -0.010966\n", + " 0.023978\n", + " -3.528895\n", + " 0.776387\n", + " 0.753036\n", + " 0.414400\n", + " 0.416268\n", + " -56.8060\n", + " 50.4330\n", + " 50.1010\n", + " -39.552006\n", + " 43.573395\n", + " 43.853828\n", + " 310.049410\n", + " \n", + " \n", + " 5450\n", + " NDARINVN394NEWK\n", + " 89\n", + " 2.55\n", + " 50\n", + " 49.165739\n", + " 379.891800\n", + " 31.020096\n", + " 1.0\n", + " 1.0\n", + " -0.020463\n", + " -0.019470\n", + " 0.029012\n", + " -4.894426\n", + " 0.795813\n", + " 0.795466\n", + " 0.414400\n", + " 0.416268\n", + " -56.8060\n", + " 50.4330\n", + " 50.1010\n", + " -39.552006\n", + " 43.573395\n", + " 43.853828\n", + " 310.049410\n", + " \n", + " \n", + " 5351\n", + " NDARINVN394NEWK\n", + " 9\n", + " 2.55\n", + " 50\n", + " 49.165739\n", + " 379.891800\n", + " 31.020096\n", + " 1.0\n", + " 1.0\n", + " -0.043367\n", + " -0.041095\n", + " 0.047936\n", + " -6.277777\n", + " 0.748527\n", + " 0.746733\n", + " 0.414400\n", + " 0.416268\n", + " -56.8060\n", + " 50.4330\n", + " 50.1010\n", + " -39.552006\n", + " 43.573395\n", + " 43.853828\n", + " 310.049410\n", + " \n", + " \n", + " 5224\n", + " NDARINVN394NEWK\n", + " 8\n", + " 2.55\n", + " 22\n", + " 102.221247\n", + " 603.779106\n", + " 77.297561\n", + " 1.0\n", + " 1.0\n", + " -0.011398\n", + " -0.010805\n", + " 0.027326\n", + " -4.195612\n", + " 0.638034\n", + " 0.621014\n", + " 0.352574\n", + " 0.367890\n", + " -70.2022\n", + " 35.2483\n", + " 29.2147\n", + " -51.306549\n", + " 28.624825\n", + " 29.529554\n", + " 72.544599\n", + " \n", + " \n", + " 5151\n", + " NDARINVN394NEWK\n", + " 19\n", + " 2.55\n", + " 48\n", + " 52.035599\n", + " 397.184163\n", + " 33.492065\n", + " 1.0\n", + " 1.0\n", + " 0.006884\n", + " 0.008430\n", + " 0.025129\n", + " 1.956583\n", + " 0.477194\n", + " 0.442799\n", + " 0.419707\n", + " 0.422764\n", + " -59.3660\n", + " 47.9660\n", + " 45.8620\n", + " -41.581539\n", + " 45.652664\n", + " 40.545246\n", + " 134.313266\n", + " \n", + " \n", + " 5662\n", + " NDARINVP9Y862GP\n", + " 10\n", + " 2.55\n", + " 64\n", + " 245.646380\n", + " 960.876699\n", + " 178.346113\n", + " 1.0\n", + " 1.0\n", + " -0.031565\n", + " -0.030773\n", + " 0.028698\n", + " -17.204857\n", + " 0.805310\n", + " 0.795810\n", + " 0.270793\n", + " 0.269425\n", + " -53.3740\n", + " 62.9796\n", + " 23.0188\n", + " -38.129852\n", + " 53.535515\n", + " 13.279337\n", + " 82.882853\n", + " \n", + " \n", + " 5775\n", + " NDARINVP9Y862GP\n", + " 22\n", + " 2.55\n", + " 61\n", + " 227.247774\n", + " 935.809155\n", + " 171.973084\n", + " 1.0\n", + " 1.0\n", + " -0.059809\n", + " -0.061022\n", + " 0.053850\n", + " -16.709879\n", + " 0.895021\n", + " 0.892628\n", + " 0.437604\n", + " 0.470407\n", + " -54.5941\n", + " 72.3968\n", + " 11.9986\n", + " -41.055935\n", + " 66.284798\n", + " 2.342545\n", + " 185.096605\n", + " \n", + " \n", + " 5933\n", + " NDARINVP9Y862GP\n", + " 24\n", + " 2.55\n", + " 103\n", + " 260.424035\n", + " 953.050103\n", + " 191.902107\n", + " 1.0\n", + " 1.0\n", + " -0.071349\n", + " -0.070389\n", + " 0.041332\n", + " -27.835295\n", + " 0.953352\n", + " 0.956615\n", + " 0.303286\n", + " 0.312991\n", + " -54.8473\n", + " 59.7114\n", + " 23.8880\n", + " -43.678291\n", + " 51.807205\n", + " 14.116583\n", + " 316.144379\n", + " \n", + " \n", + " 6004\n", + " NDARINVP9Y862GP\n", + " 8\n", + " 2.55\n", + " 58\n", + " 250.321656\n", + " 879.027061\n", + " 185.328220\n", + " 1.0\n", + " 1.0\n", + " -0.054464\n", + " -0.053113\n", + " 0.030505\n", + " -28.210334\n", + " 0.947503\n", + " 0.944579\n", + " 0.443063\n", + " 0.455849\n", + " -52.4474\n", + " 69.5755\n", + " 18.2555\n", + " -39.813499\n", + " 61.929249\n", + " 6.183051\n", + " 291.825369\n", + " \n", + " \n", + " 6120\n", + " NDARINVP9Y862GP\n", + " 2224\n", + " 2.55\n", + " 58\n", + " 250.321656\n", + " 879.027061\n", + " 185.328220\n", + " 1.0\n", + " 1.0\n", + " -0.055593\n", + " -0.055211\n", + " 0.031729\n", + " -27.684750\n", + " 0.945910\n", + " 0.948446\n", + " 0.443063\n", + " 0.455849\n", + " -52.4474\n", + " 69.5755\n", + " 18.2555\n", + " -39.813499\n", + " 61.929249\n", + " 6.183051\n", + " 291.825369\n", " \n", " \n", - " 1643\n", + " 6242\n", + " NDARINVP9Y862GP\n", + " 810\n", + " 2.55\n", + " 64\n", + " 245.646380\n", + " 960.876699\n", + " 178.346113\n", + " 2.0\n", + " 1.0\n", + " -0.041256\n", + " -0.040472\n", + " 0.026333\n", + " -24.513050\n", + " 0.932652\n", + " 0.931050\n", + " 0.270793\n", + " 0.269425\n", + " -53.3740\n", + " 62.9796\n", + " 23.0188\n", + " -38.129852\n", + " 53.535515\n", + " 13.279337\n", + " 82.882853\n", + " \n", + " \n", + " 6352\n", " NDARINVP9Y862GP\n", + " 9999\n", " 2.55\n", " 58\n", - " 224.554444\n", - " 857.585045\n", - " 166.439042\n", - " 1.0\n", - " 1.0\n", - " -0.007778\n", - " -0.006742\n", - " 0.019070\n", - " -6.097521\n", - " 0.668406\n", - " 0.659300\n", - " 0.471743\n", - " 0.485202\n", - " -53.4697\n", - " 68.4784\n", - " 17.7134\n", + " 250.321656\n", + " 879.027061\n", + " 185.328220\n", + " 1.0\n", + " 1.0\n", + " -0.048400\n", + " -0.047463\n", + " 0.020447\n", + " -37.401040\n", + " 0.966203\n", + " 0.964856\n", + " 0.443063\n", + " 0.455849\n", + " -52.4474\n", + " 69.5755\n", + " 18.2555\n", " -39.813499\n", " 61.929249\n", " 6.183051\n", - " 291.246063\n", + " 291.825369\n", + " \n", + " \n", + " 7152\n", + " NDARINVPE5JBKJ3\n", + " 9999\n", + " 2.55\n", + " 58\n", + " 117.379189\n", + " 702.749552\n", + " 80.810094\n", + " 1.0\n", + " 1.0\n", + " -0.073056\n", + " -0.071664\n", + " 0.026772\n", + " -29.483556\n", + " 0.978659\n", + " 0.975373\n", + " 0.218993\n", + " 0.222919\n", + " -54.0547\n", + " 42.2305\n", + " 14.8031\n", + " -38.508091\n", + " 35.534725\n", + " 1.052923\n", + " 287.126200\n", + " \n", + " \n", + " 7070\n", + " NDARINVPE5JBKJ3\n", + " 810\n", + " 2.55\n", + " 90\n", + " 138.536289\n", + " 752.884737\n", + " 96.609127\n", + " 1.0\n", + " 1.0\n", + " -0.028786\n", + " -0.027946\n", + " 0.024411\n", + " -13.830686\n", + " 0.896674\n", + " 0.864371\n", + " 0.255228\n", + " 0.254085\n", + " -56.2550\n", + " 42.8390\n", + " 11.4380\n", + " -41.715012\n", + " 36.227303\n", + " 0.222701\n", + " 282.654388\n", + " \n", + " \n", + " 6924\n", + " NDARINVPE5JBKJ3\n", + " 2123\n", + " 2.55\n", + " 58\n", + " 117.379189\n", + " 702.749552\n", + " 80.810094\n", + " 1.0\n", + " 1.0\n", + " -0.112939\n", + " -0.111574\n", + " 0.040897\n", + " -29.902336\n", + " 0.988046\n", + " 0.986724\n", + " 0.218993\n", + " 0.222919\n", + " -54.0547\n", + " 42.2305\n", + " 14.8031\n", + " -38.508091\n", + " 35.534725\n", + " 1.052923\n", + " 287.126200\n", + " \n", + " \n", + " 6721\n", + " NDARINVPE5JBKJ3\n", + " 23\n", + " 2.55\n", + " 83\n", + " 144.468666\n", + " 664.326700\n", + " 101.886154\n", + " 2.0\n", + " 1.0\n", + " -0.084139\n", + " -0.084504\n", + " 0.039080\n", + " -25.836477\n", + " 0.980347\n", + " 0.980447\n", + " 0.309088\n", + " 0.315818\n", + " -39.9710\n", + " 75.0340\n", + " 1.7267\n", + " -27.488235\n", + " 67.508942\n", + " -1.923472\n", + " 116.081348\n", + " \n", + " \n", + " 6582\n", + " NDARINVPE5JBKJ3\n", + " 21\n", + " 2.55\n", + " 58\n", + " 117.379189\n", + " 702.749552\n", + " 80.810094\n", + " 1.0\n", + " 1.0\n", + " -0.141214\n", + " -0.139367\n", + " 0.056956\n", + " -26.897730\n", + " 0.976697\n", + " 0.975152\n", + " 0.218993\n", + " 0.222919\n", + " -54.0547\n", + " 42.2305\n", + " 14.8031\n", + " -38.508091\n", + " 35.534725\n", + " 1.052923\n", + " 287.126200\n", + " \n", + " \n", + " 6428\n", + " NDARINVPE5JBKJ3\n", + " 10\n", + " 2.55\n", + " 18\n", + " 172.850745\n", + " 712.832463\n", + " 122.375604\n", + " 1.0\n", + " 1.0\n", + " 0.011386\n", + " 0.010740\n", + " 0.041331\n", + " 3.609363\n", + " 0.336995\n", + " 0.341060\n", + " 0.360577\n", + " 0.367297\n", + " -40.0990\n", + " 77.7300\n", + " -3.0421\n", + " -26.766338\n", + " 66.273865\n", + " -6.473343\n", + " 110.442538\n", + " \n", + " \n", + " 6824\n", + " NDARINVPE5JBKJ3\n", + " 8\n", + " 2.55\n", + " 72\n", + " 153.010396\n", + " 886.861071\n", + " 111.769580\n", + " 1.0\n", + " 1.0\n", + " -0.065175\n", + " -0.065687\n", + " 0.043590\n", + " -18.448810\n", + " 0.934356\n", + " 0.935492\n", + " 0.381422\n", + " 0.378527\n", + " -63.6378\n", + " 48.6755\n", + " -17.5027\n", + " -46.631565\n", + " 42.356487\n", + " -19.382164\n", + " 228.287322\n", + " \n", + " \n", + " 7251\n", + " NDARINVRZL7PGK1\n", + " 10\n", + " 2.55\n", + " 43\n", + " 204.520821\n", + " 866.172668\n", + " 130.938473\n", + " 2.0\n", + " 1.0\n", + " 0.001332\n", + " 0.000807\n", + " 0.031837\n", + " 0.596569\n", + " 0.509815\n", + " 0.515520\n", + " 0.391224\n", + " 0.406296\n", + " -69.2920\n", + " 68.4010\n", + " 27.6000\n", + " -49.896782\n", + " 68.444916\n", + " 23.997799\n", + " 137.856303\n", + " \n", + " \n", + " 7407\n", + " NDARINVRZL7PGK1\n", + " 21\n", + " 2.55\n", + " 84\n", + " 186.080446\n", + " 837.430728\n", + " 130.932148\n", + " 1.0\n", + " 1.0\n", + " -0.022258\n", + " -0.023599\n", + " 0.042086\n", + " -7.191902\n", + " 0.685190\n", + " 0.704812\n", + " 0.665795\n", + " 0.658919\n", + " -63.1960\n", + " 69.3930\n", + " 47.1220\n", + " -46.127880\n", + " 65.669868\n", + " 39.589157\n", + " 235.131083\n", + " \n", + " \n", + " 7527\n", + " NDARINVRZL7PGK1\n", + " 8\n", + " 2.55\n", + " 89\n", + " 221.909372\n", + " 866.501408\n", + " 161.600501\n", + " 1.0\n", + " 1.0\n", + " -0.010692\n", + " -0.010141\n", + " 0.064669\n", + " -2.454052\n", + " 0.536906\n", + " 0.533505\n", + " 0.529972\n", + " 0.509076\n", + " -53.4657\n", + " 80.1543\n", + " 56.5646\n", + " -42.494770\n", + " 70.182480\n", + " 49.693081\n", + " 28.178362\n", + " \n", + " \n", + " 7661\n", + " NDARINVRZL7PGK1\n", + " 810\n", + " 2.55\n", + " 108\n", + " 315.451840\n", + " 1237.228788\n", + " 217.635845\n", + " 1.0\n", + " 1.0\n", + " 0.005905\n", + " 0.006154\n", + " 0.042124\n", + " 2.484187\n", + " 0.463603\n", + " 0.463617\n", + " 0.618447\n", + " 0.617119\n", + " -63.2140\n", + " 71.2330\n", + " 45.1450\n", + " -47.888992\n", + " 67.242630\n", + " 39.993515\n", + " 175.101157\n", + " \n", + " \n", + " 7715\n", + " NDARINVRZL7PGK1\n", + " 9999\n", + " 2.55\n", + " 47\n", + " 189.593262\n", + " 859.327808\n", + " 133.403212\n", + " 2.0\n", + " 1.0\n", + " -0.003118\n", + " -0.003425\n", + " 0.032572\n", + " -1.313990\n", + " 0.495552\n", + " 0.504391\n", + " 0.610976\n", + " 0.605286\n", + " -63.2230\n", + " 67.5770\n", + " 48.7820\n", + " -49.000492\n", + " 64.776215\n", + " 42.857140\n", + " 229.602754\n", + " \n", + " \n", + " 8367\n", + " NDARINVV104HFJY\n", + " 810\n", + " 2.55\n", + " 24\n", + " 227.212049\n", + " 876.318256\n", + " 175.194974\n", + " 1.0\n", + " 1.0\n", + " -0.055667\n", + " -0.057157\n", + " 0.079966\n", + " -10.458577\n", + " 0.758863\n", + " 0.754378\n", + " 0.470213\n", + " 0.456199\n", + " -48.4083\n", + " 87.0230\n", + " 34.7393\n", + " -34.248859\n", + " 79.650368\n", + " 30.408251\n", + " 76.924606\n", + " \n", + " \n", + " 8479\n", + " NDARINVV104HFJY\n", + " 9999\n", + " 2.55\n", + " 24\n", + " 227.212049\n", + " 876.318256\n", + " 175.194974\n", + " 1.0\n", + " 1.0\n", + " -0.033047\n", + " -0.035526\n", + " 0.056228\n", + " -8.833594\n", + " 0.684416\n", + " 0.693155\n", + " 0.470213\n", + " 0.456199\n", + " -48.4083\n", + " 87.0230\n", + " 34.7393\n", + " -34.248859\n", + " 79.650368\n", + " 30.408251\n", + " 76.924606\n", + " \n", + " \n", + " 8135\n", + " NDARINVV104HFJY\n", + " 8\n", + " 2.55\n", + " 16\n", + " 201.298799\n", + " 838.856397\n", + " 152.161577\n", + " 1.0\n", + " 1.0\n", + " -0.061287\n", + " -0.062909\n", + " 0.102435\n", + " -8.448543\n", + " 0.695623\n", + " 0.685738\n", + " 0.548202\n", + " 0.539361\n", + " -48.8320\n", + " 89.6420\n", + " 28.3420\n", + " -36.818401\n", + " 80.589775\n", + " 26.185795\n", + " 60.445753\n", + " \n", + " \n", + " 8255\n", + " NDARINVV104HFJY\n", + " 2123\n", + " 2.55\n", + " 24\n", + " 227.212049\n", + " 876.318256\n", + " 175.194974\n", + " 9.0\n", + " 1.0\n", + " -0.009494\n", + " -0.013036\n", + " 0.049957\n", + " -2.856010\n", + " 0.570244\n", + " 0.593515\n", + " 0.470213\n", + " 0.456199\n", + " -48.4083\n", + " 87.0230\n", + " 34.7393\n", + " -34.248859\n", + " 79.650368\n", + " 30.408251\n", + " 76.924606\n", + " \n", + " \n", + " 7954\n", + " NDARINVV104HFJY\n", + " 21\n", + " 2.55\n", + " 59\n", + " 179.207305\n", + " 845.962056\n", + " 141.792686\n", + " 5.0\n", + " 1.0\n", + " -0.023970\n", + " -0.026360\n", + " 0.065338\n", + " -4.891348\n", + " 0.659710\n", + " 0.664254\n", + " 0.249269\n", + " 0.248807\n", + " -53.1230\n", + " 71.6210\n", + " 44.4210\n", + " -38.328827\n", + " 65.484009\n", + " 36.471218\n", + " 93.683125\n", + " \n", + " \n", + " 7842\n", + " NDARINVV104HFJY\n", + " 10\n", + " 2.55\n", + " 59\n", + " 179.207305\n", + " 845.962056\n", + " 141.792686\n", + " 1.0\n", + " 1.0\n", + " -0.080482\n", + " -0.080966\n", + " 0.073104\n", + " -14.702209\n", + " 0.875120\n", + " 0.879868\n", + " 0.249269\n", + " 0.248807\n", + " -53.1230\n", + " 71.6210\n", + " 44.4210\n", + " -38.328827\n", + " 65.484009\n", + " 36.471218\n", + " 93.683125\n", + " \n", + " \n", + " 8023\n", + " NDARINVV104HFJY\n", + " 23\n", + " 2.55\n", + " 16\n", + " 201.298799\n", + " 838.856397\n", + " 152.161577\n", + " 1.0\n", + " 1.0\n", + " -0.007907\n", + " -0.008736\n", + " 0.036899\n", + " -3.031360\n", + " 0.632021\n", + " 0.644981\n", + " 0.548202\n", + " 0.539361\n", + " -48.8320\n", + " 89.6420\n", + " 28.3420\n", + " -36.818401\n", + " 80.589775\n", + " 26.185795\n", + " 60.445753\n", + " \n", + " \n", + " 8567\n", + " NDARINVWFN7K4C5\n", + " 12\n", + " 2.55\n", + " 0\n", + " 200.933176\n", + " 838.513266\n", + " 155.337163\n", + " 1.0\n", + " 1.0\n", + " -0.022379\n", + " -0.023787\n", + " 0.052383\n", + " -6.036363\n", + " 0.730677\n", + " 0.740320\n", + " 0.322332\n", + " 0.295576\n", + " -53.5584\n", + " 59.6194\n", + " 48.6842\n", + " -40.512627\n", + " 54.408821\n", + " 39.151497\n", + " 156.094585\n", + " \n", + " \n", + " 8692\n", + " NDARINVWFN7K4C5\n", + " 14\n", + " 2.55\n", + " 16\n", + " 135.014249\n", + " 684.099587\n", + " 110.260692\n", + " 1.0\n", + " 1.0\n", + " -0.007061\n", + " -0.007180\n", + " 0.026814\n", + " -3.047868\n", + " 0.577600\n", + " 0.589081\n", + " 0.295474\n", + " 0.280752\n", + " -60.7633\n", + " 44.7932\n", + " 47.4545\n", + " -45.845966\n", + " 41.784496\n", + " 38.654537\n", + " 250.565092\n", + " \n", + " \n", + " 8785\n", + " NDARINVWFN7K4C5\n", + " 25\n", + " 2.55\n", + " 0\n", + " 200.933176\n", + " 838.513266\n", + " 155.337163\n", + " 1.0\n", + " 1.0\n", + " -0.076086\n", + " -0.079728\n", + " 0.068437\n", + " -15.725942\n", + " 0.862147\n", + " 0.872332\n", + " 0.322332\n", + " 0.295576\n", + " -53.5584\n", + " 59.6194\n", + " 48.6842\n", + " -40.512627\n", + " 54.408821\n", + " 39.151497\n", + " 156.094585\n", + " \n", + " \n", + " 8973\n", + " NDARINVWFN7K4C5\n", + " 27\n", + " 2.55\n", + " 79\n", + " 166.898292\n", + " 619.713171\n", + " 125.959860\n", + " 1.0\n", + " 1.0\n", + " -0.109762\n", + " -0.108853\n", + " 0.095492\n", + " -14.819450\n", + " 0.856313\n", + " 0.861656\n", + " 0.359280\n", + " 0.340560\n", + " -49.7051\n", + " 70.8159\n", + " 42.7944\n", + " -37.040802\n", + " 63.749397\n", + " 35.546928\n", + " 125.480907\n", + " \n", + " \n", + " 9082\n", + " NDARINVWFN7K4C5\n", + " 8\n", + " 2.55\n", + " 79\n", + " 166.898292\n", + " 619.713171\n", + " 125.959860\n", + " 3.0\n", + " 1.0\n", + " -0.108857\n", + " -0.115179\n", + " 0.071527\n", + " -19.646756\n", + " 0.923346\n", + " 0.928344\n", + " 0.359280\n", + " 0.340560\n", + " -49.7051\n", + " 70.8159\n", + " 42.7944\n", + " -37.040802\n", + " 63.749397\n", + " 35.546928\n", + " 125.480907\n", + " \n", + " \n", + " 9150\n", + " NDARINVWFN7K4C5\n", + " 1425\n", + " 2.55\n", + " 38\n", + " 165.593588\n", + " 655.307781\n", + " 126.137231\n", + " 1.0\n", + " 1.0\n", + " -0.038904\n", + " -0.041515\n", + " 0.035768\n", + " -13.955295\n", + " 0.891317\n", + " 0.901259\n", + " 0.296564\n", + " 0.278909\n", + " -48.8385\n", + " 70.8108\n", + " 44.2259\n", + " -35.494362\n", + " 63.071556\n", + " 35.985474\n", + " 136.718967\n", + " \n", + " \n", + " 9221\n", + " NDARINVWFN7K4C5\n", + " 812\n", + " 2.55\n", + " 0\n", + " 200.933176\n", + " 838.513266\n", + " 155.337163\n", + " 1.0\n", + " 1.0\n", + " -0.052994\n", + " -0.055243\n", + " 0.060573\n", + " -12.366880\n", + " 0.842417\n", + " 0.848144\n", + " 0.322332\n", + " 0.295576\n", + " -53.5584\n", + " 59.6194\n", + " 48.6842\n", + " -40.512627\n", + " 54.408821\n", + " 39.151497\n", + " 156.094585\n", + " \n", + " \n", + " 9409\n", + " NDARINVWFN7K4C5\n", + " 9999\n", + " 2.55\n", + " 79\n", + " 166.898292\n", + " 619.713171\n", + " 125.959860\n", + " 2.0\n", + " 1.0\n", + " -0.056406\n", + " -0.058947\n", + " 0.043819\n", + " -16.586661\n", + " 0.871191\n", + " 0.881276\n", + " 0.359280\n", + " 0.340560\n", + " -49.7051\n", + " 70.8159\n", + " 42.7944\n", + " -37.040802\n", + " 63.749397\n", + " 35.546928\n", + " 125.480907\n", + " \n", + " \n", + " 9782\n", + " NDARINVWP2U8M5Y\n", + " 23\n", + " 2.55\n", + " 75\n", + " 136.265904\n", + " 712.501283\n", + " 92.462930\n", + " 1.0\n", + " 1.0\n", + " -0.089621\n", + " -0.089093\n", + " 0.052278\n", + " -19.973573\n", + " 0.962547\n", + " 0.962696\n", + " 0.648806\n", + " 0.648334\n", + " -58.6613\n", + " 59.3382\n", + " 39.9850\n", + " -47.891537\n", + " 53.897816\n", + " 32.036575\n", + " 266.054139\n", + " \n", + " \n", + " 10318\n", + " NDARINVWP2U8M5Y\n", + " 9999\n", + " 2.55\n", + " 75\n", + " 136.265904\n", + " 712.501283\n", + " 92.462930\n", + " 1.0\n", + " 1.0\n", + " -0.098755\n", + " -0.098924\n", + " 0.052831\n", + " -21.791005\n", + " 0.950319\n", + " 0.948696\n", + " 0.648806\n", + " 0.648334\n", + " -58.6613\n", + " 59.3382\n", + " 39.9850\n", + " -47.891537\n", + " 53.897816\n", + " 32.036575\n", + " 266.054139\n", + " \n", + " \n", + " 10184\n", + " NDARINVWP2U8M5Y\n", + " 810\n", + " 2.55\n", + " 75\n", + " 136.265904\n", + " 712.501283\n", + " 92.462930\n", + " 1.0\n", + " 1.0\n", + " -0.081462\n", + " -0.081157\n", + " 0.053477\n", + " -17.739026\n", + " 0.918885\n", + " 0.919395\n", + " 0.648806\n", + " 0.648334\n", + " -58.6613\n", + " 59.3382\n", + " 39.9850\n", + " -47.891537\n", + " 53.897816\n", + " 32.036575\n", + " 266.054139\n", + " \n", + " \n", + " 10008\n", + " NDARINVWP2U8M5Y\n", + " 2123\n", + " 2.55\n", + " 33\n", + " 116.846651\n", + " 657.921896\n", + " 84.569185\n", + " 1.0\n", + " 1.0\n", + " -0.115371\n", + " -0.117134\n", + " 0.084078\n", + " -14.800243\n", + " 0.883539\n", + " 0.888768\n", + " 0.692980\n", + " 0.704674\n", + " -52.4663\n", + " 75.4073\n", + " 33.6330\n", + " -37.953827\n", + " 69.526344\n", + " 27.862638\n", + " 158.827459\n", + " \n", + " \n", + " 9606\n", + " NDARINVWP2U8M5Y\n", + " 21\n", + " 2.55\n", + " 33\n", + " 116.846651\n", + " 657.921896\n", + " 84.569185\n", + " 1.0\n", + " 1.0\n", + " -0.151273\n", + " -0.153281\n", + " 0.107751\n", + " -15.168358\n", + " 0.878839\n", + " 0.887272\n", + " 0.692980\n", + " 0.704674\n", + " -52.4663\n", + " 75.4073\n", + " 33.6330\n", + " -37.953827\n", + " 69.526344\n", + " 27.862638\n", + " 158.827459\n", + " \n", + " \n", + " 9514\n", + " NDARINVWP2U8M5Y\n", + " 10\n", + " 2.55\n", + " 75\n", + " 136.265904\n", + " 712.501283\n", + " 92.462930\n", + " 1.0\n", + " 1.0\n", + " -0.092142\n", + " -0.091929\n", + " 0.071586\n", + " -14.986913\n", + " 0.889512\n", + " 0.892052\n", + " 0.648806\n", + " 0.648334\n", + " -58.6613\n", + " 59.3382\n", + " 39.9850\n", + " -47.891537\n", + " 53.897816\n", + " 32.036575\n", + " 266.054139\n", + " \n", + " \n", + " 9859\n", + " NDARINVWP2U8M5Y\n", + " 8\n", + " 2.55\n", + " 18\n", + " 140.617222\n", + " 725.939882\n", + " 95.293609\n", + " 1.0\n", + " 1.0\n", + " -0.072044\n", + " -0.071433\n", + " 0.051274\n", + " -16.616693\n", + " 0.954186\n", + " 0.953905\n", + " 0.649256\n", + " 0.650509\n", + " -59.4670\n", + " 58.6270\n", + " 39.1290\n", + " -48.134125\n", + " 53.861137\n", + " 30.110395\n", + " 271.057055\n", + " \n", + " \n", + " 10899\n", + " NDARINVX7KKFJ5E\n", + " 810\n", + " 2.55\n", + " 47\n", + " 107.055540\n", + " 611.857067\n", + " 78.481432\n", + " 1.0\n", + " 1.0\n", + " -0.092026\n", + " -0.093157\n", + " 0.074761\n", + " -12.688903\n", + " 0.887988\n", + " 0.903391\n", + " 0.289352\n", + " 0.299805\n", + " -56.5180\n", + " 62.8370\n", + " 53.2320\n", + " -41.486778\n", + " 58.582020\n", + " 42.049179\n", + " 279.142803\n", + " \n", + " \n", + " 10396\n", + " NDARINVX7KKFJ5E\n", + " 10\n", + " 2.55\n", + " 19\n", + " 117.583209\n", + " 518.441341\n", + " 88.521323\n", + " 1.0\n", + " 1.0\n", + " -0.145885\n", + " -0.146155\n", + " 0.143179\n", + " -11.004398\n", + " 0.920351\n", + " 0.920688\n", + " 0.471736\n", + " 0.472457\n", + " -54.4767\n", + " 84.8982\n", + " 32.1466\n", + " -37.643478\n", + " 77.051437\n", + " 30.466305\n", + " 204.000883\n", + " \n", + " \n", + " 10491\n", + " NDARINVX7KKFJ5E\n", + " 21\n", + " 2.55\n", + " 19\n", + " 117.583209\n", + " 518.441341\n", + " 88.521323\n", + " 1.0\n", + " 1.0\n", + " -0.076815\n", + " -0.075465\n", + " 0.070764\n", + " -11.724228\n", + " 0.822969\n", + " 0.811818\n", + " 0.471736\n", + " 0.472457\n", + " -54.4767\n", + " 84.8982\n", + " 32.1466\n", + " -37.643478\n", + " 77.051437\n", + " 30.466305\n", + " 204.000883\n", + " \n", + " \n", + " 10586\n", + " NDARINVX7KKFJ5E\n", + " 26\n", + " 2.55\n", + " 19\n", + " 117.583209\n", + " 518.441341\n", + " 88.521323\n", + " 1.0\n", + " 1.0\n", + " -0.055859\n", + " -0.056057\n", + " 0.071530\n", + " -8.426178\n", + " 0.797807\n", + " 0.787822\n", + " 0.471736\n", + " 0.472457\n", + " -54.4767\n", + " 84.8982\n", + " 32.1466\n", + " -37.643478\n", + " 77.051437\n", + " 30.466305\n", + " 204.000883\n", + " \n", + " \n", + " 10709\n", + " NDARINVX7KKFJ5E\n", + " 8\n", + " 2.55\n", + " 47\n", + " 107.055540\n", + " 611.857067\n", + " 78.481432\n", + " 1.0\n", + " 1.0\n", + " -0.031912\n", + " -0.029860\n", + " 0.057796\n", + " -5.681802\n", + " 0.674003\n", + " 0.654851\n", + " 0.289352\n", + " 0.299805\n", + " -56.5180\n", + " 62.8370\n", + " 53.2320\n", + " -41.486778\n", + " 58.582020\n", + " 42.049179\n", + " 279.142803\n", + " \n", + " \n", + " 10776\n", + " NDARINVX7KKFJ5E\n", + " 2126\n", + " 2.55\n", + " 19\n", + " 117.583209\n", + " 518.441341\n", + " 88.521323\n", + " 1.0\n", + " 1.0\n", + " -0.070997\n", + " -0.070327\n", + " 0.068679\n", + " -11.162926\n", + " 0.820590\n", + " 0.810558\n", + " 0.471736\n", + " 0.472457\n", + " -54.4767\n", + " 84.8982\n", + " 32.1466\n", + " -37.643478\n", + " 77.051437\n", + " 30.466305\n", + " 204.000883\n", + " \n", + " \n", + " 10966\n", + " NDARINVX7KKFJ5E\n", + " 9999\n", + " 2.55\n", + " 19\n", + " 117.583209\n", + " 518.441341\n", + " 88.521323\n", + " 1.0\n", + " 1.0\n", + " -0.076339\n", + " -0.076135\n", + " 0.075007\n", + " -10.989829\n", + " 0.884452\n", + " 0.881903\n", + " 0.471736\n", + " 0.472457\n", + " -54.4767\n", + " 84.8982\n", + " 32.1466\n", + " -37.643478\n", + " 77.051437\n", + " 30.466305\n", + " 204.000883\n", + " \n", + " \n", + " 11052\n", + " NDARINVXZRDA6CJ\n", + " 10\n", + " 2.55\n", + " 10\n", + " 130.304809\n", + " 621.311326\n", + " 92.771485\n", + " 1.0\n", + " 1.0\n", + " -0.064917\n", + " -0.065700\n", + " 0.058148\n", + " -12.698515\n", + " 0.862791\n", + " 0.859062\n", + " 0.532489\n", + " 0.518755\n", + " -59.9443\n", + " 67.6072\n", + " 42.4896\n", + " -45.381886\n", + " 58.278561\n", + " 35.384796\n", + " 113.591005\n", + " \n", + " \n", + " 11233\n", + " NDARINVXZRDA6CJ\n", + " 21\n", + " 2.55\n", + " 50\n", + " 134.222186\n", + " 611.690915\n", + " 94.389497\n", + " 1.0\n", + " 1.0\n", + " -0.038909\n", + " -0.037051\n", + " 0.049465\n", + " -9.076155\n", + " 0.811053\n", + " 0.812867\n", + " 0.630695\n", + " 0.620545\n", + " -58.6753\n", + " 69.8785\n", + " 42.0198\n", + " -46.725052\n", + " 60.701469\n", + " 33.974442\n", + " 298.603329\n", " \n", " \n", "\n", "" ], "text/plain": [ - " subject smoothing pos_ix weighted_n area \\\n", - "356 NDARINV7BTZH7L2 2.55 5 178.121399 776.724119 \n", - "1536 NDARINVN394NEWK 2.55 50 46.593468 427.398839 \n", - "762 NDARINVC25XBH2T 2.55 68 193.383194 998.481409 \n", - "232 NDARINV52XG9LJ3 2.55 70 127.596868 717.147396 \n", - "1392 NDARINVGH5DHURH 2.55 104 224.679562 860.223602 \n", - "1407 NDARINVLMU4CC2J 2.55 14 149.134230 606.964919 \n", - "480 NDARINV7TV9UT40 2.55 59 195.283969 891.000514 \n", - "959 NDARINVD5FWJDCY 2.55 35 138.094506 592.994253 \n", - "869 NDARINVCVZ70012 2.55 79 74.362221 445.687954 \n", - "1643 NDARINVP9Y862GP 2.55 58 224.554444 857.585045 \n", + " subject run smoothing pos_ix weighted_n area \\\n", + "22 NDARINV85UUUHN0 10 2.55 22 121.285072 655.511953 \n", + "36 NDARINV85UUUHN0 21 2.55 4 170.338425 907.764429 \n", + "85 NDARINV85UUUHN0 23 2.55 21 158.104617 693.404292 \n", + "118 NDARINV85UUUHN0 8 2.55 22 121.285072 655.511953 \n", + "132 NDARINV85UUUHN0 2123 2.55 4 170.338425 907.764429 \n", + "182 NDARINV85UUUHN0 810 2.55 22 121.285072 655.511953 \n", + "196 NDARINV85UUUHN0 9999 2.55 4 170.338425 907.764429 \n", + "262 NDARINVC25XBH2T 20 2.55 38 193.392860 920.380768 \n", + "373 NDARINVC25XBH2T 7 2.55 52 212.403270 767.712406 \n", + "479 NDARINVC25XBH2T 9 2.55 61 130.470367 632.062884 \n", + "567 NDARINVC25XBH2T 79 2.55 52 212.403270 767.712406 \n", + "664 NDARINVC25XBH2T 9999 2.55 52 212.403270 767.712406 \n", + "1324 NDARINVCVZ70012 9999 2.55 79 96.707288 543.181106 \n", + "1215 NDARINVCVZ70012 810 2.55 104 135.310753 613.282919 \n", + "922 NDARINVCVZ70012 21 2.55 79 96.707288 543.181106 \n", + "813 NDARINVCVZ70012 10 2.55 104 135.310753 613.282919 \n", + "1039 NDARINVCVZ70012 8 2.55 62 116.082607 549.692604 \n", + "1429 NDARINVD5FWJDCY 11 2.55 50 141.331224 613.119075 \n", + "1569 NDARINVD5FWJDCY 22 2.55 35 133.749937 591.634953 \n", + "1796 NDARINVD5FWJDCY 24 2.55 107 217.088585 1202.569538 \n", + "1975 NDARINVD5FWJDCY 9 2.55 131 196.094134 949.363604 \n", + "2034 NDARINVD5FWJDCY 2224 2.55 35 133.749937 591.634953 \n", + "2205 NDARINVD5FWJDCY 911 2.55 51 167.849957 818.400496 \n", + "2324 NDARINVD5FWJDCY 9999 2.55 15 82.480890 518.739055 \n", + "2958 NDARINVFPFM6B57 810 2.55 39 136.269274 697.972667 \n", + "3045 NDARINVFPFM6B57 9999 2.55 35 96.344614 604.015552 \n", + "2835 NDARINVFPFM6B57 2123 2.55 7 98.901629 575.141565 \n", + "2622 NDARINVFPFM6B57 21 2.55 67 95.895500 574.022454 \n", + "2680 NDARINVFPFM6B57 23 2.55 34 130.169242 683.622456 \n", + "2503 NDARINVFPFM6B57 10 2.55 39 136.269274 697.972667 \n", + "2804 NDARINVFPFM6B57 8 2.55 67 95.895500 574.022454 \n", + "3111 NDARINVG8VWC1TN 10 2.55 10 124.638491 644.660543 \n", + "3225 NDARINVG8VWC1TN 21 2.55 6 186.175886 758.880986 \n", + "3401 NDARINVG8VWC1TN 23 2.55 64 105.562573 564.182677 \n", + "3496 NDARINVG8VWC1TN 8 2.55 41 123.730186 562.264407 \n", + "3635 NDARINVG8VWC1TN 2123 2.55 62 105.562573 564.182677 \n", + "3697 NDARINVG8VWC1TN 810 2.55 6 186.175886 758.880986 \n", + "3810 NDARINVG8VWC1TN 9999 2.55 1 165.722086 698.578772 \n", + "4451 NDARINVGH5DHURH 9999 2.55 104 248.626750 926.767741 \n", + "4277 NDARINVGH5DHURH 810 2.55 35 183.279224 795.113633 \n", + "4084 NDARINVGH5DHURH 21 2.55 52 285.645712 965.178818 \n", + "4001 NDARINVGH5DHURH 10 2.55 74 156.125510 704.302702 \n", + "4172 NDARINVGH5DHURH 8 2.55 35 183.279224 795.113633 \n", + "4466 NDARINVLMU4CC2J 10 2.55 14 153.399897 586.658306 \n", + "4559 NDARINVLMU4CC2J 21 2.55 14 153.399897 586.658306 \n", + "4701 NDARINVLMU4CC2J 23 2.55 63 175.569776 699.107170 \n", + "4745 NDARINVLMU4CC2J 8 2.55 14 153.399897 586.658306 \n", + "4838 NDARINVLMU4CC2J 2123 2.55 14 153.399897 586.658306 \n", + "4931 NDARINVLMU4CC2J 810 2.55 14 153.399897 586.658306 \n", + "5024 NDARINVLMU4CC2J 9999 2.55 14 153.399897 586.658306 \n", + "5549 NDARINVN394NEWK 9999 2.55 50 49.165739 379.891800 \n", + "5450 NDARINVN394NEWK 89 2.55 50 49.165739 379.891800 \n", + "5351 NDARINVN394NEWK 9 2.55 50 49.165739 379.891800 \n", + "5224 NDARINVN394NEWK 8 2.55 22 102.221247 603.779106 \n", + "5151 NDARINVN394NEWK 19 2.55 48 52.035599 397.184163 \n", + "5662 NDARINVP9Y862GP 10 2.55 64 245.646380 960.876699 \n", + "5775 NDARINVP9Y862GP 22 2.55 61 227.247774 935.809155 \n", + "5933 NDARINVP9Y862GP 24 2.55 103 260.424035 953.050103 \n", + "6004 NDARINVP9Y862GP 8 2.55 58 250.321656 879.027061 \n", + "6120 NDARINVP9Y862GP 2224 2.55 58 250.321656 879.027061 \n", + "6242 NDARINVP9Y862GP 810 2.55 64 245.646380 960.876699 \n", + "6352 NDARINVP9Y862GP 9999 2.55 58 250.321656 879.027061 \n", + "7152 NDARINVPE5JBKJ3 9999 2.55 58 117.379189 702.749552 \n", + "7070 NDARINVPE5JBKJ3 810 2.55 90 138.536289 752.884737 \n", + "6924 NDARINVPE5JBKJ3 2123 2.55 58 117.379189 702.749552 \n", + "6721 NDARINVPE5JBKJ3 23 2.55 83 144.468666 664.326700 \n", + "6582 NDARINVPE5JBKJ3 21 2.55 58 117.379189 702.749552 \n", + "6428 NDARINVPE5JBKJ3 10 2.55 18 172.850745 712.832463 \n", + "6824 NDARINVPE5JBKJ3 8 2.55 72 153.010396 886.861071 \n", + "7251 NDARINVRZL7PGK1 10 2.55 43 204.520821 866.172668 \n", + "7407 NDARINVRZL7PGK1 21 2.55 84 186.080446 837.430728 \n", + "7527 NDARINVRZL7PGK1 8 2.55 89 221.909372 866.501408 \n", + "7661 NDARINVRZL7PGK1 810 2.55 108 315.451840 1237.228788 \n", + "7715 NDARINVRZL7PGK1 9999 2.55 47 189.593262 859.327808 \n", + "8367 NDARINVV104HFJY 810 2.55 24 227.212049 876.318256 \n", + "8479 NDARINVV104HFJY 9999 2.55 24 227.212049 876.318256 \n", + "8135 NDARINVV104HFJY 8 2.55 16 201.298799 838.856397 \n", + "8255 NDARINVV104HFJY 2123 2.55 24 227.212049 876.318256 \n", + "7954 NDARINVV104HFJY 21 2.55 59 179.207305 845.962056 \n", + "7842 NDARINVV104HFJY 10 2.55 59 179.207305 845.962056 \n", + "8023 NDARINVV104HFJY 23 2.55 16 201.298799 838.856397 \n", + "8567 NDARINVWFN7K4C5 12 2.55 0 200.933176 838.513266 \n", + "8692 NDARINVWFN7K4C5 14 2.55 16 135.014249 684.099587 \n", + "8785 NDARINVWFN7K4C5 25 2.55 0 200.933176 838.513266 \n", + "8973 NDARINVWFN7K4C5 27 2.55 79 166.898292 619.713171 \n", + "9082 NDARINVWFN7K4C5 8 2.55 79 166.898292 619.713171 \n", + "9150 NDARINVWFN7K4C5 1425 2.55 38 165.593588 655.307781 \n", + "9221 NDARINVWFN7K4C5 812 2.55 0 200.933176 838.513266 \n", + "9409 NDARINVWFN7K4C5 9999 2.55 79 166.898292 619.713171 \n", + "9782 NDARINVWP2U8M5Y 23 2.55 75 136.265904 712.501283 \n", + "10318 NDARINVWP2U8M5Y 9999 2.55 75 136.265904 712.501283 \n", + "10184 NDARINVWP2U8M5Y 810 2.55 75 136.265904 712.501283 \n", + "10008 NDARINVWP2U8M5Y 2123 2.55 33 116.846651 657.921896 \n", + "9606 NDARINVWP2U8M5Y 21 2.55 33 116.846651 657.921896 \n", + "9514 NDARINVWP2U8M5Y 10 2.55 75 136.265904 712.501283 \n", + "9859 NDARINVWP2U8M5Y 8 2.55 18 140.617222 725.939882 \n", + "10899 NDARINVX7KKFJ5E 810 2.55 47 107.055540 611.857067 \n", + "10396 NDARINVX7KKFJ5E 10 2.55 19 117.583209 518.441341 \n", + "10491 NDARINVX7KKFJ5E 21 2.55 19 117.583209 518.441341 \n", + "10586 NDARINVX7KKFJ5E 26 2.55 19 117.583209 518.441341 \n", + "10709 NDARINVX7KKFJ5E 8 2.55 47 107.055540 611.857067 \n", + "10776 NDARINVX7KKFJ5E 2126 2.55 19 117.583209 518.441341 \n", + "10966 NDARINVX7KKFJ5E 9999 2.55 19 117.583209 518.441341 \n", + "11052 NDARINVXZRDA6CJ 10 2.55 10 130.304809 621.311326 \n", + "11233 NDARINVXZRDA6CJ 21 2.55 50 134.222186 611.690915 \n", "\n", - " weighted_area rep_r_rank rep_rva_rank rep_mean rep_va_mean \\\n", - "356 124.954714 1.0 1.0 -0.015450 -0.013617 \n", - "1536 29.672117 1.0 1.0 0.006042 0.007068 \n", - "762 127.779231 1.0 1.0 -0.049811 -0.045122 \n", - "232 90.292725 1.0 1.0 -0.015143 -0.014749 \n", - "1392 153.919796 1.0 1.0 0.016537 0.016436 \n", - "1407 106.705733 1.0 1.0 -0.004894 -0.005529 \n", - "480 141.913676 1.0 1.0 -0.001121 -0.003508 \n", - "959 96.220296 1.0 1.0 -0.029913 -0.030206 \n", - "869 51.254033 3.0 1.0 -0.018889 -0.024099 \n", - "1643 166.439042 1.0 1.0 -0.007778 -0.006742 \n", + " weighted_area rep_r_rank rep_rva_rank rep_mean rep_va_mean \\\n", + "22 90.919637 1.0 1.0 -0.008493 -0.006987 \n", + "36 128.717216 1.0 1.0 -0.095256 -0.095933 \n", + "85 120.168448 1.0 1.0 -0.011542 -0.009790 \n", + "118 90.919637 1.0 1.0 -0.086968 -0.086169 \n", + "132 128.717216 1.0 1.0 -0.050169 -0.050416 \n", + "182 90.919637 1.0 1.0 -0.047106 -0.045985 \n", + "196 128.717216 1.0 1.0 -0.043057 -0.042635 \n", + "262 126.725337 1.0 1.0 -0.113804 -0.105584 \n", + "373 142.951702 1.0 1.0 -0.009384 -0.004428 \n", + "479 88.347470 1.0 1.0 -0.112687 -0.112783 \n", + "567 142.951702 1.0 1.0 -0.057175 -0.053512 \n", + "664 142.951702 2.0 1.0 -0.070520 -0.065556 \n", + "1324 68.767411 1.0 1.0 -0.040582 -0.042965 \n", + "1215 112.886463 1.0 1.0 -0.032843 -0.033980 \n", + "922 68.767411 1.0 1.0 -0.090198 -0.094125 \n", + "813 112.886463 1.0 1.0 -0.053674 -0.054871 \n", + "1039 83.366043 2.0 1.0 -0.017697 -0.017426 \n", + "1429 101.420088 1.0 1.0 -0.060328 -0.062383 \n", + "1569 93.040959 1.0 1.0 -0.090843 -0.090734 \n", + "1796 150.623243 1.0 1.0 -0.028401 -0.027780 \n", + "1975 142.514279 1.0 1.0 -0.067510 -0.067536 \n", + "2034 93.040959 1.0 1.0 -0.054799 -0.054267 \n", + "2205 116.770422 1.0 1.0 -0.056459 -0.056418 \n", + "2324 57.592003 1.0 1.0 -0.047023 -0.045751 \n", + "2958 96.912080 1.0 1.0 -0.033703 -0.034356 \n", + "3045 71.189070 5.0 1.0 -0.024816 -0.026464 \n", + "2835 74.752511 1.0 1.0 -0.034773 -0.035659 \n", + "2622 72.971212 1.0 1.0 -0.065129 -0.068052 \n", + "2680 97.237615 1.0 1.0 -0.016224 -0.014771 \n", + "2503 96.912080 1.0 1.0 -0.046380 -0.045007 \n", + "2804 72.971212 2.0 1.0 -0.045529 -0.046180 \n", + "3111 86.185779 1.0 1.0 -0.053960 -0.053533 \n", + "3225 132.693512 1.0 1.0 -0.035546 -0.034745 \n", + "3401 71.839351 1.0 1.0 -0.002517 -0.002704 \n", + "3496 84.353462 1.0 1.0 -0.064157 -0.064597 \n", + "3635 71.839351 1.0 1.0 -0.013958 -0.013464 \n", + "3697 132.693512 1.0 1.0 -0.050120 -0.050045 \n", + "3810 117.779065 3.0 1.0 -0.030407 -0.029985 \n", + "4451 170.357277 2.0 1.0 0.000116 0.000379 \n", + "4277 134.343217 1.0 1.0 -0.005633 -0.006261 \n", + "4084 193.708587 1.0 1.0 -0.016348 -0.014379 \n", + "4001 112.430438 1.0 1.0 -0.015196 -0.013865 \n", + "4172 134.343217 1.0 1.0 -0.004829 -0.006426 \n", + "4466 109.583703 1.0 1.0 -0.027034 -0.027380 \n", + "4559 109.583703 1.0 1.0 -0.015640 -0.017153 \n", + "4701 127.502340 1.0 1.0 -0.032154 -0.031920 \n", + "4745 109.583703 2.0 1.0 -0.029475 -0.030875 \n", + "4838 109.583703 1.0 1.0 -0.021895 -0.022649 \n", + "4931 109.583703 1.0 1.0 -0.027361 -0.028325 \n", + "5024 109.583703 1.0 1.0 -0.025114 -0.025853 \n", + "5549 31.020096 1.0 1.0 -0.012194 -0.010966 \n", + "5450 31.020096 1.0 1.0 -0.020463 -0.019470 \n", + "5351 31.020096 1.0 1.0 -0.043367 -0.041095 \n", + "5224 77.297561 1.0 1.0 -0.011398 -0.010805 \n", + "5151 33.492065 1.0 1.0 0.006884 0.008430 \n", + "5662 178.346113 1.0 1.0 -0.031565 -0.030773 \n", + "5775 171.973084 1.0 1.0 -0.059809 -0.061022 \n", + "5933 191.902107 1.0 1.0 -0.071349 -0.070389 \n", + "6004 185.328220 1.0 1.0 -0.054464 -0.053113 \n", + "6120 185.328220 1.0 1.0 -0.055593 -0.055211 \n", + "6242 178.346113 2.0 1.0 -0.041256 -0.040472 \n", + "6352 185.328220 1.0 1.0 -0.048400 -0.047463 \n", + "7152 80.810094 1.0 1.0 -0.073056 -0.071664 \n", + "7070 96.609127 1.0 1.0 -0.028786 -0.027946 \n", + "6924 80.810094 1.0 1.0 -0.112939 -0.111574 \n", + "6721 101.886154 2.0 1.0 -0.084139 -0.084504 \n", + "6582 80.810094 1.0 1.0 -0.141214 -0.139367 \n", + "6428 122.375604 1.0 1.0 0.011386 0.010740 \n", + "6824 111.769580 1.0 1.0 -0.065175 -0.065687 \n", + "7251 130.938473 2.0 1.0 0.001332 0.000807 \n", + "7407 130.932148 1.0 1.0 -0.022258 -0.023599 \n", + "7527 161.600501 1.0 1.0 -0.010692 -0.010141 \n", + "7661 217.635845 1.0 1.0 0.005905 0.006154 \n", + "7715 133.403212 2.0 1.0 -0.003118 -0.003425 \n", + "8367 175.194974 1.0 1.0 -0.055667 -0.057157 \n", + "8479 175.194974 1.0 1.0 -0.033047 -0.035526 \n", + "8135 152.161577 1.0 1.0 -0.061287 -0.062909 \n", + "8255 175.194974 9.0 1.0 -0.009494 -0.013036 \n", + "7954 141.792686 5.0 1.0 -0.023970 -0.026360 \n", + "7842 141.792686 1.0 1.0 -0.080482 -0.080966 \n", + "8023 152.161577 1.0 1.0 -0.007907 -0.008736 \n", + "8567 155.337163 1.0 1.0 -0.022379 -0.023787 \n", + "8692 110.260692 1.0 1.0 -0.007061 -0.007180 \n", + "8785 155.337163 1.0 1.0 -0.076086 -0.079728 \n", + "8973 125.959860 1.0 1.0 -0.109762 -0.108853 \n", + "9082 125.959860 3.0 1.0 -0.108857 -0.115179 \n", + "9150 126.137231 1.0 1.0 -0.038904 -0.041515 \n", + "9221 155.337163 1.0 1.0 -0.052994 -0.055243 \n", + "9409 125.959860 2.0 1.0 -0.056406 -0.058947 \n", + "9782 92.462930 1.0 1.0 -0.089621 -0.089093 \n", + "10318 92.462930 1.0 1.0 -0.098755 -0.098924 \n", + "10184 92.462930 1.0 1.0 -0.081462 -0.081157 \n", + "10008 84.569185 1.0 1.0 -0.115371 -0.117134 \n", + "9606 84.569185 1.0 1.0 -0.151273 -0.153281 \n", + "9514 92.462930 1.0 1.0 -0.092142 -0.091929 \n", + "9859 95.293609 1.0 1.0 -0.072044 -0.071433 \n", + "10899 78.481432 1.0 1.0 -0.092026 -0.093157 \n", + "10396 88.521323 1.0 1.0 -0.145885 -0.146155 \n", + "10491 88.521323 1.0 1.0 -0.076815 -0.075465 \n", + "10586 88.521323 1.0 1.0 -0.055859 -0.056057 \n", + "10709 78.481432 1.0 1.0 -0.031912 -0.029860 \n", + "10776 88.521323 1.0 1.0 -0.070997 -0.070327 \n", + "10966 88.521323 1.0 1.0 -0.076339 -0.076135 \n", + "11052 92.771485 1.0 1.0 -0.064917 -0.065700 \n", + "11233 94.389497 1.0 1.0 -0.038909 -0.037051 \n", "\n", - " rep_std rep_t prop_neg prop_va_neg in_stim in_stim_va \\\n", - "356 0.044897 -4.577126 0.627888 0.606327 0.439772 0.460128 \n", - "1536 0.025681 1.588152 0.525897 0.496411 0.476180 0.481801 \n", - "762 0.071278 -9.684383 0.764364 0.743135 0.371657 0.375230 \n", - "232 0.027359 -6.226500 0.744827 0.726546 0.476944 0.527729 \n", - "1392 0.026080 9.482132 0.262082 0.269678 0.218414 0.196228 \n", - "1407 0.023753 -2.507212 0.646962 0.672753 0.287573 0.282233 \n", - "480 0.044620 -0.349978 0.506099 0.530624 0.432819 0.432457 \n", - "959 0.038578 -9.077073 0.732812 0.727080 0.258917 0.259983 \n", - "869 0.048061 -3.364000 0.707282 0.743539 0.046161 0.047883 \n", - "1643 0.019070 -6.097521 0.668406 0.659300 0.471743 0.485202 \n", + " rep_std rep_t prop_neg prop_va_neg in_stim in_stim_va \\\n", + "22 0.032702 -2.847403 0.536241 0.502743 0.554919 0.536561 \n", + "36 0.065037 -19.090326 0.896595 0.880869 0.682628 0.670611 \n", + "85 0.040575 -3.563692 0.672762 0.647119 0.536597 0.541799 \n", + "118 0.043247 -22.097146 0.969426 0.970370 0.554919 0.536561 \n", + "132 0.048735 -13.396650 0.849931 0.841141 0.682628 0.670611 \n", + "182 0.031961 -16.171352 0.947258 0.939561 0.554919 0.536561 \n", + "196 0.041154 -13.615546 0.853186 0.836906 0.682628 0.670611 \n", + "262 0.104773 -15.076150 0.868279 0.845314 0.374338 0.380802 \n", + "373 0.097074 -1.401175 0.550383 0.524545 0.347143 0.348855 \n", + "479 0.076840 -16.724804 0.906562 0.910782 0.683223 0.673499 \n", + "567 0.077999 -10.647958 0.781405 0.773401 0.347143 0.348855 \n", + "664 0.077852 -13.165636 0.799910 0.788471 0.347143 0.348855 \n", + "1324 0.045367 -8.749909 0.834893 0.835154 0.201781 0.208319 \n", + "1215 0.028952 -13.147536 0.876947 0.893221 0.288301 0.270366 \n", + "922 0.065792 -13.429064 0.937913 0.943782 0.201781 0.208319 \n", + "813 0.041372 -15.041215 0.917565 0.934737 0.288301 0.270366 \n", + "1039 0.036337 -5.222824 0.746467 0.738631 0.360605 0.367032 \n", + "1429 0.053319 -13.406980 0.830649 0.840096 0.376714 0.377487 \n", + "1569 0.065374 -16.031843 0.909872 0.909521 0.272026 0.274316 \n", + "1796 0.036621 -11.398334 0.796206 0.788175 0.378498 0.406280 \n", + "1975 0.049630 -19.013031 0.883263 0.874969 0.433609 0.431304 \n", + "2034 0.036865 -17.136088 0.912767 0.906202 0.272026 0.274316 \n", + "2205 0.042720 -17.079054 0.908595 0.908458 0.490632 0.513656 \n", + "2324 0.040952 -10.366854 0.841249 0.822792 0.526761 0.538173 \n", + "2958 0.042600 -9.199319 0.824036 0.824241 0.305294 0.324141 \n", + "3045 0.040291 -6.012171 0.791941 0.814836 0.479260 0.488021 \n", + "2835 0.031435 -10.945810 0.849811 0.855124 0.452599 0.437281 \n", + "2622 0.047228 -13.442751 0.905536 0.907197 0.418089 0.400406 \n", + "2680 0.054246 -3.396072 0.577863 0.571847 0.445085 0.433195 \n", + "2503 0.053658 -10.050479 0.849078 0.848350 0.305294 0.324141 \n", + "2804 0.044669 -9.929296 0.830899 0.854102 0.418089 0.400406 \n", + "3111 0.023057 -26.043325 0.998555 0.998182 0.331582 0.323540 \n", + "3225 0.051349 -9.415636 0.755637 0.758964 0.477210 0.476210 \n", + "3401 0.057103 -0.450281 0.538052 0.535880 0.609594 0.624628 \n", + "3496 0.086491 -8.208393 0.776855 0.787622 0.593038 0.609956 \n", + "3635 0.051011 -2.795675 0.596796 0.595517 0.609594 0.624628 \n", + "3697 0.043706 -15.608075 0.918174 0.916099 0.477210 0.476210 \n", + "3810 0.035854 -10.883346 0.796987 0.793028 0.572683 0.570177 \n", + "4451 0.027644 0.066229 0.523642 0.511021 0.227147 0.205551 \n", + "4277 0.042994 -1.767803 0.520173 0.510742 0.337617 0.334937 \n", + "4084 0.055653 -4.951161 0.566961 0.557638 0.259588 0.243629 \n", + "4001 0.047822 -3.954993 0.578452 0.578924 0.563765 0.546960 \n", + "4172 0.055726 -1.168826 0.546313 0.533198 0.337617 0.334937 \n", + "4466 0.035981 -9.273540 0.764410 0.774642 0.305249 0.298994 \n", + "4559 0.040869 -4.721944 0.650423 0.656408 0.305249 0.298994 \n", + "4701 0.028696 -14.806049 0.886219 0.890864 0.216118 0.217952 \n", + "4745 0.033740 -10.783379 0.846799 0.847224 0.305249 0.298994 \n", + "4838 0.029409 -9.189496 0.796434 0.793357 0.305249 0.298994 \n", + "4931 0.028871 -11.699368 0.850815 0.855444 0.305249 0.298994 \n", + "5024 0.024497 -12.656087 0.864534 0.866240 0.305249 0.298994 \n", + "5549 0.023978 -3.528895 0.776387 0.753036 0.414400 0.416268 \n", + "5450 0.029012 -4.894426 0.795813 0.795466 0.414400 0.416268 \n", + "5351 0.047936 -6.277777 0.748527 0.746733 0.414400 0.416268 \n", + "5224 0.027326 -4.195612 0.638034 0.621014 0.352574 0.367890 \n", + "5151 0.025129 1.956583 0.477194 0.442799 0.419707 0.422764 \n", + "5662 0.028698 -17.204857 0.805310 0.795810 0.270793 0.269425 \n", + "5775 0.053850 -16.709879 0.895021 0.892628 0.437604 0.470407 \n", + "5933 0.041332 -27.835295 0.953352 0.956615 0.303286 0.312991 \n", + "6004 0.030505 -28.210334 0.947503 0.944579 0.443063 0.455849 \n", + "6120 0.031729 -27.684750 0.945910 0.948446 0.443063 0.455849 \n", + "6242 0.026333 -24.513050 0.932652 0.931050 0.270793 0.269425 \n", + "6352 0.020447 -37.401040 0.966203 0.964856 0.443063 0.455849 \n", + "7152 0.026772 -29.483556 0.978659 0.975373 0.218993 0.222919 \n", + "7070 0.024411 -13.830686 0.896674 0.864371 0.255228 0.254085 \n", + "6924 0.040897 -29.902336 0.988046 0.986724 0.218993 0.222919 \n", + "6721 0.039080 -25.836477 0.980347 0.980447 0.309088 0.315818 \n", + "6582 0.056956 -26.897730 0.976697 0.975152 0.218993 0.222919 \n", + "6428 0.041331 3.609363 0.336995 0.341060 0.360577 0.367297 \n", + "6824 0.043590 -18.448810 0.934356 0.935492 0.381422 0.378527 \n", + "7251 0.031837 0.596569 0.509815 0.515520 0.391224 0.406296 \n", + "7407 0.042086 -7.191902 0.685190 0.704812 0.665795 0.658919 \n", + "7527 0.064669 -2.454052 0.536906 0.533505 0.529972 0.509076 \n", + "7661 0.042124 2.484187 0.463603 0.463617 0.618447 0.617119 \n", + "7715 0.032572 -1.313990 0.495552 0.504391 0.610976 0.605286 \n", + "8367 0.079966 -10.458577 0.758863 0.754378 0.470213 0.456199 \n", + "8479 0.056228 -8.833594 0.684416 0.693155 0.470213 0.456199 \n", + "8135 0.102435 -8.448543 0.695623 0.685738 0.548202 0.539361 \n", + "8255 0.049957 -2.856010 0.570244 0.593515 0.470213 0.456199 \n", + "7954 0.065338 -4.891348 0.659710 0.664254 0.249269 0.248807 \n", + "7842 0.073104 -14.702209 0.875120 0.879868 0.249269 0.248807 \n", + "8023 0.036899 -3.031360 0.632021 0.644981 0.548202 0.539361 \n", + "8567 0.052383 -6.036363 0.730677 0.740320 0.322332 0.295576 \n", + "8692 0.026814 -3.047868 0.577600 0.589081 0.295474 0.280752 \n", + "8785 0.068437 -15.725942 0.862147 0.872332 0.322332 0.295576 \n", + "8973 0.095492 -14.819450 0.856313 0.861656 0.359280 0.340560 \n", + "9082 0.071527 -19.646756 0.923346 0.928344 0.359280 0.340560 \n", + "9150 0.035768 -13.955295 0.891317 0.901259 0.296564 0.278909 \n", + "9221 0.060573 -12.366880 0.842417 0.848144 0.322332 0.295576 \n", + "9409 0.043819 -16.586661 0.871191 0.881276 0.359280 0.340560 \n", + "9782 0.052278 -19.973573 0.962547 0.962696 0.648806 0.648334 \n", + "10318 0.052831 -21.791005 0.950319 0.948696 0.648806 0.648334 \n", + "10184 0.053477 -17.739026 0.918885 0.919395 0.648806 0.648334 \n", + "10008 0.084078 -14.800243 0.883539 0.888768 0.692980 0.704674 \n", + "9606 0.107751 -15.168358 0.878839 0.887272 0.692980 0.704674 \n", + "9514 0.071586 -14.986913 0.889512 0.892052 0.648806 0.648334 \n", + "9859 0.051274 -16.616693 0.954186 0.953905 0.649256 0.650509 \n", + "10899 0.074761 -12.688903 0.887988 0.903391 0.289352 0.299805 \n", + "10396 0.143179 -11.004398 0.920351 0.920688 0.471736 0.472457 \n", + "10491 0.070764 -11.724228 0.822969 0.811818 0.471736 0.472457 \n", + "10586 0.071530 -8.426178 0.797807 0.787822 0.471736 0.472457 \n", + "10709 0.057796 -5.681802 0.674003 0.654851 0.289352 0.299805 \n", + "10776 0.068679 -11.162926 0.820590 0.810558 0.471736 0.472457 \n", + "10966 0.075007 -10.989829 0.884452 0.881903 0.471736 0.472457 \n", + "11052 0.058148 -12.698515 0.862791 0.859062 0.532489 0.518755 \n", + "11233 0.049465 -9.076155 0.811053 0.812867 0.630695 0.620545 \n", "\n", - " bx by bz s_x s_y s_z z_angle \n", - "356 -55.4378 56.0332 34.4877 -37.580311 46.600082 23.091337 263.756150 \n", - "1536 -57.1664 49.8572 49.6356 -39.552006 43.573395 43.853828 305.560377 \n", - "762 -51.2076 75.1280 60.8984 -35.280415 65.281960 51.106457 11.108381 \n", - "232 -50.9520 68.6810 18.6960 -40.880932 61.321388 9.805667 308.984993 \n", - "1392 -55.7623 42.3965 23.5376 -43.414059 35.969460 10.431504 277.744711 \n", - "1407 -42.2020 77.4450 39.6640 -34.768738 71.285942 30.228001 267.032627 \n", - "480 -59.7773 57.8556 39.2945 -43.139385 53.453335 31.822931 152.109717 \n", - "959 -42.6220 67.3726 72.8881 -32.778923 59.360630 59.191315 278.771919 \n", - "869 -40.1830 69.2280 33.1180 -33.220791 55.603340 25.881628 145.955745 \n", - "1643 -53.4697 68.4784 17.7134 -39.813499 61.929249 6.183051 291.246063 " + " bx by bz s_x s_y s_z z_angle \n", + "22 -60.2920 79.5642 8.4801 -43.762367 73.843163 4.994923 121.660091 \n", + "36 -62.2484 76.0818 7.4723 -46.258129 74.269302 3.441146 121.003531 \n", + "85 -57.7107 81.5753 12.7593 -40.993561 78.290009 8.331030 247.382703 \n", + "118 -60.2920 79.5642 8.4801 -43.762367 73.843163 4.994923 121.660091 \n", + "132 -62.2484 76.0818 7.4723 -46.258129 74.269302 3.441146 121.003531 \n", + "182 -60.2920 79.5642 8.4801 -43.762367 73.843163 4.994923 121.660091 \n", + "196 -62.2484 76.0818 7.4723 -46.258129 74.269302 3.441146 121.003531 \n", + "262 -50.6709 74.9207 61.9425 -39.205894 64.071884 53.871166 349.926586 \n", + "373 -56.4778 67.8128 58.7894 -41.135490 62.637352 50.721909 238.616157 \n", + "479 -54.7580 84.4150 35.0650 -41.855236 78.875870 32.637177 171.665679 \n", + "567 -56.4778 67.8128 58.7894 -41.135490 62.637352 50.721909 238.616157 \n", + "664 -56.4778 67.8128 58.7894 -41.135490 62.637352 50.721909 238.616157 \n", + "1324 -45.5120 65.1310 32.9540 -33.220791 55.603340 25.881628 144.709975 \n", + "1215 -53.4563 69.4829 10.2632 -38.466469 57.850403 6.079185 225.084868 \n", + "922 -45.5120 65.1310 32.9540 -33.220791 55.603340 25.881628 144.709975 \n", + "813 -53.4563 69.4829 10.2632 -38.466469 57.850403 6.079185 225.084868 \n", + "1039 -47.2702 64.0340 31.7466 -33.279984 53.372173 22.454445 132.869199 \n", + "1429 -45.8788 70.2967 66.8892 -36.900017 61.160355 54.038601 296.716010 \n", + "1569 -43.4530 66.3710 72.9480 -32.778923 59.360630 59.191315 272.858688 \n", + "1796 -52.7050 44.4340 76.9660 -39.756561 37.125149 65.878433 341.849753 \n", + "1975 -63.6952 46.8756 59.3244 -48.267265 41.814281 54.914951 64.938555 \n", + "2034 -43.4530 66.3710 72.9480 -32.778923 59.360630 59.191315 272.858688 \n", + "2205 -50.5315 50.7084 76.3422 -40.647972 44.774643 63.480423 308.386183 \n", + "2324 -53.7301 61.3148 65.3298 -39.911140 54.487965 53.733021 143.880916 \n", + "2958 -62.5060 41.4670 45.8290 -49.006424 28.264107 35.929276 283.018537 \n", + "3045 -54.3177 60.8264 38.1947 -42.297333 51.947773 36.053570 77.562997 \n", + "2835 -51.1195 70.5435 25.7211 -38.865227 60.481541 26.079908 146.211739 \n", + "2622 -51.5208 71.0516 21.8557 -39.022675 58.288292 20.263809 142.252730 \n", + "2680 -52.1440 66.9843 32.4571 -43.365139 55.937538 25.436852 30.040089 \n", + "2503 -62.5060 41.4670 45.8290 -49.006424 28.264107 35.929276 283.018537 \n", + "2804 -51.5208 71.0516 21.8557 -39.022675 58.288292 20.263809 142.252730 \n", + "3111 -65.8270 43.5530 41.5010 -49.608582 36.741764 36.630722 354.939704 \n", + "3225 -57.0820 69.7690 36.2650 -41.402962 62.516998 32.904793 144.548177 \n", + "3401 -59.5435 55.1584 47.3454 -46.595757 49.152756 39.228020 287.865835 \n", + "3496 -59.1788 60.0369 43.7208 -44.418083 53.258652 39.239449 82.994189 \n", + "3635 -59.5435 55.1584 47.3454 -43.884392 48.162727 38.170746 287.865835 \n", + "3697 -57.0820 69.7690 36.2650 -41.402962 62.516998 32.904793 144.548177 \n", + "3810 -58.1018 67.3169 37.0664 -40.075020 59.993675 32.535084 135.558946 \n", + "4451 -56.1000 42.5190 23.3190 -43.414059 35.969460 10.431504 281.065776 \n", + "4277 -49.3615 80.9943 -0.1582 -36.236633 67.031548 -8.372868 20.217740 \n", + "4084 -62.0271 37.9043 18.0555 -49.910763 35.803391 8.532757 273.979382 \n", + "4001 -64.2950 62.3890 -9.3763 -46.848942 57.900063 -10.652285 91.252145 \n", + "4172 -49.3615 80.9943 -0.1582 -36.236633 67.031548 -8.372868 20.217740 \n", + "4466 -43.2310 77.0110 38.9160 -34.768738 71.285942 30.228001 266.087782 \n", + "4559 -43.2310 77.0110 38.9160 -34.768738 71.285942 30.228001 266.087782 \n", + "4701 -47.7800 85.0250 17.1040 -37.056107 76.602577 11.756046 180.000000 \n", + "4745 -43.2310 77.0110 38.9160 -34.768738 71.285942 30.228001 266.087782 \n", + "4838 -43.2310 77.0110 38.9160 -34.768738 71.285942 30.228001 266.087782 \n", + "4931 -43.2310 77.0110 38.9160 -34.768738 71.285942 30.228001 266.087782 \n", + "5024 -43.2310 77.0110 38.9160 -34.768738 71.285942 30.228001 266.087782 \n", + "5549 -56.8060 50.4330 50.1010 -39.552006 43.573395 43.853828 310.049410 \n", + "5450 -56.8060 50.4330 50.1010 -39.552006 43.573395 43.853828 310.049410 \n", + "5351 -56.8060 50.4330 50.1010 -39.552006 43.573395 43.853828 310.049410 \n", + "5224 -70.2022 35.2483 29.2147 -51.306549 28.624825 29.529554 72.544599 \n", + "5151 -59.3660 47.9660 45.8620 -41.581539 45.652664 40.545246 134.313266 \n", + "5662 -53.3740 62.9796 23.0188 -38.129852 53.535515 13.279337 82.882853 \n", + "5775 -54.5941 72.3968 11.9986 -41.055935 66.284798 2.342545 185.096605 \n", + "5933 -54.8473 59.7114 23.8880 -43.678291 51.807205 14.116583 316.144379 \n", + "6004 -52.4474 69.5755 18.2555 -39.813499 61.929249 6.183051 291.825369 \n", + "6120 -52.4474 69.5755 18.2555 -39.813499 61.929249 6.183051 291.825369 \n", + "6242 -53.3740 62.9796 23.0188 -38.129852 53.535515 13.279337 82.882853 \n", + "6352 -52.4474 69.5755 18.2555 -39.813499 61.929249 6.183051 291.825369 \n", + "7152 -54.0547 42.2305 14.8031 -38.508091 35.534725 1.052923 287.126200 \n", + "7070 -56.2550 42.8390 11.4380 -41.715012 36.227303 0.222701 282.654388 \n", + "6924 -54.0547 42.2305 14.8031 -38.508091 35.534725 1.052923 287.126200 \n", + "6721 -39.9710 75.0340 1.7267 -27.488235 67.508942 -1.923472 116.081348 \n", + "6582 -54.0547 42.2305 14.8031 -38.508091 35.534725 1.052923 287.126200 \n", + "6428 -40.0990 77.7300 -3.0421 -26.766338 66.273865 -6.473343 110.442538 \n", + "6824 -63.6378 48.6755 -17.5027 -46.631565 42.356487 -19.382164 228.287322 \n", + "7251 -69.2920 68.4010 27.6000 -49.896782 68.444916 23.997799 137.856303 \n", + "7407 -63.1960 69.3930 47.1220 -46.127880 65.669868 39.589157 235.131083 \n", + "7527 -53.4657 80.1543 56.5646 -42.494770 70.182480 49.693081 28.178362 \n", + "7661 -63.2140 71.2330 45.1450 -47.888992 67.242630 39.993515 175.101157 \n", + "7715 -63.2230 67.5770 48.7820 -49.000492 64.776215 42.857140 229.602754 \n", + "8367 -48.4083 87.0230 34.7393 -34.248859 79.650368 30.408251 76.924606 \n", + "8479 -48.4083 87.0230 34.7393 -34.248859 79.650368 30.408251 76.924606 \n", + "8135 -48.8320 89.6420 28.3420 -36.818401 80.589775 26.185795 60.445753 \n", + "8255 -48.4083 87.0230 34.7393 -34.248859 79.650368 30.408251 76.924606 \n", + "7954 -53.1230 71.6210 44.4210 -38.328827 65.484009 36.471218 93.683125 \n", + "7842 -53.1230 71.6210 44.4210 -38.328827 65.484009 36.471218 93.683125 \n", + "8023 -48.8320 89.6420 28.3420 -36.818401 80.589775 26.185795 60.445753 \n", + "8567 -53.5584 59.6194 48.6842 -40.512627 54.408821 39.151497 156.094585 \n", + "8692 -60.7633 44.7932 47.4545 -45.845966 41.784496 38.654537 250.565092 \n", + "8785 -53.5584 59.6194 48.6842 -40.512627 54.408821 39.151497 156.094585 \n", + "8973 -49.7051 70.8159 42.7944 -37.040802 63.749397 35.546928 125.480907 \n", + "9082 -49.7051 70.8159 42.7944 -37.040802 63.749397 35.546928 125.480907 \n", + "9150 -48.8385 70.8108 44.2259 -35.494362 63.071556 35.985474 136.718967 \n", + "9221 -53.5584 59.6194 48.6842 -40.512627 54.408821 39.151497 156.094585 \n", + "9409 -49.7051 70.8159 42.7944 -37.040802 63.749397 35.546928 125.480907 \n", + "9782 -58.6613 59.3382 39.9850 -47.891537 53.897816 32.036575 266.054139 \n", + "10318 -58.6613 59.3382 39.9850 -47.891537 53.897816 32.036575 266.054139 \n", + "10184 -58.6613 59.3382 39.9850 -47.891537 53.897816 32.036575 266.054139 \n", + "10008 -52.4663 75.4073 33.6330 -37.953827 69.526344 27.862638 158.827459 \n", + "9606 -52.4663 75.4073 33.6330 -37.953827 69.526344 27.862638 158.827459 \n", + "9514 -58.6613 59.3382 39.9850 -47.891537 53.897816 32.036575 266.054139 \n", + "9859 -59.4670 58.6270 39.1290 -48.134125 53.861137 30.110395 271.057055 \n", + "10899 -56.5180 62.8370 53.2320 -41.486778 58.582020 42.049179 279.142803 \n", + "10396 -54.4767 84.8982 32.1466 -37.643478 77.051437 30.466305 204.000883 \n", + "10491 -54.4767 84.8982 32.1466 -37.643478 77.051437 30.466305 204.000883 \n", + "10586 -54.4767 84.8982 32.1466 -37.643478 77.051437 30.466305 204.000883 \n", + "10709 -56.5180 62.8370 53.2320 -41.486778 58.582020 42.049179 279.142803 \n", + "10776 -54.4767 84.8982 32.1466 -37.643478 77.051437 30.466305 204.000883 \n", + "10966 -54.4767 84.8982 32.1466 -37.643478 77.051437 30.466305 204.000883 \n", + "11052 -59.9443 67.6072 42.4896 -45.381886 58.278561 35.384796 113.591005 \n", + "11233 -58.6753 69.8785 42.0198 -46.725052 60.701469 33.974442 298.603329 " ] }, - "execution_count": 91, + "execution_count": 58, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "stim_stats_rev.sort_values('rep_rva_rank').loc[:, ses_comp_cols].head(10)" + "stim_stats_rev.query(\"rep_rva_rank == 1\").sort_values(['subject']).loc[:, ses_comp_cols]" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 50, "id": "bb978bba", "metadata": { "collapsed": false, @@ -1010,7 +4705,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 51, "id": "3f3675c7", "metadata": { "collapsed": false, @@ -1018,10 +4713,22 @@ "outputs_hidden": false } }, - "outputs": [], + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'liston_root' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[51], line 2\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m subject \u001b[38;5;129;01min\u001b[39;00m subjects:\n\u001b[0;32m----> 2\u001b[0m src_surf_dir \u001b[38;5;241m=\u001b[39m \u001b[43mliston_root\u001b[49m \u001b[38;5;241m/\u001b[39m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124msub-\u001b[39m\u001b[38;5;132;01m{\u001b[39;00msubject\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m/anat/T1w/fsaverage_LR32k/\u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[1;32m 3\u001b[0m headmodel_dir \u001b[38;5;241m=\u001b[39m anat_dir \u001b[38;5;241m/\u001b[39m\u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124msub-\u001b[39m\u001b[38;5;132;01m{\u001b[39;00msubject\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m/HeadModel\u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[1;32m 4\u001b[0m sim_out_dir \u001b[38;5;241m=\u001b[39m anat_dir \u001b[38;5;241m/\u001b[39m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124msub-\u001b[39m\u001b[38;5;132;01m{\u001b[39;00msubject\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m/Simulation\u001b[39m\u001b[38;5;124m'\u001b[39m\n", + "\u001b[0;31mNameError\u001b[0m: name 'liston_root' is not defined" + ] + } + ], "source": [ "for subject in subjects:\n", - " src_surf_dir = liston_root / f'sub-{subject}/anat/T1w/fsaverage_LR32k/'\n", + " # src_surf_dir = liston_root / f'sub-{subject}/anat/T1w/fsaverage_LR32k/'\n", " headmodel_dir = anat_dir /f'sub-{subject}/HeadModel'\n", " sim_out_dir = anat_dir / f'sub-{subject}/Simulation'\n", " sim_dir = sorted(sim_out_dir.glob('simulation-*'))[-1]\n", @@ -1969,7 +5676,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 121, "id": "48a6d52c-5fc5-481c-8047-6fabe6559bb5", "metadata": { "tags": [] @@ -2149,8 +5856,158 @@ "[ simnibs ]INFO: Running ADM\n", "[ simnibs ]INFO: H-primary time: 88.23s\n", "[ simnibs ]INFO: H-primary time: 78.35s\n", - "[ simnibs ]INFO: H-primary time: 97.62s\n" + "[ simnibs ]INFO: H-primary time: 97.62s\n", + "[ simnibs ]INFO: H-primary time: 115.39s\n", + "[ simnibs ]INFO: H-primary time: 77.94s\n", + "[ simnibs ]INFO: H-primary time: 88.58s\n", + "[ simnibs ]INFO: H-primary time: 97.56s\n", + "[ simnibs ]INFO: H-primary time: 77.95s\n", + "[ simnibs ]INFO: Re-running best position\n", + "[ simnibs ]INFO: Assembling FEM Matrix\n", + "[ simnibs ]INFO: 11.10s to assemble FEM matrix\n", + "[ simnibs ]INFO: Calculating dA/dt field\n", + "[ simnibs ]INFO: 5.24s to calculate dA/dt\n", + "[ simnibs ]INFO: H-primary time: 116.17s\n", + "[ simnibs ]INFO: H-primary time: 88.67s\n", + "[ simnibs ]INFO: Re-running best position\n", + "[ simnibs ]INFO: Assembling FEM Matrix\n", + "[ simnibs ]INFO: Using solver options: -ksp_type cg -ksp_rtol 1e-10 -pc_type hypre -pc_hypre_type boomeramg -pc_hypre_boomeramg_coarsen_type HMIS\n", + "[ simnibs ]INFO: Preparing the KSP\n", + "[ simnibs ]INFO: Time to prepare the KSP: 2.99s\n", + "[ simnibs ]INFO: Solving system 1 of 1\n", + "[ simnibs ]INFO: Running PETSc with KSP: cg PC: hypre\n", + "[ simnibs ]INFO: 11.73s to assemble FEM matrix\n", + "[ simnibs ]INFO: Calculating dA/dt field\n", + "[ simnibs ]INFO: 6.94s to calculate dA/dt\n", + "[ simnibs ]INFO: Number of iterations: 31 Residual Norm: 6.31e-11\n", + "[ simnibs ]INFO: KSP Converged with reason: 2\n", + "[ simnibs ]INFO: Time to solve system: 14.56s\n", + "[ simnibs ]INFO: Using solver options: -ksp_type cg -ksp_rtol 1e-10 -pc_type hypre -pc_hypre_type boomeramg -pc_hypre_boomeramg_coarsen_type HMIS\n", + "[ simnibs ]INFO: Preparing the KSP\n", + "[ simnibs ]INFO: Time to prepare the KSP: 2.95s\n", + "[ simnibs ]INFO: Solving system 1 of 1\n", + "[ simnibs ]INFO: Running PETSc with KSP: cg PC: hypre\n", + "[ simnibs ]INFO: Creating visualizations\n", + "[ simnibs ]INFO: Number of iterations: 31 Residual Norm: 6.38e-11\n", + "[ simnibs ]INFO: KSP Converged with reason: 2\n", + "[ simnibs ]INFO: Time to solve system: 15.40s\n", + "[ simnibs ]INFO: H-primary time: 97.60s\n", + "[ simnibs ]INFO: Re-running best position\n", + "[ simnibs ]INFO: Assembling FEM Matrix\n", + "[ simnibs ]INFO: Creating visualizations\n", + "[ simnibs ]INFO: 13.26s to assemble FEM matrix\n", + "[ simnibs ]INFO: Calculating dA/dt field\n", + "[ simnibs ]INFO: \n", + "Best coil position\n", + "=============================\n", + "[[ -0.1788 0.6879 0.7035 -48.258 ]\n", + " [ 0.4058 0.7029 -0.5842 76.3711]\n", + " [ -0.8963 0.181 -0.4048 36.1364]\n", + " [ 0. 0. 0. 1. ]]\n", + "\n", + "[ simnibs ]INFO: Field: E\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV6UU2L6YJ/Simulation/alternate_targeting-00/opt-0002/subject_volumes/NDARINV6UU2L6YJ_TMS_1-0001_MagVenture_MCF-B65_E.nii.gz\n", + "[ simnibs ]INFO: 8.02s to calculate dA/dt\n", + "[ simnibs ]INFO: Using solver options: -ksp_type cg -ksp_rtol 1e-10 -pc_type hypre -pc_hypre_type boomeramg -pc_hypre_boomeramg_coarsen_type HMIS\n", + "[ simnibs ]INFO: Preparing the KSP\n", + "[ simnibs ]INFO: Time to prepare the KSP: 3.38s\n", + "[ simnibs ]INFO: Solving system 1 of 1\n", + "[ simnibs ]INFO: Running PETSc with KSP: cg PC: hypre\n", + "[ simnibs ]INFO: Field: magnE\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV6UU2L6YJ/Simulation/alternate_targeting-00/opt-0002/subject_volumes/NDARINV6UU2L6YJ_TMS_1-0001_MagVenture_MCF-B65_magnE.nii.gz\n", + "[ simnibs ]INFO: \n", + "Best coil position\n", + "=============================\n", + "[[ 0.2401 0.5968 0.7656 -57.3443]\n", + " [ 0.7223 0.417 -0.5516 61.4281]\n", + " [ -0.6485 0.6855 -0.331 22.0201]\n", + " [ 0. 0. 0. 1. ]]\n", + "\n", + "[ simnibs ]INFO: Field: E\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV7BTZH7L2/Simulation/alternate_targeting-00/opt-0003/subject_volumes/NDARINV7BTZH7L2_TMS_1-0001_MagVenture_MCF-B65_E.nii.gz\n", + "[ simnibs ]INFO: Field: J\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV6UU2L6YJ/Simulation/alternate_targeting-00/opt-0002/subject_volumes/NDARINV6UU2L6YJ_TMS_1-0001_MagVenture_MCF-B65_J.nii.gz\n", + "[ simnibs ]INFO: Number of iterations: 31 Residual Norm: 3.96e-11\n", + "[ simnibs ]INFO: KSP Converged with reason: 2\n", + "[ simnibs ]INFO: Time to solve system: 16.61s\n", + "[ simnibs ]INFO: Field: magnE\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV7BTZH7L2/Simulation/alternate_targeting-00/opt-0003/subject_volumes/NDARINV7BTZH7L2_TMS_1-0001_MagVenture_MCF-B65_magnE.nii.gz\n", + "[ simnibs ]INFO: Creating visualizations\n", + "[ simnibs ]INFO: Field: magnJ\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV6UU2L6YJ/Simulation/alternate_targeting-00/opt-0002/subject_volumes/NDARINV6UU2L6YJ_TMS_1-0001_MagVenture_MCF-B65_magnJ.nii.gz\n", + "[ simnibs ]INFO: H-primary time: 116.69s\n", + "[ simnibs ]INFO: Re-running best position\n", + "[ simnibs ]INFO: Assembling FEM Matrix\n", + "[ simnibs ]INFO: Field: J\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV7BTZH7L2/Simulation/alternate_targeting-00/opt-0003/subject_volumes/NDARINV7BTZH7L2_TMS_1-0001_MagVenture_MCF-B65_J.nii.gz\n", + "[ simnibs ]INFO: Field: Target\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV6UU2L6YJ/Simulation/alternate_targeting-00/opt-0002/subject_volumes/NDARINV6UU2L6YJ_TMS_1-0001_MagVenture_MCF-B65_Target.nii.gz\n", + "[ simnibs ]INFO: 13.91s to assemble FEM matrix\n", + "[ simnibs ]INFO: Calculating dA/dt field\n", + "[ simnibs ]INFO: Field: magnJ\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV7BTZH7L2/Simulation/alternate_targeting-00/opt-0003/subject_volumes/NDARINV7BTZH7L2_TMS_1-0001_MagVenture_MCF-B65_magnJ.nii.gz\n", + "[ simnibs ]INFO: 7.86s to calculate dA/dt\n", + "[ simnibs ]INFO: \n", + "Best coil position\n", + "=============================\n", + "[[ 0.1539 -0.7071 0.6902 -50.2 ]\n", + " [ -0.825 -0.4763 -0.304 57.4147]\n", + " [ 0.5437 -0.5227 -0.6566 73.325 ]\n", + " [ 0. 0. 0. 1. ]]\n", + "\n", + "[ simnibs ]INFO: Using solver options: -ksp_type cg -ksp_rtol 1e-10 -pc_type hypre -pc_hypre_type boomeramg -pc_hypre_boomeramg_coarsen_type HMIS\n", + "[ simnibs ]INFO: Preparing the KSP\n", + "[ simnibs ]INFO: Field: E\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/alternate_targeting-00/opt-0000/subject_volumes/NDARINV1EECRFPM_TMS_1-0001_MagVenture_MCF-B65_E.nii.gz\n", + "[ simnibs ]INFO: Field: Target\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV7BTZH7L2/Simulation/alternate_targeting-00/opt-0003/subject_volumes/NDARINV7BTZH7L2_TMS_1-0001_MagVenture_MCF-B65_Target.nii.gz\n", + "[ simnibs ]INFO: Time to prepare the KSP: 3.50s\n", + "[ simnibs ]INFO: Solving system 1 of 1\n", + "[ simnibs ]INFO: Running PETSc with KSP: cg PC: hypre\n", + "[ simnibs ]INFO: Field: magnE\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/alternate_targeting-00/opt-0000/subject_volumes/NDARINV1EECRFPM_TMS_1-0001_MagVenture_MCF-B65_magnE.nii.gz\n", + "[ simnibs ]INFO: Number of iterations: 32 Residual Norm: 6.73e-11\n", + "[ simnibs ]INFO: KSP Converged with reason: 2\n", + "[ simnibs ]INFO: Time to solve system: 18.03s\n", + "[ simnibs ]INFO: Creating visualizations\n", + "[ simnibs ]INFO: Field: J\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/alternate_targeting-00/opt-0000/subject_volumes/NDARINV1EECRFPM_TMS_1-0001_MagVenture_MCF-B65_J.nii.gz\n", + "[Parallel(n_jobs=20)]: Done 1 tasks | elapsed: 9.3min\n", + "[ simnibs ]INFO: Field: magnJ\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/alternate_targeting-00/opt-0000/subject_volumes/NDARINV1EECRFPM_TMS_1-0001_MagVenture_MCF-B65_magnJ.nii.gz\n", + "[Parallel(n_jobs=20)]: Done 2 out of 4 | elapsed: 9.7min remaining: 9.7min\n", + "[ simnibs ]INFO: \n", + "Best coil position\n", + "=============================\n", + "[[ 0.5778 0.1737 0.7975 -56.5261]\n", + " [ 0.7688 -0.4439 -0.4604 75.1523]\n", + " [ 0.274 0.8791 -0.39 3.7321]\n", + " [ 0. 0. 0. 1. ]]\n", + "\n", + "[ simnibs ]INFO: Field: Target\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV1EECRFPM/Simulation/alternate_targeting-00/opt-0000/subject_volumes/NDARINV1EECRFPM_TMS_1-0001_MagVenture_MCF-B65_Target.nii.gz\n", + "[ simnibs ]INFO: Field: E\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/alternate_targeting-00/opt-0001/subject_volumes/NDARINV52XG9LJ3_TMS_1-0001_MagVenture_MCF-B65_E.nii.gz\n", + "[ simnibs ]INFO: Field: magnE\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/alternate_targeting-00/opt-0001/subject_volumes/NDARINV52XG9LJ3_TMS_1-0001_MagVenture_MCF-B65_magnE.nii.gz\n", + "[ simnibs ]INFO: Field: J\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/alternate_targeting-00/opt-0001/subject_volumes/NDARINV52XG9LJ3_TMS_1-0001_MagVenture_MCF-B65_J.nii.gz\n", + "[ simnibs ]INFO: Field: magnJ\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/alternate_targeting-00/opt-0001/subject_volumes/NDARINV52XG9LJ3_TMS_1-0001_MagVenture_MCF-B65_magnJ.nii.gz\n", + "[ simnibs ]INFO: Field: Target\n", + "[ simnibs ]INFO: To file: /data/ENIGMA-MDD/BIDS/ABCD/derivatives/contarg_fmriprep_23-2/anat_preproc/sub-NDARINV52XG9LJ3/Simulation/alternate_targeting-00/opt-0001/subject_volumes/NDARINV52XG9LJ3_TMS_1-0001_MagVenture_MCF-B65_Target.nii.gz\n", + "[Parallel(n_jobs=20)]: Done 4 out of 4 | elapsed: 12.1min finished\n" ] + }, + { + "data": { + "text/plain": [ + "[None, None, None, None]" + ] + }, + "execution_count": 121, + "metadata": {}, + "output_type": "execute_result" } ], "source": [ @@ -2160,7 +6017,7 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 122, "id": "1b1ebd84-a065-4506-9a9b-1ead85533f21", "metadata": { "tags": [] @@ -2172,7 +6029,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 123, "id": "6dfad42e-92e9-4e24-94ba-08e92f7894c1", "metadata": { "tags": [] @@ -2184,7 +6041,7 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 124, "id": "012a3b90-fdd8-4476-a7bb-763d44719434", "metadata": { "tags": []