{ "metadata": { "name": "Figure5" }, "nbformat": 3, "nbformat_minor": 0, "worksheets": [ { "cells": [ { "cell_type": "code", "collapsed": false, "input": [ "import nibabel as ni\n", "\n", "import osmosis as oz\n", "import osmosis.model.analysis as oza\n", "import osmosis.model.sparse_deconvolution as ssd\n", "import osmosis.model.dti as dti\n", "\n", "import osmosis.viz.mpl as mpl\n", "\n", "import osmosis.io as oio\n", "oio.data_path = '/biac4/wandell/biac2/wandell6/data/arokem/osmosis'" ], "language": "python", "metadata": {}, "outputs": [ { "output_type": "stream", "stream": "stderr", "text": [ "/usr/lib/python2.7/dist-packages/nose/util.py:14: DeprecationWarning: The compiler package is deprecated and removed in Python 3.x.\n", " from compiler.consts import CO_GENERATOR\n" ] } ], "prompt_number": 1 }, { "cell_type": "code", "collapsed": false, "input": [ "subject = 'FP'\n", "data_1k_1, data_1k_2 = oio.get_dwi_data(1000, subject)\n", "data_2k_1, data_2k_2 = oio.get_dwi_data(2000, subject)\n", "data_4k_1, data_4k_2 = oio.get_dwi_data(4000, subject)\n", "\n", "data_fnames = {1000:[data_1k_1, data_1k_2], 2000:[data_2k_1, data_2k_2], 4000:[data_4k_1, data_4k_2]}" ], "language": "python", "metadata": {}, "outputs": [], "prompt_number": 2 }, { "cell_type": "code", "collapsed": false, "input": [ "# Read all the data into arrays up front to save time in the main loop below:\n", "data = {}\n", "for b in data_fnames:\n", " data[b] = [[ni.load(data_fnames[b][i][0]).get_data(), np.loadtxt(data_fnames[b][i][1]), np.loadtxt(data_fnames[b][i][2])] for i in [0,1]]" ], "language": "python", "metadata": {}, "outputs": [], "prompt_number": 3 }, { "cell_type": "code", "collapsed": false, "input": [ "wm_mask = np.zeros(ni.load(data_1k_1[0]).shape[:3])\n", "wm_nifti = ni.load(oio.data_path + '/%s/%s_wm_mask.nii.gz'%(subject, subject)).get_data()\n", "wm_mask[np.where(wm_nifti==1)] = 1" ], "language": "python", "metadata": {}, "outputs": [], "prompt_number": 4 }, { "cell_type": "code", "collapsed": false, "input": [ "alphas = [0.0001, 0.0005, 0.001, 0.0025, 0.005, 0.0075, 0.01, 0.025, 0.05]\n", "rhos = [0.0, 0.2, 0.4, 0.6, 0.8, 1.0]" ], "language": "python", "metadata": {}, "outputs": [], "prompt_number": 5 }, { "cell_type": "code", "collapsed": false, "input": [ "def tensor_reliability(SD_1, SD_2, wm_mask):\n", " \"\"\" \n", " given two SD models, calculate the reliability of the PDD of the derived tensor models\n", " \"\"\"\n", " pred1 = np.concatenate([SD_1.S0[...,np.newaxis], SD_1.fit], -1)\n", " pred2 = np.concatenate([SD_2.S0[...,np.newaxis], SD_2.fit], -1)\n", " \n", " new_bvecs1 = np.concatenate([np.array([[0,0,0]]).T, SD_1.bvecs[:, SD_1.b_idx]], -1)\n", " new_bvecs2 = np.concatenate([np.array([[0,0,0]]).T, SD_2.bvecs[:, SD_2.b_idx]], -1)\n", " \n", " # Freely assume that the bvals are the same \n", " new_bvals = np.hstack([0, SD_1.bvals[:,SD_1.b_idx]])\n", " TM1 = dti.TensorModel(pred1, new_bvecs1, new_bvals, mask=wm_mask, params_file='temp')\n", " TM2 = dti.TensorModel(pred2, new_bvecs2, new_bvals, mask=wm_mask, params_file='temp')\n", " pdd_rel = oza.pdd_reliability(TM1, TM2)\n", " \n", " return pdd_rel" ], "language": "python", "metadata": {}, "outputs": [], "prompt_number": 6 }, { "cell_type": "code", "collapsed": false, "input": [ "rmse_matrix = {}\n", "rel_matrix = {}\n", "for b in [1000, 2000, 4000]:\n", " ad_rd = oio.get_ad_rd(subject, b)\n", " rmse_matrix[b] = np.zeros((len(rhos), len(alphas)))\n", " rel_matrix[b] = np.zeros((len(rhos), len(alphas)))\n", " for rho_idx, this_rho in enumerate(rhos):\n", " for alpha_idx, this_alpha in enumerate(alphas):\n", " solver_params = dict(alpha=this_alpha,\n", " rho=this_rho,\n", " fit_intercept=False,\n", " positive=True)\n", " \n", " params_file1 = \"%s_SSD_rho%s_alpha%s.nii.gz\"%(oio.data_path + '/%s/'%subject + data_fnames[b][0][0].split('/')[-1].split('.')[0], this_rho,this_alpha)\n", " SD_1 = ssd.SparseDeconvolutionModel(*data[b][0], mask=wm_mask, params_file=params_file1, solver_params=solver_params, \n", " axial_diffusivity=ad_rd[0]['AD'], radial_diffusivity=ad_rd[0]['RD'])\n", " params_file2 = \"%s_SSD_rho%s_alpha%s.nii.gz\"%(oio.data_path + '/%s/'%subject + data_fnames[b][1][0].split('/')[-1].split('.')[0], this_rho,this_alpha)\n", " SD_2 = ssd.SparseDeconvolutionModel(*data[b][1], mask=wm_mask, params_file=params_file2, solver_params=solver_params,\n", " axial_diffusivity=ad_rd[1]['AD'], radial_diffusivity=ad_rd[1]['RD'])\n", " \n", " rrmse = oza.cross_predict(SD_1, SD_2)\n", " median_rmse = np.median(rrmse[np.isfinite(rrmse)])\n", " rmse_matrix[b][rho_idx, alpha_idx] = median_rmse\n", " \n", " #rel = tensor_reliability(SD_1, SD_2, wm_mask)\n", " #median_rel = np.median(rel[np.isfinite(rel)])\n", " #rel_matrix[b][rho_idx, alpha_idx] = median_rel\n", " \n" ], "language": "python", "metadata": {}, "outputs": [ { "output_type": "stream", "stream": "stdout", "text": [ "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.2_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.4_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.6_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho0.8_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0009_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0011_01_DWI_2mm150dir_2x_b1000_aligned_trilin_SSD_rho1.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.2_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.4_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.6_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho0.8_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DTI_2mm_150dir_2x_b2000_aligned_trilin_SSD_rho1.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.2, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.2_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.4, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.4_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.6, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.6_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=0.8, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho0.8_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.001, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.001.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.005, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.005.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.0075, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.0075.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.01, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.01.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.025, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.025.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0005_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Predicting signal from SparseDeconvolutionModel with ElasticNet(alpha=0.05, copy_X=True, fit_intercept=False, max_iter=1000,\n", " normalize=False, positive=True, precompute=auto, rho=1.0, tol=0.0001,\n", " warm_start=False)" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n", "Loading params from file: /biac4/wandell/biac2/wandell6/data/arokem/osmosis/FP/0007_01_DWI_2mm150dir_2x_b4000_aligned_trilin_SSD_rho1.0_alpha0.05.nii.gz" ] }, { "output_type": "stream", "stream": "stdout", "text": [ "\n" ] }, { "output_type": "stream", "stream": "stderr", "text": [ "/home/arokem/usr/lib/python2.7/site-packages/osmosis/model/base.py:336: RuntimeWarning: divide by zero encountered in divide\n", " signal_rel = self.signal/np.reshape(self.S0, (self.S0.shape + (1,)))\n", "/home/arokem/usr/lib/python2.7/site-packages/osmosis/model/base.py:336: RuntimeWarning: invalid value encountered in divide\n", " signal_rel = self.signal/np.reshape(self.S0, (self.S0.shape + (1,)))\n" ] } ], "prompt_number": 8 }, { "cell_type": "code", "collapsed": false, "input": [ "#for b in [1000, 2000, 4000]:\n", "# fig, ax = plt.subplots(1)\n", "# cax = ax.imshow(rmse_matrix[b], interpolation='nearest', cmap=cm.RdYlGn_r, vmax=1.5, vmin=0.5)\n", "# cbar = fig.colorbar(cax, ticks=[0.5, 1., 1.5])\n", "# cax.axes.set_xticks([0,1,2,3,4,5,6,7,8])\n", "# cax.axes.set_xticklabels([str('%1.4f'%this) for this in alphas])\n", "# cax.axes.set_xlabel(r'$\\lambda$')\n", "# cax.axes.set_yticks([0,1,2,3,4,5])\n", "# cax.axes.set_yticklabels([str('%1.1f'%(1-this)) for this in rhos])\n", "\n", "# cax.axes.set_ylabel(r'$\\alpha$')\n", " #ax.matshow(rmse_matrix[b], cmap=matplotlib.cm.hot)\n", "# fig.set_size_inches([8,6])\n", "# fig.savefig('/home/arokem/Dropbox/osmosis_paper_figures/Figure5_acc_b%s.svg'%b)" ], "language": "python", "metadata": {}, "outputs": [], "prompt_number": 8 }, { "cell_type": "code", "collapsed": false, "input": [ "#plot(rmse_matrix[1000][:,0])\n", "#plot(rmse_matrix[1000][:,1])\n", "#plot(rmse_matrix[1000][:,2])\n", "#plot(rmse_matrix[1000][:,-1])\n", "\n", "#print rmse_matrix[1000][4,0],rmse_matrix[1000][1,0]\n", "#print rmse_matrix[2000][4,0],rmse_matrix[2000][1,0]\n", "#print rmse_matrix[4000][4,0],rmse_matrix[4000][1,0]\n", "\n", "#print rmse_matrix[1000][4,1],rmse_matrix[1000][1,1]\n", "#print rmse_matrix[2000][4,1],rmse_matrix[2000][1,1]\n", "#print rmse_matrix[4000][4,1],rmse_matrix[4000][1,1]\n", "\n", "print rmse_matrix[1000][0,7],rmse_matrix[1000][2,1]\n", "print rmse_matrix[2000][0,7],rmse_matrix[2000][2,1]\n", "print rmse_matrix[4000][0,7],rmse_matrix[4000][2,1]\n", "\n", "\n", "print rmse_matrix[1000][5,0],rmse_matrix[1000][2,1]\n", "print rmse_matrix[2000][5,0],rmse_matrix[2000][2,1]\n", "print rmse_matrix[4000][5,0],rmse_matrix[4000][2,1]\n", "\n", "\n", "print np.where(rmse_matrix[1000]==np.min(rmse_matrix[1000]))\n", "#print np.where(rmse_matrix[2000]==np.min(rmse_matrix[2000]))\n", "#print np.where(rmse_matrix[4000]==np.min(rmse_matrix[4000]))\n", "\n", "#print np.min(rmse_matrix[1000])\n", "#print np.min(rmse_matrix[2000])\n", "#print np.min(rmse_matrix[4000])" ], "language": "python", "metadata": {}, "outputs": [ { "output_type": "stream", "stream": "stdout", "text": [ "0.784939537644 0.771819521315\n", "0.772697050964 0.754870726587\n", "0.77461450426 0.754117627802\n", "0.772524971788 0.771819521315\n", "0.756337578269 0.754870726587\n", "0.753143956542 0.754117627802\n", "(array([2]), array([1]))\n" ] } ], "prompt_number": 35 }, { "cell_type": "code", "collapsed": false, "input": [ "for b in [1000, 2000, 4000]:\n", " fig, ax = plt.subplots(1)\n", " cax = ax.imshow(rel_matrix[b], interpolation='nearest', cmap=cm.OrRd, vmax=90, vmin=0)\n", " cbar = fig.colorbar(cax)\n", " cax.axes.set_xticks([0,1,2,3,4,5,6,7,8])\n", " cax.axes.set_xticklabels([str('%1.4f'%this) for this in alphas])\n", " cax.axes.set_xlabel(r'$\\lambda$')\n", " cax.axes.set_yticks([0,1,2,3,4,5])\n", " cax.axes.set_yticklabels([str('%1.1f'%(1-this)) for this in rhos])\n", "\n", " cax.axes.set_ylabel(r'$\\alpha$')\n", " #ax.matshow(rmse_matrix[b], cmap=matplotlib.cm.hot)\n", " fig.set_size_inches([8,6])\n", " fig.savefig('/home/arokem/Dropbox/osmosis_paper_figures/Figure5_rel_b%s.svg'%b)" ], "language": "python", "metadata": {}, "outputs": [ { "output_type": "display_data", "png": "iVBORw0KGgoAAAANSUhEUgAAAcoAAAFlCAYAAABr1qjnAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3X10VfWd7/HPDolVxAKp5AA5aQN5MOEphIKpaCWYHrBM\nifgwGGiZDCJlURnHuSwHOve2Pl31ZLraDopd0g7aWDsIg0pSC6lmBAQVghK0lacUE0licirGFAQ1\ncLLvH5ZzjUl2iCc7+xfyfq2118o52ed3PuwQvnx/v332tmzbtgUAADoU43UAAABMRqEEAMABhRIA\nAAcUSgAAHFAoAQBwQKEEAMABhRIAcN5atWqVxo8fr3HjxmnVqlWSpKamJgUCAaWnp2vGjBlqbm52\nHINCCQA4L/3pT3/Sf/7nf2rPnj1644039Nxzz+nIkSMKBoMKBAI6fPiw8vLyFAwGHcehUAIAzksH\nDx5UTk6OLrzwQg0YMEDTpk3T008/rdLSUhUWFkqSCgsLtWnTJsdxKJQAAE/Fx8fLsqyotksuuaTd\nuOPGjdOOHTvU1NSkU6dOafPmzaqrq1MoFJLP55Mk+Xw+hUIhx3yxrvypAQA4Rx988IHuinKMez78\nsN1zGRkZWrFihWbMmKGLL75YEydO1IABA9rsc7bQOqGjBACct2655Ra99tpr2r59u4YOHar09HT5\nfD41NjZKkhoaGpSQkOA4BoUSAOC5mCi3zvzlL3+RJB09elTPPPOM5s+fr/z8fBUXF0uSiouLNWfO\nHMdsFncPAQB4ybIs3RvlGD+W1FE5u/rqq/X+++8rLi5OP//5zzV9+nQ1NTVp7ty5Onr0qJKTk7Vh\nwwYNGTKk83wUSgCAlyzL0v+Ncoz/o44LZU9g6hUAAAec9QoA8JzJXRuFEgDgOecPaHiLQgkA8JzJ\nHaXJ2QAA8BwdJQDAc0y9AgDgwOTpTQolAMBzJhdKk7MBAOA5OkoAgOdYowQAwIHJ05sUSgCA5yiU\nAAA4MHnq1eQiDgCA5+goAQCeM7lro1ACADxn8tQrhRIA4DmTO0qTswEA4Dk6SgCA50zu2iiUAADP\nsUYJAIADkztKk7MBAOA5OkoAgOdM7toolAAAz7FGCQCAA5M7SpOzAQDgOTpKAIDnTO7aKJQAAM+Z\nvEZpchEHAPQTMVFunXnwwQc1duxYjR8/XvPnz9cnn3yipqYmBQIBpaena8aMGWpubu4yGwAA552a\nmhr96le/0t69e/XHP/5R4XBYTz31lILBoAKBgA4fPqy8vDwFg0HHcSiUAADPWVFuHfnyl7+suLg4\nnTp1SmfOnNGpU6c0cuRIlZaWqrCwUJJUWFioTZs2OWZjjRIA4Lnudm1v/W1zEh8fr+XLl+urX/2q\nLrroIs2cOVOBQEChUEg+n0+S5PP5FAqFejQbAAA9rrtrkuMlFXxm68iRI0f0H//xH6qpqdG7776r\nDz/8UE8++WSbfSzLkmU5n0pEoQQAeM6NqdfXXntNU6dO1Ve+8hXFxsbqhhtu0Kuvvqrhw4ersbFR\nktTQ0KCEhATHbBRKAMB5KSMjQ7t27dJHH30k27ZVXl6uMWPGaPbs2SouLpYkFRcXa86cOY7jsEYJ\nAPCcG11bVlaW/uEf/kGTJ09WTEyMJk2apO9///s6ceKE5s6dq7Vr1yo5OVkbNmxwHMeybdt2IR8A\nAOfEsiyVRjlGviS3yhkdJQDAc1yZBwCAPoqOEgDgOSsmyp6y1b1VRAolAMBzXX2WsWsUSgDAeSwm\n2o4y3DM5OmJ0oYz+fxgAgJ7UHz8oYXShlKRQwdU9NtZP/vSO7hz3tR4bT5KG/eLRHhnnnqJHdNeK\n23pkLDeQLzom5zM5m0S+aPR0tpj4MT021ueZ3BgZXygBAOe/qE/mcRGFEgDgOZM7yn71OcqpCYO9\njtCpaVdO8TqCI/JFx+R8JmeTyBcNk7P1JUZfws6yrB5do3RDT61RAoDpYuLHuHIyj2VZeuHiL0U1\nRuDkJ1zCDgBw/jJ56pVCCQDwHCfzAADgwOSOsl+dzAMAQHfRUQIAPBf1JexcRKEEAHjO5KlXCiUA\nwHMmn8zDGiUAAA7oKAEAnmPqFQAAByZPvVIoAQCeM7mjdGWN8pZbbpHP59P48eM73ef2229XWlqa\nsrKyVFlZ6UYMAACi5kqhXLhwocrKyjr9/ubNm/XnP/9ZVVVV+uUvf6mlS5e6EQMA0EdYMVZUm5tc\nKZTf/OY3NXTo0E6/X1paqsLCQklSTk6OmpubFQqF3IgCAOgDLMuKanOTJ2uU9fX1SkpKijz2+/2q\nq6uTz+drt+9P/vRO5OupCYN1ZcKQXskIAP3dtp0V2v7ynl55L67M04HP3zess/8R3Dnua70RBwDw\nOblXXa7cqy6PPL6n6BEP03jHk0KZmJio2trayOO6ujolJiZ6EQUAYIB+d9ZrV/Lz8/XEE09Iknbt\n2qUhQ4Z0OO0KAOgf3DiZ59ChQ8rOzo5sgwcP1kMPPaSmpiYFAgGlp6drxowZam5udszmSqGcN2+e\npk6dqkOHDikpKUmPPfaY1qxZozVr1kiSZs2apdGjRys1NVVLlizRL37xCzdiAAD6CDdO5rnssstU\nWVmpyspKvf766xo4cKCuv/56BYNBBQIBHT58WHl5eQoGg87Z7M8vFhrEsiyFCq72OoajYb941OsI\nANArYuLHtDu/pCdYlqXXUxKiGuPrR/7imO3555/Xfffdpx07digjI0Pbt2+Xz+dTY2OjcnNzdfDg\nwU5fy5V5AAB9zmsftej1j06f8/5PPfWU5s2bJ0kKhUKR5T6fz9flxxMplAAAz3X3ZJ4pA7+kKQO/\nFHn8yw9OdrpvS0uLfve736moqKjD9+3qvbnNFgDAc25emWfLli36+te/rmHDhklSZMpVkhoaGpSQ\n4DztS6EEAHguxrKi2pysW7cuMu0qffrJi+LiYklScXGx5syZ45wt+j8eAABmOnnypMrLy3XDDTdE\nnlu5cqVeeOEFpaen68UXX9TKlSsdx2CNEgDgObcubH7xxRfr2LFjbZ6Lj49XeXn5OY9BoQQAeM7k\nK/NQKAEAnnP7VlnRYI0SAAAHdJQAAM8x9QoAgAOTp14plAAAz5ncUbJGCQCAAzpKAIDnrBhz+zbj\nCyW3sQLQ48587HUCR41LbvM6Qq9jjRIAACcGr1FSKAEAnjO5ozR3UhgAAAPQUQIAPMfJPAAAODD5\nc5QUSgCA91ijBACgb6KjBAB4jjVKAAAcsEYJAIADPkcJAEAfRUcJAPCewR0lhRIA4DnLMneCk0IJ\nAPAca5QAAPRRdJQAAM/1y46yrKxMGRkZSktLU1FRUbvvHzt2TNdee60mTpyocePG6de//rVbUQAA\nprNiottc5Mro4XBYy5YtU1lZmfbv369169bpwIEDbfZZvXq1srOztW/fPm3btk3Lly/XmTNn3IgD\nADCcFWNFtbnJlUJZUVGh1NRUJScnKy4uTgUFBSopKWmzz4gRI3T8+HFJ0vHjx/WVr3xFsbHMBANA\nf2RyoXSlMtXX1yspKSny2O/3a/fu3W32Wbx4sa655hqNHDlSJ06c0IYNGzoc656iRyJfT7tyinKv\nutyNyACAz3nlvb/q1WPHvY4RlebmZt1666166623ZFmWHn/8caWlpenmm2/WO++8o+TkZG3YsEFD\nhgzpdAxXCuW5XLPvgQce0MSJE7Vt2zYdOXJEgUBAb7zxhi655JI2+9214jY3IgIAujB12GBNHTY4\n8vinB+tcey+3rvX6z//8z5o1a5Y2btyoM2fO6OTJk7r//vsVCAT0r//6ryoqKlIwGFQwGOx0DFem\nXhMTE1VbWxt5XFtbK7/f32afV155RX//938vSUpJSdGoUaN06NAhN+IAAEwXExPd1oG//vWv2rFj\nh2655RZJUmxsrAYPHqzS0lIVFhZKkgoLC7Vp0ybnaD37J/3U5MmTVVVVpZqaGrW0tGj9+vXKz89v\ns09GRobKy8slSaFQSIcOHdLo0aPdiAMAMJwba5TV1dUaNmyYFi5cqEmTJmnx4sU6efKkQqGQfD6f\nJMnn8ykUCjlmc2XqNTY2VqtXr9bMmTMVDoe1aNEiZWZmas2aNZKkJUuW6N/+7d+0cOFCZWVlqbW1\nVf/+7/+u+Ph4N+IAAM4z57J+eubMGe3du1erV6/WlClTdMcdd7SbYrUsq8tpX8u2bTvqxC6xLEut\nTfu9jgHgfHPmY68TOGpcYua5GSOffVVulAzLstRw49Soxhjx9CvtsjU2NuqKK65QdXW1JGnnzp16\n8MEH9fbbb2vr1q0aPny4GhoaNH36dB08eLDTsbmEHQDAc1ZMTFRbR4YPH66kpCQdPnxYklReXq6x\nY8dq9uzZKi4uliQVFxdrzpw5jtn44CIAwHNufRby4Ycf1ne/+121tLQoJSVFjz/+uMLhsObOnau1\na9dGPh7ihEIJADhvZWVlac+ePe2eP3sy6bmgUAIAvOfS5yh7AoUSAOA5k+8eQqEEAHiusxNyTGBu\nMgAADEBHCQDwnFvXeu0JFEoAgPdYowQAoHMmr1FSKAEAnjN56tXcEg4AgAHoKAEAnuNzlAAAODF4\n6pVCCXTG3DvQfcpu9TqBM/uM1wk6dfR7t3gdwdETz+/zOkKvM7mjZI0SAAAHdJQAAO+Z21BSKAEA\nBmCNEgCAzhlcJ1mjBADACR0lAMB7Bp/1SqEEAHjO5KlXCiUAwHsGV0rWKAEAcEBHCQDwnsFtG4US\nAOA5k2+zRaEEAHiPQgkAQOcMrpMmzwoDAOA9OkoAgPcMvuCAax1lWVmZMjIylJaWpqKiog732bZt\nm7KzszVu3Djl5ua6FQUAYDorys1FrnSU4XBYy5YtU3l5uRITEzVlyhTl5+crMzMzsk9zc7Nuu+02\n/eEPf5Df79exY8fciAIA6APcOus1OTlZX/7ylzVgwADFxcWpoqJCTU1Nuvnmm/XOO+8oOTlZGzZs\n0JAhQzodw5WOsqKiQqmpqUpOTlZcXJwKCgpUUlLSZp//+q//0o033ii/3y9JuvTSS92IAgDoxyzL\n0rZt21RZWamKigpJUjAYVCAQ0OHDh5WXl6dgMOg4hiuFsr6+XklJSZHHfr9f9fX1bfapqqpSU1OT\npk+frsmTJ+s3v/mNG1EAAH2Bi1Ovtm23eVxaWqrCwkJJUmFhoTZt2uT4elemXs+lhT59+rT27t2r\n//mf/9GpU6d0xRVX6Bvf+IbS0tLa7HdP0SORr6ddOUW5V13e43kBAO1VS6rppfeyXDqZx7Isfetb\n39KAAQO0ZMkSLV68WKFQSD6fT5Lk8/kUCoUcx3ClUCYmJqq2tjbyuLa2NjLFelZSUpIuvfRSXXTR\nRbrooot09dVX64033mhXKO9acZsbEQEAXRj1t+2srW6+WTfr5EvvvKcd73R9bsvLL7+sESNG6L33\n3lMgEFBGRkbbt7WsLps7V6ZeJ0+erKqqKtXU1KilpUXr169Xfn5+m32uu+467dy5U+FwWKdOndLu\n3bs1ZswYN+IAAM4zV39tmP731ZmRrTMjRoyQJA0bNkzXX3+9Kioq5PP51NjYKElqaGhQQkKC43u5\nUihjY2O1evVqzZw5U2PGjNHNN9+szMxMrVmzRmvWrJEkZWRk6Nprr9WECROUk5OjxYsXUygBoL+y\nrOi2Dpw6dUonTpyQJJ08eVLPP/+8xo8fr/z8fBUXF0uSiouLNWfOHOdo9udXOQ1iWZZam/Z7HQP9\nlbm/Gp+yW71O4Mw+43WCTh397kKvIzh64vl9Xkfo0I/V/sSYnmBZlj760Q1RjXHRfc+0y1ZdXa3r\nr79eknTmzBl997vf1Q9/+EM1NTVp7ty5Onr06Dl9PIQr8wAAvOfCyTyjRo3Svn3t/9MRHx+v8vLy\ncx6Ha70CAOCAjhIA4DmT7x5CoQQAeM/gSkmhBAB4zuA6SaEEABigP95mCwCA8wEdJQDAewbPvVIo\nAQCeM7hOUigBAAYwuFKyRgkAgAM6SgCA5yyD2zYKJQDAe3156vXo0aMqKSnRzp07JUkbN250PRQA\noJ+xotxc1GVHefLkSW3cuFF79uzRxRdfrKlTp+qmm25yNxUAAIboslA+++yzWrVqleLj43Xq1Clt\n3bq1N3IB3rPDXidwZJ8+6XUEZx+973WCTpl6v8f+zDJ46rXLQpmUlKT4+HhJ0sCBA125aScAoJ/r\ny5ewu/TSS1VQUKDf/e53euONN3TgwIHeyAUA6E8sK7rNRV12lN/+9rc1evRoFRcXa/v27Vq8eLGr\ngQAAMMk5fTzksssu0wMPPOB2FgBAf2Xw1CufowQAeM/gKw5QKAEA3uvLZ70CAOA6g6deze11AQAw\nAB0lAMB7rFECAODA4KlXCiUAwHsGn8xjbq8LAIAB6CgBAN6LMbdvo1ACALzH1CsAAA5iYqLbHITD\nYWVnZ2v27NmSpKamJgUCAaWnp2vGjBlqbm52jtZjf8jPKSsrU0ZGhtLS0lRUVNTpfnv27FFsbKye\neeYZt6IAAPqxVatWacyYMZF7XgaDQQUCAR0+fFh5eXkKBoOOr3elUIbDYS1btkxlZWXav3+/1q1b\n1+HtucLhsFasWKFrr72W+1wCQH/m0m226urqtHnzZt16662ROlNaWqrCwkJJUmFhoTZt2uQYzZU1\nyoqKCqWmpio5OVmSVFBQoJKSEmVmZrbZ7+GHH9ZNN92kPXv2uBEDANBXdHONcvvBem0/WN/lfv/y\nL/+in/zkJzp+/HjkuVAoJJ/PJ0ny+XwKhUKOY7hSKOvr65WUlBR57Pf7tXv37nb7lJSU6MUXX9Se\nPXsiLfHn3VP0SOTraVdOUe5Vl7sRGQDwOdWSanrrzbp51uu0MUmaNub/15l7N7VvuJ577jklJCQo\nOztb27Zt63Acy7I6rT9nuVIou3pTSbrjjjsUDAZlWZZs2+506vWuFbf1dDwAwDkY9bftrK1eBfmC\nXnnlFZWWlmrz5s36+OOPdfz4cS1YsEA+n0+NjY0aPny4GhoalJCQ4DiOK2uUiYmJqq2tjTyura2V\n3+9vs8/rr7+ugoICjRo1Sk8//bR+8IMfqLS01I04AADTubBG+cADD6i2tlbV1dV66qmndM011+g3\nv/mN8vPzVVxcLEkqLi7WnDlzHKO50lFOnjxZVVVVqqmp0ciRI7V+/XqtW7euzT5vv/125OuFCxdq\n9uzZys/PdyMOAMBwVi9c6/XsbOfKlSs1d+5crV27VsnJydqwYYPj61wplLGxsVq9erVmzpypcDis\nRYsWKTMzU2vWrJEkLVmyxI23BQD0VS7fPWTatGmaNm2aJCk+Pl7l5eXn/FrLNvhzGZZlqbVpv9cx\n0F+1nvE6gSP79EmvIzj76H2vE3Tq/tHf8TpCn/RjyZWP8lmWpfBT/yuqMQYU/My1jxlyZR4AABxw\nrVcAgPcMvtYrhRIA4D3uHgIAgAODO0pzSzgAAAagowQAeM/gjpJCCQDwHmuUAAA4MLijNLeEAwBg\nADpKAID3euFar18UhRIA4D2Xr/UaDQolAMB7BneU5pZwAAAMQEcJAPCewWe9UijhHbvV6wSOjL+N\n1fGjXidwZL9V6XUE9CV8jhIAAAd0lAAAODC4UJrb6wIAYAA6SgCA9/gcJQAADsydeaVQAgAMwBol\nAAB9Ex0lAMB7BneUFEoAgPcolAAAODG3ULJGCQCAAzpKAID3zG0o6SgBAAawrOi2Dnz88cfKycnR\nxIkTNWbMGP3whz+UJDU1NSkQCCg9PV0zZsxQc3OzYzQKJQDAey4UygsvvFBbt27Vvn379Oabb2rr\n1q3auXOngsGgAoGADh8+rLy8PAWDQcdoFEoAwHlr4MCBkqSWlhaFw2ENHTpUpaWlKiwslCQVFhZq\n06ZNjmOwRgkA8F43Px6yrfKItlce6XK/1tZWTZo0SUeOHNHSpUs1duxYhUIh+Xw+SZLP51MoFHIc\nw7WOsqysTBkZGUpLS1NRUVG77//2t79VVlaWJkyYoCuvvFJvvvmmW1EAAMazurXlZqfqrltmRrbO\nxMTEaN++faqrq9NLL72krVu3tn1Xy5LVRZF2pVCGw2EtW7ZMZWVl2r9/v9atW6cDBw602Wf06NF6\n6aWX9Oabb+pHP/qRvv/977sRBQDQF3SvTrbfujB48GD93d/9nV5//XX5fD41NjZKkhoaGpSQkOD4\nWlcKZUVFhVJTU5WcnKy4uDgVFBSopKSkzT5XXHGFBg8eLEnKyclRXV2dG1EAAH2BCyfzHDt2LHJG\n60cffaQXXnhB2dnZys/PV3FxsSSpuLhYc+bMcYzmyhplfX29kpKSIo/9fr92797d6f5r167VrFmz\nOvzePUWPRL6eduUU5V51ec8FBQB0qlpSjdchotDQ0KDCwkK1traqtbVVCxYsUF5enrKzszV37lyt\nXbtWycnJ2rBhg+M4rhTKruZ7P2vr1q167LHH9PLLL3f4/btW3NZTsQAA3TDqb9tZWzvbsSe4cK3X\n8ePHa+/eve2ej4+PV3l5+TmP40qhTExMVG1tbeRxbW2t/H5/u/3efPNNLV68WGVlZRo6dKgbUQAA\nfYK5l+ZxZY1y8uTJqqqqUk1NjVpaWrR+/Xrl5+e32efo0aO64YYb9OSTTyo1NdWNGACAvsKFNcqe\n4kpHGRsbq9WrV2vmzJkKh8NatGiRMjMztWbNGknSkiVLdO+99+qDDz7Q0qVLJUlxcXGqqKhwIw4A\nAF+YZdu27XWIzliWpdam/V7HgFvsVq8TOLJbTngdwdnxo14ncGS/Vel1hE49cIPzJcvQsR9LcqNk\nWJal8K6HohpjwDdudyWbxJV5AAAmMHeJkkIJADCAy+uM0eCi6AAAOKCjBAAYwNyOkkIJAPCewVOv\nFEoAgPcMLpSsUQIA4ICOEgDgPXMbSgolAMAABk+9UigBAAagUAIA0DmDO0pO5gEAwAEdJQDAewZ3\nlBRKAID3KJRAB1pPe53A2Ufve53AWUON1wkcvbOq1OsIQI9gjRIAAAd0lAAA7zH1CgCAAwolAAAO\nDC6UrFECAOCAjhIAYABzO0oKJQDAewZPvVIoAQDes8xdCTQ3GQAABqBQAgAMYEW5tVdbW6vp06dr\n7NixGjdunB566CFJUlNTkwKBgNLT0zVjxgw1Nzc7JqNQAgC8Z1nRbR2Ii4vTz3/+c7311lvatWuX\nHnnkER04cEDBYFCBQECHDx9WXl6egsGgYzQKJQDAe1ZMdFsHhg8frokTJ0qSBg0apMzMTNXX16u0\ntFSFhYWSpMLCQm3atMkxGifzAAAM0L2zXrdV7Nf2iv3nvH9NTY0qKyuVk5OjUCgkn88nSfL5fAqF\nQo6vpVACAPqc3MvHKPfyMZHH965+utN9P/zwQ914441atWqVLrnkkjbfsyxLVhcfTWHqFQDgPRfW\nKCXp9OnTuvHGG7VgwQLNmTNH0qddZGNjoySpoaFBCQkJjtFcK5RlZWXKyMhQWlqaioqKOtzn9ttv\nV1pamrKyslRZWelWFACA8WKi3NqzbVuLFi3SmDFjdMcdd0Sez8/PV3FxsSSpuLg4UkCdkvW4cDis\nZcuWqaysTPv379e6det04MCBNvts3rxZf/7zn1VVVaVf/vKXWrp0qRtRAAB9gQsd5csvv6wnn3xS\nW7duVXZ2trKzs1VWVqaVK1fqhRdeUHp6ul588UWtXLnSMZora5QVFRVKTU1VcnKyJKmgoEAlJSXK\nzMyM7PPZs45ycnLU3NzcZoEVAIBoXHXVVWptbe3we+Xl5ec8jisdZX19vZKSkiKP/X6/6uvru9yn\nrq7OjTgAANO5tEbZE1zpKLs6g+gs27a7fN09RY9Evp525RTlXnV5dOEAAOekWlJNr71bP7soemJi\nomprayOPa2tr5ff7Hfepq6tTYmJiu7HuWnGbGxEBAF0Y9bftrK1uvll/uyj65MmTVVVVpZqaGrW0\ntGj9+vXKz89vs09+fr6eeOIJSdKuXbs0ZMgQ1icBAMZxpaOMjY3V6tWrNXPmTIXDYS1atEiZmZla\ns2aNJGnJkiWaNWuWNm/erNTUVF188cV6/PHH3YgCAOgLDL4fpWV/fqHQIJZlqbXp3C9RhD4m/InX\nCRzZJ+q73slLR9/yOoGjmruKvY7Qqd9u59+VL+LHan9uSU+wLEvhIyVRjTEg5TpXsklcwg4AYIL+\ntkYJAMD5go4SAOC5c/1YoRcolAAAA1AoAQDonMFrlBRKAIABzO0ozS3hAAAYgI4SAOA9TuYBAMAB\na5QAADgxt6M0t4S7YNvOCq8jdMrkbFIfyPfya15HcLRt1x+9jtCpbfuOeB3B0a7mk15HcFTtdQAH\nJmfrS/pVodz+8h6vI3TK5GxSX8hndqHcvtvcQrl939teR3C0u/mU1xEc1XgdwEGN1wG6o7/duBkA\ngG5hjRIAACfmrlEaf5stAIA53LrNVmvdtqjGiPHn9s/bbBlcwwEAPcngxsjoQgkA6C9YowQAoHMG\nd5TmlnAAAAzQ5wplWVmZMjIylJaWpqKiog73uf3225WWlqasrCxVVlZ2+dqmpiYFAgGlp6drxowZ\nam5ujjw/ffp0XXLJJfqnf/ono7LV1NTooosuUnZ2trKzs/WDH/zAk3z//d//rbFjx2rAgAHau3dv\nm7EefPBBpaWlKSMjQ88//7wn+e68805lZmYqKytLN9xwg/76179K6v7xcyPb3XffLb/fH8mwZcuW\nyPdMOHYFBQWRbKNGjVJ2drak3j12t9xyi3w+n8aPH99m/85+L6TeO3a1tbWaPn26xo4dq3Hjxumh\nhx6K7G/KzzY5OVkTJkxQdna2Lr/88sjzPXn8eozBn6OU3YecOXPGTklJsaurq+2WlhY7KyvL3r9/\nf5t9fv/739vf/va3bdu27V27dtk5OTldvvbOO++0i4qKbNu27WAwaK9YscK2bds+efKkvXPnTvvR\nRx+1ly1bZlS26upqe9y4cZ4fuwMHDtiHDh2yc3Nz7ddffz0y1ltvvWVnZWXZLS0tdnV1tZ2SkmKH\nw+Fez/f8889H3nfFihVf6Pi5le3uu++2f/rTn7Z7P1OO3WctX77cvu+++3r12Nm2bb/00kv23r17\n271fZ7/7iTz2AAAIuklEQVQXvXnsGhoa7MrKStu2bfvEiRN2enq6feDAAdu2zfjZ2rZtJycn2++/\n/367cXvq+PUUSXZrw6tRbW6Wsz7VUVZUVCg1NVXJycmKi4tTQUGBSkpK2uxTWlqqwsJCSVJOTo6a\nm5vV2Njo+NrPvqawsFCbNm2SJA0cOFBXXnmlvvSlLxmXzZRjl5GRofT09HbvV1JSonnz5ikuLk7J\nyclKTU1VRUXnl8FzK18gEFBMTEzkNXV1dcYcO6njM7tNOXafzbhhwwbNmzevewcuymyS9M1vflND\nhw5tN25nvxe9dexCoZCGDx+uiRMnSpIGDRqkzMxM1dfXR17n5c82FAo55uip49ejDO4o+1ShrK+v\nV1JSUuSx3+9v8xfTaZ93332309eGQiH5fD5Jks/na/OXTDq3z3N6ka26ulrZ2dnKzc3Vzp07PcnX\nmXfffVd+v/+cX9Mb+R577DHNmjUr8vhcj5+b2R5++GFlZWVp0aJFkekv047djh075PP5lJKSEnmu\nN46dk85+L3rr2H3+P1w1NTWqrKxUTk5O5Dmvf7bSp/92fetb39LkyZP1q1/9KrJPTx2/nmVFubXX\n0dS907RzZ/pUoTzXCxB09D+ojvbpaDzLsr7QhQ56O9vIkSNVW1uryspK/exnP9P8+fN14sSJXsn3\nRTllcDvf/fffrwsuuEDz58+X1L3j51a2pUuXqrq6Wvv27dOIESO0fPnyTvf18titW7cuctyk3jl2\n3fkd7Op31o1j99nXffjhh7rpppu0atUqDRo0SJI5P9udO3eqsrJSW7Zs0SOPPKIdO3Z0+B49kcFE\nCxcuVFlZWZvngsGgAoGADh8+rLy8PAWDwS7H6VOFMjExUbW1tZHHtbW1bf7309E+dXV18vv9HT6f\nmJgo6dP/UZ2d6mloaFBCQoLx2S644ILIlNSkSZOUkpKiqqqqXsnX0Wu7er/P/pl6O9+vf/1rbd68\nWb/97W8jz3Xn+LmVLSEhIfKP1K233hqZ4jLp2J05c0bPPvusbr755shzvXHsnP68Uue/F7117M6O\nefr0ad1444363ve+pzlz5kT28fpne3bMkSNHSpKGDRum66+/Xnv2fHpzg546fj3KhanXjqbuv9By\nlmurny44ffq0PXr0aLu6utr+5JNPulzYfvXVVyML206vvfPOO+1gMGjbtm0/+OCDkYXtsx5//PEu\nT+bp7WzvvfeefebMGdu2bfvIkSN2YmKi/cEHH/R6vrNyc3Pt1157LfL47EkBn3zyif3222/bo0eP\ntltbW3s935YtW+wxY8bY7733XpuxunP83Mr27rvvRl7/s5/9zJ43b55Rx+7s8cvNzfXk2J3V0clD\nnf1e9Oaxa21ttRcsWGDfcccd7cY14Wd78uRJ+/jx47Zt2/aHH35oT5061f7DH/7Qo8evp0iyW0N7\noto6K2ef//szZMiQyNetra1tHneaL/o/Yu/avHmznZ6ebqekpNgPPPCAbdu2/eijj9qPPvpoZJ/b\nbrvNTklJsSdMmNDmTMyOXmvbtv3+++/beXl5dlpamh0IBNr80n/ta1+z4+Pj7UGDBtlJSUmRs9q8\nzvb000/bY8eOtSdOnGhPmjTJfu655zw5ds8884zt9/vtCy+80Pb5fPa1114b+d79999vp6Sk2Jdd\ndpldVlbmSb7U1FT7q1/9qj1x4kR74sSJ9tKlS23btu2NGzd26/i5kW3BggX2+PHj7QkTJtjXXXed\n3djYaNSxs23b/sd//Ed7zZo1bZ7r7t+9aLIVFBTYI0aMsC+44ALb7/fbjz32mG3bzr+zvXXsduzY\nYVuWZWdlZUX+fm3ZssW2bTN+tkeOHLGzsrLsrKwse+zYsef8b1538/UESXbrX17r1vbis2vsu+78\nfmT7IoXStm176NChXeYz+qLoAIDzn2VZav1LdPeUjUmY3OFabU1NjWbPnq0//vHTe8JmZGRo27Zt\nGj58uBoaGjR9+nQdPHjQeeyokgEA0CNiotzOTX5+voqLiyVJxcXFbdaWO0NHCQDwlGVZan2vsusd\nHcQMy27XUc6bN0/bt2/XsWPH5PP5dO+99+q6667T3LlzdfToUSUnJ2vDhg0aMmSIcz4KJQDAS58W\nyn1RjREzbKJrH29j6hUAAAfcZgsA4D2DL2xAoQQAGMDcQsnUK+CiDz74QPPnz1dTU5PXUQCzcVF0\noH8aOnSorrnmGm3cuNHrKAC+IAol4LLZs2e3uzUSgM/r+buH9BQKJeAyn8+nkydP6vjx415HAczF\n1CvQf3388ccaNGiQfv/733sdBTBY71yZ54smA+CScDisu+++W/fdd9+53c4H6K/oKIH+afny5Vqw\nYIGys7N19OhRtbS0eB0JQDdRKAGXbNy4UV//+tc1duxYSdJ3vvMdbd682eNUgKnMPZmHa70CADxl\nWZZaPzgc1RgxQ9Ndu9YrV+YBAHjOMvgSdky9AgDggI4SAGAAcztKCiUAwHsGT71SKAEABjC3ULJG\nCQCAAzpKAID3LHP7NgolAMAA5k69UigBAN4z+GQec3tdAAAMQEcJADCAuR0lhRIA4D2Dp14plAAA\nA1AoAQDonMEdJSfzAADggI4SAGAAcztKCiUAwHsGX5nH3GQAgH7EinLrWFlZmTIyMpSWlqaioqIv\nlsy2bfsLvRIAgB5gWZbsU3+JboyBCfp8OQuHw7rssstUXl6uxMRETZkyRevWrVNmZma3xqajBAB4\nz7Ki2zpQUVGh1NRUJScnKy4uTgUFBSopKel2NNYoAQCesy4aFtXrBw0a1O65+vp6JSUlRR77/X7t\n3r2722NTKAEAnnJrBdDqoc9mMvUKADgvJSYmqra2NvK4trZWfr+/2+NQKAEA56XJkyerqqpKNTU1\namlp0fr165Wfn9/tcZh6BQCcl2JjY7V69WrNnDlT4XBYixYt6vYZrxIfDwEAwBFTrwAAOKBQAgDg\ngEIJAIADCiUAAA4olAAAOKBQAgDg4P8BgN+j+raYt98AAAAASUVORK5CYII=\n", "text": [ "" ] }, { "output_type": "display_data", "png": "iVBORw0KGgoAAAANSUhEUgAAAcoAAAFlCAYAAABr1qjnAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3X90VeWd7/HPDolVgRqi5AA5sRGSmBAghIKMYgWkB6wz\nRPwxGOgwGUTKojKOc10WO/f2+qvqSXunDop3STtI0+ogGVSSsZBqpoCAQlCCOoAQMZEkhqMQUn5q\nyMm+f3g9Y0yyQzzZ2U/I+7XWXivnZJ/nfNghfPk+zz57W7Zt2wIAAO2K8ToAAAAmo1ACAOCAQgkA\ngAMKJQAADiiUAAA4oFACAOCAQgkAOG8tW7ZMo0eP1qhRo7Rs2TJJUkNDgwKBgNLT0zV9+nQ1NjY6\njkGhBACcl/7rv/5L//qv/6qdO3fqnXfe0SuvvKKDBw8qGAwqEAjowIEDmjZtmoLBoOM4FEoAwHnp\n/fff18SJE3XhhReqX79+mjx5sl588UWVlJQoPz9fkpSfn69169Y5jkOhBAB4KiEhQZZlRbUNHDiw\nzbijRo3Sli1b1NDQoNOnT2v9+vWqra1VKBSSz+eTJPl8PoVCIcd8sa78qQEAOEfHjh3TA1GO8dDJ\nk22ey8jI0NKlSzV9+nT1799fY8eOVb9+/Vrt82WhdUJHCQA4b91xxx166623tHnzZg0aNEjp6eny\n+Xw6fPiwJKm+vl6JiYmOY1AoAQCei4ly68gnn3wiSTp06JBeeuklzZ07V7m5uSosLJQkFRYWatas\nWY7ZLO4eAgDwkmVZejjKMf63pPbK2XXXXaejR48qLi5OTzzxhKZOnaqGhgbNnj1bhw4dUkpKioqK\nihQfH99xPgolAMBLlmXp51GO8b/UfqHsDky9AgDggLNeAQCeM7lro1ACADzn/AENb1EoAQCeM7mj\nNDkbAACeo6MEAHiOqVcAAByYPL1JoQQAeM7kQmlyNgAAPEdHCQDwHGuUAAA4MHl6k0IJAPAchRIA\nAAcmT72aXMQBAPAcHSUAwHMmd20USgCA50yeeqVQAgA8Z3JHaXI2AAA8R0cJAPCcyV0bhRIA4DnW\nKAEAcGByR2lyNgAAPEdHCQDwnMldG4USAOA51igBAHBgckdpcjYAADxHRwkA8JzJXRuFEgDgOZPX\nKE0u4gCAPiImyq0jjz/+uLKysjR69GjNnTtXn3/+uRoaGhQIBJSenq7p06ersbGx02wAAJx3qqur\n9Zvf/Ea7du3Se++9p3A4rBdeeEHBYFCBQEAHDhzQtGnTFAwGHcehUAIAPGdFubXn29/+tuLi4nT6\n9Gk1Nzfr9OnTGjZsmEpKSpSfny9Jys/P17p16xyzsUYJAPBcV7u2Pf9/c5KQkKB7771Xl19+uS66\n6CLNmDFDgUBAoVBIPp9PkuTz+RQKhbo1GwAA3a6ra5KjJeV9ZWvPwYMH9S//8i+qrq7Wxx9/rJMn\nT+q5555rtY9lWbIs51OJKJQAAM+5MfX61ltv6ZprrtGll16q2NhY3XLLLXrzzTc1ZMgQHT58WJJU\nX1+vxMREx2wUSgDAeSkjI0Pbt2/XmTNnZNu2ysrKNHLkSM2cOVOFhYWSpMLCQs2aNctxHNYoAQCe\nc6Nry87O1t/+7d9q/PjxiomJ0bhx4/SjH/1IJ06c0OzZs7Vy5UqlpKSoqKjIcRzLtm3bhXwAAJwT\ny7JUEuUYuZLcKmd0lAAAz3FlHgAAeik6SgCA56yYKHvKFvdWESmUAADPdfZZxs5RKAEA57GYaDvK\ncPfkaI/RhTL6/2EAALpTX/yghNGFUpJajnZ2Nb9z91DB03pg6V3dNl53MjmbRL5omZzP5GwS+aLR\n3dliLs3qtrG+zuTGyPhCCQA4/0V9Mo+LKJQAAM+Z3FH2qc9RTp40wesIHTI5m0S+aJmcz+RsEvmi\nYXK23sToS9hZltWta5QAgG8u5tIsV07msSxLr/X/VlRjBE59ziXsAADnL5OnXimUAADPcTIPAAAO\nTO4o+9TJPAAAdBUdJQDAc1Ffws5FFEoAgOdMnnqlUAIAPGfyyTysUQIA4ICOEgDgOaZeAQBwYPLU\nK4USAOA5kztKV9Yo77jjDvl8Po0ePbrDfe6++26lpaUpOztbFRUVbsQAACBqrhTK+fPnq7S0tMPv\nr1+/Xh988IEqKyv161//WosXL3YjBgCgl7BirKg2N7lSKL/3ve9p0KBBHX6/pKRE+fn5kqSJEyeq\nsbFRoVDIjSgAgF7AsqyoNjd5skZZV1en5OTkyGO/36/a2lr5fL42+z5U8HTk68mTJmjKtVf1SEYA\n6Os2bS3X5m07e+S9uDJPO75+37CO/kfwwNK7eiIOAOBrplx7Vavm5KFf/F8P03jHk0KZlJSkmpqa\nyOPa2lolJSV5EQUAYIA+d9ZrZ3Jzc/W73/1OkrR9+3bFx8e3O+0KAOgb3DiZZ//+/crJyYlsl1xy\niZ588kk1NDQoEAgoPT1d06dPV2Njo3M2++tzoN1gzpw52rx5s44cOSKfz6eHHnpIZ8+elSQtWrRI\nkrRkyRKVlpaqf//+WrVqlcaNG9c2nGWp5eie7o4HAPgGYi7NarNs1h0sy9JbVyRGNcb4qk8cs7W0\ntCgpKUnl5eV66qmndNlll+knP/mJCgoKdOzYMQWDwY7zuVEouwuFEgDM4WahfHtEdIXyuwedC+Wr\nr76qRx55RFu2bFFGRoY2b94sn8+nw4cPa8qUKXr//fc7fC1X5gEA9DpvnWnS22fOnvP+L7zwgubM\nmSNJCoVCkeU+n8/X6ccT6SgBAOfEzY5yV2p056mM+yDUYbampiYlJSVp7969Gjx4sAYNGqRjx45F\nvp+QkKCGhoYOx+Y2WwAAz7l5ZZ4NGzbou9/9rgYPHixJkSlXSaqvr1diovO0L4USAOC5GMuKanOy\nevXqyLSr9MUnLwoLCyVJhYWFmjVrluPrmXoFAJwTN6de37lyaFRjZO+vbzfbqVOn9J3vfEdVVVUa\nOHCgJKmhoUGzZ8/WoUOHlJKSoqKiIsXHx3c4NifzAAA859aFzfv3768jR460ei4hIUFlZWXnPAaF\nEgDgOZOvzEOhBAB4zu1bZUWDk3kAAHBARwkA8BxTrwAAODB56pVCCQDwnMkdJWuUAAA4oKMEAHjO\nijG3b6NQAuh7ms94ncDRmSd+7nWEHscaJQAATgxeo6RQAgA8Z3JHae6kMAAABqCjBAB4jpN5AABw\nYPLnKCmUAADvsUYJAEDvREcJAPAca5QAADhgjRIAAAd8jhIAgF6KjhIA4D2DO0oKJQDAc5Zl7gQn\nhRIA4DnWKAEA6KXoKAEAnuuTHWVpaakyMjKUlpamgoKCNt8/cuSIbrjhBo0dO1ajRo3Sb3/7W7ei\nAABMZ8VEt7nIldHD4bCWLFmi0tJS7d27V6tXr9a+ffta7bN8+XLl5ORo9+7d2rRpk+699141Nze7\nEQcAYDgrxopqc5MrhbK8vFypqalKSUlRXFyc8vLyVFxc3GqfoUOH6vjx45Kk48eP69JLL1VsLDPB\nANAXmVwoXalMdXV1Sk5Ojjz2+/3asWNHq30WLlyo66+/XsOGDdOJEydUVFTU7lgPFTwd+XrypAma\ncu1VbkQGAHzN64eOaMuhI17HiEpjY6PuvPNO7dmzR5ZladWqVUpLS9Ptt9+ujz76SCkpKSoqKlJ8\nfHyHY7hSKM/lmn2PPfaYxo4dq02bNungwYMKBAJ65513NHDgwFb7PbD0LjciAgA6cd3ll+m6yy+L\nPH5s6/uuvZdb13r9h3/4B914441au3atmpubderUKT366KMKBAL6yU9+ooKCAgWDQQWDwQ7HcGXq\nNSkpSTU1NZHHNTU18vv9rfZ544039Nd//deSpBEjRuiKK67Q/v373YgDADBdTEx0Wzv+/Oc/a8uW\nLbrjjjskSbGxsbrkkktUUlKi/Px8SVJ+fr7WrVvnHK17/6RfGD9+vCorK1VdXa2mpiatWbNGubm5\nrfbJyMhQWVmZJCkUCmn//v0aPny4G3EAAIZzY42yqqpKgwcP1vz58zVu3DgtXLhQp06dUigUks/n\nkyT5fD6FQiHHbK5MvcbGxmr58uWaMWOGwuGwFixYoMzMTK1YsUKStGjRIv3TP/2T5s+fr+zsbLW0\ntOgXv/iFEhIS3IgDADjPvPHpn/XmkeOO+zQ3N2vXrl1avny5JkyYoHvuuafNFKtlWZ1O+1q2bdtR\nJ3aJZVlqObrH6xgAzjfNZ7xO4OjMEz/3OkK7+gfXyY2SYVmW6m+9Jqoxhr74Rptshw8f1tVXX62q\nqipJ0tatW/X444/rww8/1MaNGzVkyBDV19dr6tSpev/9jtdfuYQdAMBzVkxMVFt7hgwZouTkZB04\ncECSVFZWpqysLM2cOVOFhYWSpMLCQs2aNcsxGx9cBAB4zq3PQj711FP64Q9/qKamJo0YMUKrVq1S\nOBzW7NmztXLlysjHQ5xQKAEA563s7Gzt3LmzzfNfnkx6LiiUAADvufQ5yu5AoQQAeM7ku4dQKAEA\nnuvohBwTmJsMAAAD0FECADzn1rVeuwOFEgDgPdYoAQDomMlrlBRKAIDnTJ56NbeEAwBgADpKAIDn\n+BwlAABODJ56pVACHTL2DnRfsFu8TuCs5azXCTp04ucPeB3B0ecNp7yO0ONM7ihZowQAwAEdJQDA\ne+Y2lBRKAIABWKMEAKBjBtdJ1igBAHBCRwkA8J7BZ71SKAEAnjN56pVCCQDwnsGVkjVKAAAc0FEC\nALxncNtGoQQAeM7k22xRKAEA3qNQAgDQMYPrpMmzwgAAeI+OEgDgPYMvOOBaR1laWqqMjAylpaWp\noKCg3X02bdqknJwcjRo1SlOmTHErCgDAdFaUm4tc6SjD4bCWLFmisrIyJSUlacKECcrNzVVmZmZk\nn8bGRt1111364x//KL/fryNHjrgRBQDQC7h11mtKSoq+/e1vq1+/foqLi1N5ebkaGhp0++2366OP\nPlJKSoqKiooUHx/f4RiudJTl5eVKTU1VSkqK4uLilJeXp+Li4lb7/Nu//ZtuvfVW+f1+SdJll13m\nRhQAQB9mWZY2bdqkiooKlZeXS5KCwaACgYAOHDigadOmKRgMOo7hSqGsq6tTcnJy5LHf71ddXV2r\nfSorK9XQ0KCpU6dq/Pjx+v3vf+9GFABAb+Di1Ktt260el5SUKD8/X5KUn5+vdevWOb7elanXc2mh\nz549q127duk///M/dfr0aV199dX6i7/4C6WlpbXa76GCpyNfT540QVOuvarb8wIA2toWatQbocYe\neS/LpZN5LMvS97//ffXr10+LFi3SwoULFQqF5PP5JEk+n0+hUMhxDFcKZVJSkmpqaiKPa2pqIlOs\nX0pOTtZll12miy66SBdddJGuu+46vfPOO20K5QNL73IjIgCgE5N88Zrk+++1u1++V+3em3WxTr7+\n0afa8lHn57Zs27ZNQ4cO1aeffqpAIKCMjIzWb2tZnTZ3rky9jh8/XpWVlaqurlZTU5PWrFmj3Nzc\nVvvcdNNN2rp1q8LhsE6fPq0dO3Zo5MiRbsQBAJxnrvvOYP3P6zIjW0eGDh0qSRo8eLBuvvlmlZeX\ny+fz6fDhw5Kk+vp6JSYmOr6XK4UyNjZWy5cv14wZMzRy5EjdfvvtyszM1IoVK7RixQpJUkZGhm64\n4QaNGTNGEydO1MKFCymUANBXWVZ0WztOnz6tEydOSJJOnTqlV199VaNHj1Zubq4KCwslSYWFhZo1\na5ZzNPvrq5wGsSxLLUf3eB0DfZaxvxpfsFu8TuCs5azXCTp04pH/7XUER583nPI6QrsSn9/U5sSY\n7mBZls787JaoxrjokZfaZKuqqtLNN98sSWpubtYPf/hD/fSnP1VDQ4Nmz56tQ4cOndPHQ7gyDwDA\ney6czHPFFVdo9+7dbZ5PSEhQWVnZOY/DtV4BAHBARwkA8JzJdw+hUAIAvGdwpaRQAgA8Z3CdpFAC\nAAzQF2+zBQDA+YCOEgDgPYPnXimUAADPGVwnKZQAAAMYXClZowQAwAEdJQDAc5bBbRuFEgDgvd48\n9Xro0CEVFxdr69atkqS1a9e6HgoA0MdYUW4u6rSjPHXqlNauXaudO3eqf//+uuaaa3Tbbbe5mwoA\nAEN0WihffvllLVu2TAkJCTp9+rQ2btzYE7kA77U0e53Akd182usIzs40eJ2gQ6be77Evswyeeu20\nUCYnJyshIUGSdPHFF7ty004AQB/Xmy9hd9lllykvL0//8R//oXfeeUf79u3riVwAgL7EsqLbXNRp\nR/mDH/xAw4cPV2FhoTZv3qyFCxe6GggAAJOc08dDrrzySj322GNuZwEA9FUGT73yOUoAgPcMvuIA\nhRIA4L3efNYrAACuM3jq1dxeFwAAA9BRAgC8xxolAAAODJ56pVACALxn8Mk85va6AAAYgI4SAOC9\nGHP7NgolAMB7TL0CAOAgJia6zUE4HFZOTo5mzpwpSWpoaFAgEFB6erqmT5+uxsZG52jd9of8mtLS\nUmVkZCgtLU0FBQUd7rdz507FxsbqpZdecisKAKAPW7ZsmUaOHBm552UwGFQgENCBAwc0bdo0BYNB\nx9e7UijD4bCWLFmi0tJS7d27V6tXr2739lzhcFhLly7VDTfcwH0uAaAvc+k2W7W1tVq/fr3uvPPO\nSJ0pKSlRfn6+JCk/P1/r1q1zjObKGmV5eblSU1OVkpIiScrLy1NxcbEyMzNb7ffUU0/ptttu086d\nO92IAQDoLbq4Rrn5/Tptfr+u0/3+8R//Ub/85S91/PjxyHOhUEg+n0+S5PP5FAqFHMdwpVDW1dUp\nOTk58tjv92vHjh1t9ikuLtaf/vQn7dy5M9ISf91DBU9Hvp48aYKmXHuVG5EBAF+zLdSoN0LO63fd\npotnvU4emazJI/+7zjy8rm3D9corrygxMVE5OTnatGlTu+NYltVh/fmSK4WyszeVpHvuuUfBYFCW\nZcm27Q6nXh9Yeld3xwMAnINJvnhN8sVHHv/yvWrvwnwDb7zxhkpKSrR+/Xp99tlnOn78uObNmyef\nz6fDhw9ryJAhqq+vV2JiouM4rqxRJiUlqaamJvK4pqZGfr+/1T5vv/228vLydMUVV+jFF1/Uj3/8\nY5WUlLgRBwBgOhfWKB977DHV1NSoqqpKL7zwgq6//nr9/ve/V25urgoLCyVJhYWFmjVrlmM0VzrK\n8ePHq7KyUtXV1Ro2bJjWrFmj1atXt9rnww8/jHw9f/58zZw5U7m5uW7EAQAYzuqBa71+Odt5//33\na/bs2Vq5cqVSUlJUVFTk+DpXCmVsbKyWL1+uGTNmKBwOa8GCBcrMzNSKFSskSYsWLXLjbQEAvZXL\ndw+ZPHmyJk+eLElKSEhQWVnZOb/Wsg3+XIZlWWo5usfrGOirWs56ncCR3Xza6wjOzjR4naBDR3/2\nf7yO0CslPr/JlY/yWZal8Av/I6ox+uX9yrWPGXJlHgAAHHCtVwCA9wy+1iuFEgDgPe4eAgCAA4M7\nSnNLOAAABqCjBAB4z+COkkIJAPAea5QAADgwuKM0t4QDAGAAOkoAgPd64Fqv3xSFEgDgPZev9RoN\nCiUAwHsGd5TmlnAAAAxARwkA8J7BZ71SKOEdu8XrBI7s5jNeR3B24mOvEzg7tN/rBOhN+BwlAAAO\n6CgBAHBgcKE0t9cFAMAAdJQAAO/xOUoAAByYO/NKoQQAGIA1SgAAeic6SgCA9wzuKCmUAADvUSgB\nAHBibqFkjRIAAAd0lAAA75nbUNJRAgAMYFnRbe347LPPNHHiRI0dO1YjR47UT3/6U0lSQ0ODAoGA\n0tPTNX36dDU2NjpGo1ACALznQqG88MILtXHjRu3evVvvvvuuNm7cqK1btyoYDCoQCOjAgQOaNm2a\ngsGgYzQKJQDgvHXxxRdLkpqamhQOhzVo0CCVlJQoPz9fkpSfn69169Y5jsEaJQDAe138eMimioPa\nXHGw0/1aWlo0btw4HTx4UIsXL1ZWVpZCoZB8Pp8kyefzKRQKOY7hWkdZWlqqjIwMpaWlqaCgoM33\nn3/+eWVnZ2vMmDGaNGmS3n33XbeiAACMZ3Vpm5KTqgfumBHZOhITE6Pdu3ertrZWr7/+ujZu3Nj6\nXS1LVidF2pVCGQ6HtWTJEpWWlmrv3r1avXq19u3b12qf4cOH6/XXX9e7776rn/3sZ/rRj37kRhQA\nQG/QtTrZduvEJZdcor/8y7/U22+/LZ/Pp8OHD0uS6uvrlZiY6PhaVwpleXm5UlNTlZKSori4OOXl\n5am4uLjVPldffbUuueQSSdLEiRNVW1vrRhQAQG/gwsk8R44ciZzReubMGb322mvKyclRbm6uCgsL\nJUmFhYWaNWuWYzRX1ijr6uqUnJwceez3+7Vjx44O91+5cqVuvPHGdr/3UMHTka8nT5qgKdde1X1B\nAQAd2hZq1Bsh549OmKy+vl75+flqaWlRS0uL5s2bp2nTpiknJ0ezZ8/WypUrlZKSoqKiIsdxXCmU\nnc33ftXGjRv17LPPatu2be1+/4Gld3VXLABAF0zyxWuSLz7y+JfvVbv3Zi5c63X06NHatWtXm+cT\nEhJUVlZ2zuO4UiiTkpJUU1MTeVxTUyO/399mv3fffVcLFy5UaWmpBg0a5EYUAECvYO6leVxZoxw/\nfrwqKytVXV2tpqYmrVmzRrm5ua32OXTokG655RY999xzSk1NdSMGAKC3cGGNsru40lHGxsZq+fLl\nmjFjhsLhsBYsWKDMzEytWLFCkrRo0SI9/PDDOnbsmBYvXixJiouLU3l5uRtxAAD4xizbtm2vQ3TE\nsiy1HN3jdQy4xW7xOoEj++xJryM4O1HndQJnh/Z7naBDR1e95nWEXinx+U1yo2RYlqXw9iejGqPf\nX9ztSjaJK/MAAExg7hIlhRIAYACX1xmjwUXRAQBwQEcJADCAuR0lhRIA4D2Dp14plAAA7xlcKFmj\nBADAAR0lAMB75jaUFEoAgAEMnnqlUAIADEChBACgYwZ3lJzMAwCAAzpKAID3DO4oKZQAAO9RKIF2\n2M1eJ3D2WYPXCZx9csjrBI5OvrzN6whAt2CNEgAAB3SUAADvMfUKAIADCiUAAA4MLpSsUQIA4ICO\nEgBgAHM7SgolAMB7Bk+9UigBAN6zzF0JNDcZAAAGoFACAAxgRbm1VVNTo6lTpyorK0ujRo3Sk08+\nKUlqaGhQIBBQenq6pk+frsbGRsdkFEoAgPcsK7qtHXFxcXriiSe0Z88ebd++XU8//bT27dunYDCo\nQCCgAwcOaNq0aQoGg47RKJQAAO9ZMdFt7RgyZIjGjh0rSRowYIAyMzNVV1enkpIS5efnS5Ly8/O1\nbt06x2iczAMAMEDXznrdVL5Xm8v3nvP+1dXVqqio0MSJExUKheTz+SRJPp9PoVDI8bUUSgBArzPl\nqpGactXIyOOHl7/Y4b4nT57UrbfeqmXLlmngwIGtvmdZlqxOPprC1CsAwHsurFFK0tmzZ3Xrrbdq\n3rx5mjVrlqQvusjDhw9Lkurr65WYmOgYzbVCWVpaqoyMDKWlpamgoKDdfe6++26lpaUpOztbFRUV\nbkUBABgvJsqtLdu2tWDBAo0cOVL33HNP5Pnc3FwVFhZKkgoLCyMF1ClZtwuHw1qyZIlKS0u1d+9e\nrV69Wvv27Wu1z/r16/XBBx+osrJSv/71r7V48WI3ogAAegMXOspt27bpueee08aNG5WTk6OcnByV\nlpbq/vvv12uvvab09HT96U9/0v333+8YzZU1yvLycqWmpiolJUWSlJeXp+LiYmVmZkb2+epZRxMn\nTlRjY2OrBVYAAKJx7bXXqqWlpd3vlZWVnfM4rnSUdXV1Sk5Ojjz2+/2qq6vrdJ/a2lo34gAATOfS\nGmV3cKWj7OwMoi/Ztt3p6x4qeDry9eRJEzTl2quiCwcAOCfbQo16I+R81Zru08cuip6UlKSamprI\n45qaGvn9fsd9amtrlZSU1GasB5be5UZEAEAnJvniNckXH3n8y/eq3XuzvnZR9PHjx6uyslLV1dVq\namrSmjVrlJub22qf3Nxc/e53v5Mkbd++XfHx8axPAgCM40pHGRsbq+XLl2vGjBkKh8NasGCBMjMz\ntWLFCknSokWLdOONN2r9+vVKTU1V//79tWrVKjeiAAB6A4PvR2nZX18oNIhlWWo5usfrGHBLS5PX\nCRzZJz/2OoKzuv1eJ3B0cvW5n1XY0z5vPO11hF4p8flNbc4t6Q6WZSl8sDiqMfqNuMmVbBKXsAMA\nmKCvrVECAHC+oKMEAHjuXD9W6AUKJQDAABRKAAA6ZvAaJYUSAGAAcztKc0s4AAAGoKMEAHiPk3kA\nAHDAGiUAAE7M7SjNLeEu2LS13OsIHTI5m9QL8m17y+sIjjZtf9frCB3aVPGB1xEcbak76nUER9t6\n7DZUXWdytt6kTxXKzdt2eh2hQyZnk3pDPrML5ebt73kdoUObKw56HcHR1roGryM46rn7NXadydna\n6Gs3bgYAoEtYowQAwIm5a5TG32YLAGAOt26z1VK7KaoxYvxT+uZttgyu4QCA7mRwY2R0oQQA9BWs\nUQIA0DGDO0pzSzgAAAbodYWytLRUGRkZSktLU0FBQbv73H333UpLS1N2drYqKio6fW1DQ4MCgYDS\n09M1ffp0NTY2Rp6fOnWqBg4cqL//+783Klt1dbUuuugi5eTkKCcnRz/+8Y89yffv//7vysrKUr9+\n/bRr165WYz3++ONKS0tTRkaGXn31VU/y3XfffcrMzFR2drZuueUW/fnPf5bU9ePnRrYHH3xQfr8/\nkmHDhg2R75lw7PLy8iLZrrjiCuXk5Ejq2WN3xx13yOfzafTo0a327+j3Quq5Y1dTU6OpU6cqKytL\no0aN0pNPPhnZ35SfbUpKisaMGaOcnBxdddVVkee78/h1G4M/Rym7F2lubrZHjBhhV1VV2U1NTXZ2\ndra9d+/eVvv84Q9/sH/wgx/Ytm3b27dvtydOnNjpa++77z67oKDAtm3bDgaD9tKlS23btu1Tp07Z\nW7dutZ955hl7yZIlRmWrqqqyR40a5fmx27dvn71//357ypQp9ttvvx0Za8+ePXZ2drbd1NRkV1VV\n2SNGjLAqyaaMAAAI+0lEQVTD4XCP53v11Vcj77t06dJvdPzcyvbggw/a//zP/9zm/Uw5dl917733\n2o888kiPHjvbtu3XX3/d3rVrV5v36+j3oiePXX19vV1RUWHbtm2fOHHCTk9Pt/ft22fbthk/W9u2\n7ZSUFPvo0aNtxu2u49ddJNkt9W9GtblZznpVR1leXq7U1FSlpKQoLi5OeXl5Ki4ubrVPSUmJ8vPz\nJUkTJ05UY2OjDh8+7Pjar74mPz9f69atkyRdfPHFmjRpkr71rW8Zl82UY5eRkaH09PQ271dcXKw5\nc+YoLi5OKSkpSk1NVXl5x5fBcytfIBBQTExM5DW1tbXGHDup/TO7TTl2X81YVFSkOXPmdO3ARZlN\nkr73ve9p0KBBbcbt6Peip45dKBTSkCFDNHbsWEnSgAEDlJmZqbq6usjrvPzZhkIhxxzddfy6lcEd\nZa8qlHV1dUpOTo489vv9rf5iOu3z8ccfd/jaUCgkn88nSfL5fK3+kknn9nlOL7JVVVUpJydHU6ZM\n0datWz3J15GPP/5Yfr//nF/TE/meffZZ3XjjjZHH53r83Mz21FNPKTs7WwsWLIhMf5l27LZs2SKf\nz6cRI0ZEnuuJY+eko9+Lnjp2X/8PV3V1tSoqKjRx4sTIc17/bKUv/u36/ve/r/Hjx+s3v/lNZJ/u\nOn7dy4pya6u9qXunaeeO9KpCea4XIGjvf1Dt7dPeeJZlfaMLHfR0tmHDhqmmpkYVFRX61a9+pblz\n5+rEiRM9ku+bcsrgdr5HH31UF1xwgebOnSupa8fPrWyLFy9WVVWVdu/eraFDh+ree+/tcF8vj93q\n1asjx03qmWPXld/Bzn5n3Th2X33dyZMnddttt2nZsmUaMGCAJHN+tlu3blVFRYU2bNigp59+Wlu2\nbGn3Pbojg4nmz5+v0tLSVs8Fg0EFAgEdOHBA06ZNUzAY7HScXlUok5KSVFNTE3lcU1PT6n8/7e1T\nW1srv9/f7vNJSUmSvvgf1ZdTPfX19UpMTDQ+2wUXXBCZkho3bpxGjBihysrKHsnX3ms7e7+v/pl6\nOt9vf/tbrV+/Xs8//3zkua4cP7eyJSYmRv6RuvPOOyNTXCYdu+bmZr388su6/fbbI8/1xLFz+vNK\nHf9e9NSx+3LMs2fP6tZbb9Xf/M3faNasWZF9vP7ZfjnmsGHDJEmDBw/WzTffrJ07v7i5QXcdv27l\nwtRre1P332g5y7XVTxecPXvWHj58uF1VVWV//vnnnS5sv/nmm5GFbafX3nfffXYwGLRt27Yff/zx\nyML2l1atWtXpyTw9ne3TTz+1m5ubbdu27YMHD9pJSUn2sWPHejzfl6ZMmWK/9dZbkcdfnhTw+eef\n2x9++KE9fPhwu6WlpcfzbdiwwR45cqT96aefthqrK8fPrWwff/xx5PW/+tWv7Dlz5hh17L48flOm\nTPHk2H2pvZOHOvq96Mlj19LSYs+bN8++55572oxrws/21KlT9vHjx23btu2TJ0/a11xzjf3HP/6x\nW49fd5Fkt4R2RrV1VM6+/vcnPj4+8nVLS0urxx3mi/6P2LPWr19vp6en2yNGjLAfe+wx27Zt+5ln\nnrGfeeaZyD533XWXPWLECHvMmDGtzsRs77W2bdtHjx61p02bZqelpdmBQKDVL/13vvMdOyEhwR4w\nYICdnJwcOavN62wvvviinZWVZY8dO9YeN26c/corr3hy7F566SXb7/fbF154oe3z+ewbbrgh8r1H\nH33UHjFihH3llVfapaWlnuRLTU21L7/8cnvs2LH22LFj7cWLF9u2bdtr167t0vFzI9u8efPs0aNH\n22PGjLFvuukm+/Dhw0YdO9u27b/7u7+zV6xY0eq5rv7diyZbXl6ePXToUPuCCy6w/X6//eyzz9q2\n7fw721PHbsuWLbZlWXZ2dnbk79eGDRts2zbjZ3vw4EE7Ozvbzs7OtrOyss7537yu5usOkuyWT97q\n0vanl1fYD9z3o8j2TQqlbdv2oEGDOs1n9EXRAQDnP8uy1PJJdPeUjUkc3+5abXV1tWbOnKn33vvi\nnrAZGRnatGmThgwZovr6ek2dOlXvv/++89hRJQMAoFvERLmdm9zcXBUWFkqSCgsLW60td4SOEgDg\nKcuy1PJpRec7OogZnNOmo5wzZ442b96sI0eOyOfz6eGHH9ZNN92k2bNn69ChQ0pJSVFRUZHi4+Od\n81EoAQBe+qJQ7o5qjJjBY137eBtTrwAAOOA2WwAA7xl8YQMKJQDAAOYWSqZeARcdO3ZMc+fOVUND\ng9dRALNxUXSgbxo0aJCuv/56rV271usoAL4hCiXgspkzZ7a5NRKAr+v+u4d0Fwol4DKfz6dTp07p\n+PHjXkcBzMXUK9B3ffbZZxowYID+8Ic/eB0FMFjPXJnnmyYD4JJwOKwHH3xQjzzyyLndzgfoq+go\ngb7p3nvv1bx585STk6NDhw6pqanJ60gAuohCCbhk7dq1+u53v6usrCxJ0l/91V9p/fr1HqcCTGXu\nyTxc6xUA4CnLstRy7EBUY8QMSnftWq9cmQcA4DnL4EvYMfUKAIADOkoAgAHM7SgplAAA7xk89Uqh\nBAAYwNxCyRolAAAO6CgBAN6zzO3bKJQAAAOYO/VKoQQAeM/gk3nM7XUBADAAHSUAwADmdpQUSgCA\n9wyeeqVQAgAMQKEEAKBjBneUnMwDAIADOkoAgAHM7SgplAAA7xl8ZR5zkwEA+hAryq19paWlysjI\nUFpamgoKCr5ZMtu27W/0SgAAuoFlWbJPfxLdGBcn6uvlLBwO68orr1RZWZmSkpI0YcIErV69WpmZ\nmV0am44SAOA9y4pua0d5eblSU1OVkpKiuLg45eXlqbi4uMvRWKMEAHjOumhwVK8fMGBAm+fq6uqU\nnJwceez3+7Vjx44uj02hBAB4yq0VQKubPpvJ1CsA4LyUlJSkmpqayOOamhr5/f4uj0OhBACcl8aP\nH6/KykpVV1erqalJa9asUW5ubpfHYeoVAHBeio2N1fLlyzVjxgyFw2EtWLCgy2e8Snw8BAAAR0y9\nAgDggEIJAIADCiUAAA4olAAAOKBQAgDggEIJAICD/wc+r/w6w4NFzgAAAABJRU5ErkJggg==\n", "text": [ "" ] }, { "output_type": "display_data", "png": "iVBORw0KGgoAAAANSUhEUgAAAcoAAAFlCAYAAABr1qjnAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3X90VdWd///XCQkVgQpUcoHc1AhJTPgVAlEqnQpIL6gz\nRPwxGOgwGUTKomUcZ1Grzufbr78+6s1Mpw5K1xIdpKl2EAYtSS2kNlNAUCH8thWUFBK5iclVDBEI\nYODmfP7ox/sxJjkh3JycHfJ8rHXWyrnZZ983J7m88957n3Ms27ZtAQCAVsV5HQAAACYjUQIA4IBE\nCQCAAxIlAAAOSJQAADggUQIA4IBECQC4ZC1btkxjxozR6NGjtWzZMklSXV2dAoGA0tPTNX36dNXX\n1zv2QaIEAFyS/vSnP+k///M/tXPnTu3fv1+vv/66Dh8+rGAwqEAgoEOHDmnatGkKBoOO/ZAoAQCX\npPfff18TJ07UZZddpl69emny5Ml69dVXVVxcrPz8fElSfn6+1q9f79gPiRIA4KlBgwbJsqyYtv79\n+7fod/To0dq6davq6up0+vRpbdiwQVVVVQqHw/L5fJIkn8+ncDjsGF+8K/9qAAAu0PHjx/VwjH08\neupUi9cyMjL0wAMPaPr06erbt6/GjRunXr16NWvzRaJ1QkUJALhk3X333dq1a5e2bNmigQMHKj09\nXT6fT7W1tZKkmpoaJSYmOvZBogQAeC4uxq0tH3/8sSTp6NGjeu211zR37lzl5uaqsLBQklRYWKhZ\ns2Y5xmbx9BAAgJcsy9JjMfbx/0tqLZ3dcMMN+vTTT5WQkKCnn35aU6dOVV1dnWbPnq2jR48qJSVF\na9eu1YABA9qOj0QJAPCSZVn63zH28f+p9UTZGRh6BQDAAateAQCeM7lqI1ECADznfIGGt0iUAADP\nmVxRmhwbAACeo6IEAHiOoVcAAByYPLxJogQAeM7kRGlybAAAeI6KEgDgOeYoAQBwYPLwJokSAOA5\nEiUAAA5MHno1OYkDAOA5KkoAgOdMrtpIlAAAz5k89EqiBAB4zuSK0uTYAADwHBUlAMBzJldtJEoA\ngOeYowQAwIHJFaXJsQEA4DkqSgCA50yu2kiUAADPMUcJAIADkytKk2MDAMBzVJQAAM+ZXLWRKAEA\nnjN5jtLkJA4A6CHiYtza8tRTT2nUqFEaM2aM5s6dq88//1x1dXUKBAJKT0/X9OnTVV9f325sAABc\nciorK/XCCy9oz549+uMf/6hIJKJXXnlFwWBQgUBAhw4d0rRp0xQMBh37IVECADxnxbi15utf/7oS\nEhJ0+vRpnT9/XqdPn9awYcNUXFys/Px8SVJ+fr7Wr1/vGBtzlAAAz3W0anvv/25OBg0apKVLl+qb\n3/ym+vTpoxkzZigQCCgcDsvn80mSfD6fwuFwp8YGAECn6+ic5BhJeV/aWnP48GH9x3/8hyorK/XR\nRx/p1KlTevnll5u1sSxLluW8lIhECQDwnBtDr7t27dKkSZP0jW98Q/Hx8br99tv1zjvvaMiQIaqt\nrZUk1dTUKDEx0TE2EiUA4JKUkZGh7du368yZM7JtW6WlpRo5cqRmzpypwsJCSVJhYaFmzZrl2A9z\nlAAAz7lRtWVlZenv//7vlZOTo7i4OI0fP17f//73dfLkSc2ePVsrV65USkqK1q5d69iPZdu27UJ8\nAABcEMuyVBxjH7mS3EpnVJQAAM9xZx4AALopKkoAgOesuBhryib3ZhFJlAAAz7V3LWP7SJQAgEtY\nXKwVZaRz4miN0Yky9r8wAACdqSdeKGF0opSkptqyTuvr0Z++oId/tLDT+utMJscmEV+sTI7P5Ngk\n4otFZ8cWN+S6Tuvrq0wujIxPlACAS1/Mi3lcRKIEAHjO5IqyR11HOXnSeK9DaJPJsUnEFyuT4zM5\nNon4YmFybN2J0bewsyyrU+coAQAXL27Ida4s5rEsS7/v+7WY+gg0fM4t7AAAly6Th15JlAAAz7GY\nBwAAByZXlD1qMQ8AAB1FRQkA8FzMt7BzEYkSAOA5k4deSZQAAM+ZvJiHOUoAABxQUQIAPMfQKwAA\nDkweeiVRAgA8Z3JF6coc5d133y2fz6cxY8a02ebee+9VWlqasrKytHfvXjfCAAAgZq4kyvnz56uk\npKTN72/YsEF//vOfVV5erueff16LFy92IwwAQDdhxVkxbW5yJVF+5zvf0cCBA9v8fnFxsfLz8yVJ\nEydOVH19vcLhsBuhAAC6AcuyYtrc5MkcZXV1tZKTk6P7fr9fVVVV8vl8Ldo++tMXol9PnjReUyZN\n6JIYAaCn2/z2bm15e0+XvBd35mnFV58b1tZfBA//aGFXhAMA+IopkyY0K06+XLj0JJ4kyqSkJIVC\noeh+VVWVkpKSvAgFAGCAHrfqtT25ubn65S9/KUnavn27BgwY0OqwKwCgZ3BjMc8HH3yg7Ozs6HbF\nFVfomWeeUV1dnQKBgNLT0zV9+nTV19c7x2Z/dQy0E8yZM0dbtmzRsWPH5PP59Oijj+rcuXOSpEWL\nFkmSlixZopKSEvXt21erVq3S+PHjWwZnWWqqLevs8AAAFyFuyHUtps06g2VZ2nV1Ykx95FR87Bhb\nU1OTkpKSVFZWpmeffVZXXnmlfvzjH6ugoEDHjx9XMBhsOz43EmVnIVECgDncTJS7R8SWKCccdk6U\nb7zxhh5//HFt3bpVGRkZ2rJli3w+n2prazVlyhS9//77bR7LnXkAAN3OrjON2n3m3AW3f+WVVzRn\nzhxJUjgcjk73+Xy+di9PJFECADzX0cU8117+NV17+dei+88fb2izbWNjo37zm9+ooKCg1fdt7715\nzBYAwHNu3pln48aNmjBhggYPHixJ0SFXSaqpqVFiovOwL4kSAOC5OMuKaXOyevXq6LCr9JcrLwoL\nCyVJhYWFmjVrluPxLOYBAFwQNxfz7L9maEx9ZH1Q02psDQ0Nuuqqq1RRUaH+/ftLkurq6jR79mwd\nPXpUKSkpWrt2rQYMGNBm38xRAgA859aNzfv27atjx441e23QoEEqLS294D5IlAAAz5l8Zx4SJQDA\nc24/KisWLOYBAMABFSUAwHMMvQIA4MDkoVcSJQDAcyZXlMxRAgDggIoSAOA5K87cuo1ECe8YPNTS\nLZh7Uy1Jkm2f9zqENtlvvup1CI72P/SS1yF0OeYoAQBwYvAfziRKAIDnTK4ozR0UBgDAAFSUAADP\nsZgHAAAHJl9HSaIEAHiPOUoAALonKkoAgOeYowQAwAFzlAAAOOA6SgAAuikqSgCA9wyuKEmUAADP\nWZa5A5wkSgCA55ijBACgm6KiBAB4rkdWlCUlJcrIyFBaWpoKCgpafP/YsWO66aabNG7cOI0ePVq/\n+MUv3AoFAGA6Ky62zUWu9B6JRLRkyRKVlJTowIEDWr16tQ4ePNiszfLly5Wdna19+/Zp8+bNWrp0\nqc6fN/eJ6AAA91hxVkybm1xJlGVlZUpNTVVKSooSEhKUl5enoqKiZm2GDh2qEydOSJJOnDihb3zj\nG4qPZyQYAHoikxOlK5mpurpaycnJ0X2/368dO3Y0a7Nw4ULdeOONGjZsmE6ePKm1a9e22tejP30h\n+vXkSeM1ZdIEN0IGAHzFrjON2n32nNdhxKS+vl733HOP3nvvPVmWpVWrViktLU133XWXPvzwQ6Wk\npGjt2rUaMGBAm324kigv5J59Tz75pMaNG6fNmzfr8OHDCgQC2r9/v/r379+s3cM/WuhGiACAduT0\n6a2cPr2j+88fb3Dtvdy61+s//dM/6ZZbbtG6det0/vx5NTQ06IknnlAgENCPf/xjFRQUKBgMKhgM\nttmHK0OvSUlJCoVC0f1QKCS/39+szdtvv62//du/lSSNGDFCV199tT744AM3wgEAmC4uLratFZ99\n9pm2bt2qu+++W5IUHx+vK664QsXFxcrPz5ck5efna/369c6hde6/9C9ycnJUXl6uyspKNTY2as2a\nNcrNzW3WJiMjQ6WlpZKkcDisDz74QMOHD3cjHACA4dyYo6yoqNDgwYM1f/58jR8/XgsXLlRDQ4PC\n4bB8Pp8kyefzKRwOO8bmytBrfHy8li9frhkzZigSiWjBggXKzMzUihUrJEmLFi3Sv/zLv2j+/PnK\nyspSU1OT/vVf/1WDBg1yIxwAwCXm7U8+0zvHTji2OX/+vPbs2aPly5fr2muv1X333ddiiNWyrHaH\nfS3btu2YI3aJZVlqqi3zOgy4xeDnz3UL5n50JUm2be7lXvabr3odgqP9D73kdQitmnDkY7mRMizL\nUs0dk2LqY+irb7eIrba2Vtdff70qKiokSdu2bdNTTz2lI0eOaNOmTRoyZIhqamo0depUvf/++232\nzS3sAACes+LiYtpaM2TIECUnJ+vQoUOSpNLSUo0aNUozZ85UYWGhJKmwsFCzZs1yjI0LFwEAnnPr\nWshnn31W3/ve99TY2KgRI0Zo1apVikQimj17tlauXBm9PMQJiRIAcMnKysrSzp07W7z+xWLSC0Gi\nBAB4z+A1CyRKAIDnTH56CIkSAOC5thbkmMDcyAAAMAAVJQDAc27d67UzkCgBAN5jjhIAgLaZPEdJ\nogQAeM7koVdzUzgAAAagogQAeI7rKAEAcGLw0CuJ8lJn8C+f8Y+Jipz1OgRnZ497HYGzupDXEbTJ\n1MdY9WQmV5TMUQIA4ICKEgDgPXMLShIlAMAABk8TkSgBAJ4zOE8yRwkAgBMqSgCA9wxe9UqiBAB4\nzuShVxIlAMB7BmdK5igBAHBARQkA8J7BZRuJEgDgOZMfs0WiBAB4j0QJAEDbDM6TJo8KAwDgPSpK\nAID3DL7hgGsVZUlJiTIyMpSWlqaCgoJW22zevFnZ2dkaPXq0pkyZ4lYoAADTWTFuLnKlooxEIlqy\nZIlKS0uVlJSka6+9Vrm5ucrMzIy2qa+v1w9/+EP97ne/k9/v17Fjx9wIBQDQDbi16jUlJUVf//rX\n1atXLyUkJKisrEx1dXW666679OGHHyolJUVr167VgAED2uzDlYqyrKxMqampSklJUUJCgvLy8lRU\nVNSszX/913/pjjvukN/vlyRdeeWVboQCAOjBLMvS5s2btXfvXpWVlUmSgsGgAoGADh06pGnTpikY\nDDr24UqirK6uVnJycnTf7/erurq6WZvy8nLV1dVp6tSpysnJ0UsvveRGKACA7sDFoVfbtpvtFxcX\nKz8/X5KUn5+v9evXOx7vytDrhZTQ586d0549e/Q///M/On36tK6//np961vfUlpaWrN2j/70hejX\nkyeN15RJEzo9XgBAS7vONGr32XNd8l6WS4t5LMvSd7/7XfXq1UuLFi3SwoULFQ6H5fP5JEk+n0/h\ncNixD1cSZVJSkkKhUHQ/FApFh1i/kJycrCuvvFJ9+vRRnz59dMMNN2j//v0tEuXDP1roRogAgHbk\n9OmtnD69o/vPH29w7806mCff/PATbf2w/bUtb731loYOHapPPvlEgUBAGRkZzd/Wstot7lwZes3J\nyVF5ebkqKyvV2NioNWvWKDc3t1mbW2+9Vdu2bVMkEtHp06e1Y8cOjRw50o1wAACXmBuuGqz/dUNm\ndGvL0KFDJUmDBw/WbbfdprKyMvl8PtXW1kqSampqlJiY6PheriTK+Ph4LV++XDNmzNDIkSN11113\nKTMzUytWrNCKFSskSRkZGbrppps0duxYTZw4UQsXLiRRAkBPZVmxba04ffq0Tp48KUlqaGjQG2+8\noTFjxig3N1eFhYWSpMLCQs2aNcs5NPurs5wGsSxLTbVlXofRvZl8Xyhzf/UkSXbkrNchODt73OsI\nnNWF2m/jkX13PeZ1CN3ShCMft1gY0xksy9KZn9weUx99Hn+tRWwVFRW67bbbJEnnz5/X9773PT30\n0EOqq6vT7NmzdfTo0Qu6PIQ78wAAvOfCYp6rr75a+/bta/H6oEGDVFpaesH9cK9XAAAcUFECADxn\n8iwRiRIA4D2DMyWJEgDgOYPzJIkSAGCAnviYLQAALgVUlAAA7xk89kqiBAB4zuA8SaIEABjA4EzJ\nHCUAAA6oKAEAnrMMLttIlAAA73XnodejR4+qqKhI27ZtkyStW7fO9aAAAD2MFePmonYryoaGBq1b\nt047d+5U3759NWnSJN15553uRgUAgCHaTZS//vWvtWzZMg0aNEinT5/Wpk2buiIu9AC2fd7rEJyd\nqvE6Akf2wf1eh+Dow6fXex0CuhHL4KHXdhNlcnKyBg0aJEm6/PLLXXloJwCgh+vOt7C78sorlZeX\np9/85jfav3+/Dh482BVxAQB6EsuKbXNRuxXlzTffrOHDh6uwsFBbtmzRwoULXQ0IAACTXNDlIddc\nc42efPJJt2MBAPRUBg+9ch0lAMB7Bt9xgEQJAPBed171CgCA6wweejW31gUAwABUlAAA7zFHCQCA\nA4OHXkmUAADvGbyYx9xaFwAAA1BRAgC8F2du3UaiBAB4j6FXAAAcxMXFtjmIRCLKzs7WzJkzJUl1\ndXUKBAJKT0/X9OnTVV9f7xxap/0jv6KkpEQZGRlKS0tTQUFBm+127typ+Ph4vfbaa26FAgDowZYt\nW6aRI0dGn3kZDAYVCAR06NAhTZs2TcFg0PF4VxJlJBLRkiVLVFJSogMHDmj16tWtPp4rEonogQce\n0E033cRzLgGgJ3PpMVtVVVXasGGD7rnnnmieKS4uVn5+viQpPz9f69c7P2TclTnKsrIypaamKiUl\nRZKUl5enoqIiZWZmNmv37LPP6s4779TOnTvdCAMA0F10cI5yy/vV2vJ+dbvt/vmf/1n/9m//phMn\nTkRfC4fD8vl8kiSfz6dwOOzYhyuJsrq6WsnJydF9v9+vHTt2tGhTVFSkP/zhD9q5c2e0JP6qR3/6\nQvTryZPGa8qkCW6EDAD4il1nGrX77LmuebMOrnqdPDJZk0f+vzzz2PqWBdfrr7+uxMREZWdna/Pm\nza32Y1lWm/nnC64kyvbeVJLuu+8+BYNBWZYl27bbHHp9+Ec8KBoAvJDTp7dy+vSO7j9/vMHDaDru\n7bffVnFxsTZs2KCzZ8/qxIkTmjdvnnw+n2prazVkyBDV1NQoMTHRsR9X5iiTkpIUCoWi+6FQSH6/\nv1mb3bt3Ky8vT1dffbVeffVV/eAHP1BxcbEb4QAATOfCHOWTTz6pUCikiooKvfLKK7rxxhv10ksv\nKTc3V4WFhZKkwsJCzZo1yzE0VyrKnJwclZeXq7KyUsOGDdOaNWu0evXqZm2OHDkS/Xr+/PmaOXOm\ncnNz3QgHAGA4qwvu9frFaOeDDz6o2bNna+XKlUpJSdHatWsdj3MlUcbHx2v58uWaMWOGIpGIFixY\noMzMTK1YsUKStGjRIjfeFgDQXbn89JDJkydr8uTJkqRBgwaptLT0go917c48N998s26++eZmr7WV\nIFetWuVWGACA7sDgp4dwZx4AABxwr1cAgPcMvtcriRIA4D2eHgIAgAODK0pzUzgAAAagogQAeM/g\nipJECQDwHnOUAAA4MLiiNDeFAwBgACpKAID3DL4zD4kSAOA9l+/1GgsSJQDAewZXlOamcAAADEBF\nCQDwnsGrXkmUsTL4hytJsm2vI2jbuTNeR+CsptLrCBx9+PR6r0NwVB865nUI6E64jhIAAAcGFx0k\nSgCA9wxOlObWugAAGICKEgDgPa6jBADAgbkjryRKAIABmKMEAKB7oqIEAHjP4IqSRAkA8B6JEgAA\nJ+YmSuYoAQBwQEUJAPCeuQUlFSUAwACWFdvWirNnz2rixIkaN26cRo4cqYceekiSVFdXp0AgoPT0\ndE2fPl319fWOoZEoAQDecyFRXnbZZdq0aZP27dund999V5s2bdK2bdsUDAYVCAR06NAhTZs2TcFg\n0DE0EiUA4JJ1+eWXS5IaGxsViUQ0cOBAFRcXKz8/X5KUn5+v9eudH1nHHCUAwHsdvDxk897D2rL3\ncLvtmpqaNH78eB0+fFiLFy/WqFGjFA6H5fP5JEk+n0/hcNixD9cqypKSEmVkZCgtLU0FBQUtvv+r\nX/1KWVlZGjt2rL797W/r3XffdSsUAIDxrA5tU7JT9fDdM6JbW+Li4rRv3z5VVVXpzTff1KZNm5q/\nq2XJaidJu5IoI5GIlixZopKSEh04cECrV6/WwYMHm7UZPny43nzzTb377rv6yU9+ou9///tuhAIA\n6A46lidbbu244oor9Nd//dfavXu3fD6famtrJUk1NTVKTEx0PNaVRFlWVqbU1FSlpKQoISFBeXl5\nKioqatbm+uuv1xVXXCFJmjhxoqqqqtwIBQDQHbiwmOfYsWPRFa1nzpzR73//e2VnZys3N1eFhYWS\npMLCQs2aNcsxNFfmKKurq5WcnBzd9/v92rFjR5vtV65cqVtuuaXV7z360xeiX0+eNF5TJk3ovEAB\nAG3adaZRu8+e8zqMi1ZTU6P8/Hw1NTWpqalJ8+bN07Rp05Sdna3Zs2dr5cqVSklJ0dq1ax37cSVR\ntjfe+2WbNm3Siy++qLfeeqvV7z/8o4WdFRYAoANy+vRWTp/e0f3njze492Yu3Ot1zJgx2rNnT4vX\nBw0apNLS0gvux5VEmZSUpFAoFN0PhULy+/0t2r377rtauHChSkpKNHDgQDdCAQB0C+bemseVOcqc\nnByVl5ersrJSjY2NWrNmjXJzc5u1OXr0qG6//Xa9/PLLSk1NdSMMAEB34cIcZWdxpaKMj4/X8uXL\nNWPGDEUiES1YsECZmZlasWKFJGnRokV67LHHdPz4cS1evFiSlJCQoLKyMjfCAQDgolm2bdteB9EW\ny7LUVGt48jT4GWqSJHN/vLIbT3odgrMju7yOwFHlw4Veh+CoPnTM6xDQySYc+VhupAzLshTZ/kxM\nffT61r2uxCZxZx4AgAkMrjlIlAAA7xk8OsdN0QEAcEBFCQAwgLkVJYkSAOA9g4deSZQAAO8ZnCiZ\nowQAwAEVJQDAe+YWlCRKAIABDB56JVECAAxAogQAoG0GV5Qs5gEAwAEVJQDAewZXlCRKAID3SJTw\nTpPXAbSt8TOvI3AU2bHH6xAc8RgroGswRwkAgAMqSgCA9xh6BQDAAYkSAAAHBidK5igBAHBARQkA\nMIC5FSWJEgDgPYOHXkmUAADvWebOBJobGQAABiBRAgAMYMW4tRQKhTR16lSNGjVKo0eP1jPPPCNJ\nqqurUyAQUHp6uqZPn676+nrHyEiUAADvWVZsWysSEhL09NNP67333tP27dv185//XAcPHlQwGFQg\nENChQ4c0bdo0BYNBx9BIlAAA71lxsW2tGDJkiMaNGydJ6tevnzIzM1VdXa3i4mLl5+dLkvLz87V+\n/XrH0FjMAwAwQMdWvW4uO6AtZQcuuH1lZaX27t2riRMnKhwOy+fzSZJ8Pp/C4bDjsSRKAEC3M+W6\nkZpy3cjo/mPLX22z7alTp3THHXdo2bJl6t+/f7PvWZYlq51LUxh6BQB4z4U5Skk6d+6c7rjjDs2b\nN0+zZs2S9Jcqsra2VpJUU1OjxMREx9BcS5QlJSXKyMhQWlqaCgoKWm1z7733Ki0tTVlZWdq7d69b\noQAAjBcX49aSbdtasGCBRo4cqfvuuy/6em5urgoLCyVJhYWF0QTqFFmni0QiWrJkiUpKSnTgwAGt\nXr1aBw8ebNZmw4YN+vOf/6zy8nI9//zzWrx4sRuhAAC6Axcqyrfeeksvv/yyNm3apOzsbGVnZ6uk\npEQPPvigfv/73ys9PV1/+MMf9OCDDzqG5socZVlZmVJTU5WSkiJJysvLU1FRkTIzM6NtvrzqaOLE\niaqvr282wQoAQCz+6q/+Sk1NTa1+r7S09IL7caWirK6uVnJycnTf7/erurq63TZVVVVuhAMAMJ1L\nc5SdwZWKsr0VRF+wbbvd4x796QvRrydPGq8pkybEFhwA4ILsOtOo3WfPddG79bCboiclJSkUCkX3\nQ6GQ/H6/Y5uqqiolJSW16OvhHy10I0QAQDty+vRWTp/e0f3njze492Y97aboOTk5Ki8vV2VlpRob\nG7VmzRrl5uY2a5Obm6tf/vKXkqTt27drwIABzE8CAIzjSkUZHx+v5cuXa8aMGYpEIlqwYIEyMzO1\nYsUKSdKiRYt0yy23aMOGDUpNTVXfvn21atUqN0IBAHQHBj+P0rK/OlFoEMuy1FRb5nUYzgz+4UqS\n7IjXEbTJPvWR1yE4iry6xusQHP1xxSavQ0APM+HIxy3WlnQGy7IUOVwUUx+9RtzqSmwSt7ADAJig\np81RAgBwqaCiBAB47kIvK/QCiRIAYAASJQAAbTN4jpJECQAwgLkVpbkpHAAAA1BRAgC8x2IeAAAc\nMEcJAIATcytKc1O4Cza/vdvrENq0+S1zY5OkzW/v8ToER5t3/MnrEBxtOfyx1yG0adeZRq9DcER8\nF8/k2LqTHpUotxj8n/0Wg5O4ZPa5k6QtO97zOgRHbx4xN1F23fMGLw7xXTyTY2uhpz24GQCADmGO\nEgAAJ+bOURr/mC0AgDncesxWU9XmmPqI80/pmY/ZMjiHAwA6k8GFkdGJEgDQUzBHCQBA2wyuKM1N\n4QAAGKDbJcqSkhJlZGQoLS1NBQUFrba59957lZaWpqysLO3du7fdY+vq6hQIBJSenq7p06ervr4+\n+vrUqVPVv39//eM//qNRsVVWVqpPnz7Kzs5Wdna2fvCDH3gS33//939r1KhR6tWrl/bsaX6t5VNP\nPaW0tDRlZGTojTfe8CS++++/X5mZmcrKytLtt9+uzz77TFLHz58bsT3yyCPy+/3RGDZu3Bj9ngnn\nLi8vLxrb1VdfrezsbElde+7uvvtu+Xw+jRkzpln7tj4XUtedu1AopKlTp2rUqFEaPXq0nnnmmWh7\nU362KSkpGjt2rLKzs3XddddFX+/M89dpDL6OUnY3cv78eXvEiBF2RUWF3djYaGdlZdkHDhxo1ua3\nv/2tffPNN9u2bdvbt2+3J06c2O6x999/v11QUGDbtm0Hg0H7gQcesG3bthsaGuxt27bZzz33nL1k\nyRKjYquoqLBHjx7t+bk7ePCg/cEHH9hTpkyxd+/eHe3rvffes7OysuzGxka7oqLCHjFihB2JRLo8\nvjfeeCPoy7uHAAAI6klEQVT6vg888MBFnT+3YnvkkUfsf//3f2/xfqacuy9bunSp/fjjj3fpubNt\n237zzTftPXv2tHi/tj4XXXnuampq7L1799q2bdsnT56009PT7YMHD9q2bcbP1rZtOyUlxf70009b\n9NtZ56+zSLKbat6JaXMznXWrirKsrEypqalKSUlRQkKC8vLyVFRU1KxNcXGx8vPzJUkTJ05UfX29\namtrHY/98jH5+flav369JOnyyy/Xt7/9bX3ta18zLjZTzl1GRobS09NbvF9RUZHmzJmjhIQEpaSk\nKDU1VWVlZV0eXyAQUFxcXPSYqqoqY86d1PrKblPO3ZdjXLt2rebMmdOxExdjbJL0ne98RwMHDmzR\nb1ufi646d+FwWEOGDNG4ceMkSf369VNmZqaqq6ujx3n5sw2Hw45xdNb561QGV5TdKlFWV1crOTk5\nuu/3+5v9Yjq1+eijj9o8NhwOy+fzSZJ8Pl+zXzLpwq7n9CK2iooKZWdna8qUKdq2bZsn8bXlo48+\nkt/vv+BjuiK+F198Ubfcckt0/0LPn5uxPfvss8rKytKCBQuiw1+mnbutW7fK5/NpxIgR0de64tw5\naetz0VXn7qt/cFVWVmrv3r2aOHFi9DWvf7bSX/7v+u53v6ucnBy98MIL0Taddf46lxXj1lJrQ/dO\nw85t6VaJ8kJvQNDaX1CttWmtP8uyLupGB10d27BhwxQKhbR371797Gc/09y5c3Xy5Mkuie9iOcXg\ndnxPPPGEevfurblz50rq2PlzK7bFixeroqJC+/bt09ChQ7V06dI223p57lavXh09b1LXnLuOfAbb\n+8y6ce6+fNypU6d05513atmyZerXr58kc36227Zt0969e7Vx40b9/Oc/19atW1t9j86IwUTz589X\nSUlJs9eCwaACgYAOHTqkadOmKRgMtttPt0qUSUlJCoVC0f1QKNTsr5/W2lRVVcnv97f6elJSkqS/\n/EX1xVBPTU2NEhMTjY+td+/e0SGp8ePHa8SIESovL++S+Fo7tr33+/K/qavj+8UvfqENGzboV7/6\nVfS1jpw/t2JLTEyM/id1zz33RIe4TDp358+f169//Wvddddd0de64tw5/Xultj8XXXXuvujz3Llz\nuuOOO/R3f/d3mjVrVrSN1z/bL/ocNmyYJGnw4MG67bbbtHPnTkmdd/46lQtDr60N3V/UdJZrs58u\nOHfunD18+HC7oqLC/vzzz9ud2H7nnXeiE9tOx95///12MBi0bdu2n3rqqejE9hdWrVrV7mKero7t\nk08+sc+fP2/btm0fPnzYTkpKso8fP97l8X1hypQp9q5du6L7XywK+Pzzz+0jR47Yw4cPt5uamro8\nvo0bN9ojR460P/nkk2Z9deT8uRXbRx99FD3+Zz/7mT1nzhyjzt0X52/KlCmenLsvtLZ4qK3PRVee\nu6amJnvevHn2fffd16JfE362DQ0N9okTJ2zbtu1Tp07ZkyZNsn/3u9916vnrLJLspvDOmLa20tlX\nf38GDBgQ/bqpqanZfpvxxf5P7FobNmyw09PT7REjRthPPvmkbdu2/dxzz9nPPfdctM0Pf/hDe8SI\nEfbYsWObrcRs7Vjbtu1PP/3UnjZtmp2WlmYHAoFmH/qrrrrKHjRokN2vXz87OTk5uqrN69heffVV\ne9SoUfa4cePs8ePH26+//ron5+61116z/X6/fdlll9k+n8++6aabot974okn7BEjRtjXXHONXVJS\n4kl8qamp9je/+U173Lhx9rhx4+zFixfbtm3b69at69D5cyO2efPm2WPGjLHHjh1r33rrrXZtba1R\n5862bfsf/uEf7BUrVjR7raO/e7HElpeXZw8dOtTu3bu37ff77RdffNG2befPbFedu61bt9qWZdlZ\nWVnR36+NGzfatm3Gz/bw4cN2VlaWnZWVZY8aNeqC/8/raHydQZLd9PGuDm1/+PUK++H7vx/dLiZR\n2rZtDxw4sN34jL4pOgDg0mdZlpo+3hVTH3GJOa3O1VZWVmrmzJn64x//KOkvK/U3b96sIUOGqKam\nRlOnTtX777/v3HdMkQEA0CniYtwuTG5urgoLCyVJhYWFzeaW20JFCQDwlGVZavpkb/sNHcQNzm5R\nUc6ZM0dbtmzRsWPH5PP59Nhjj+nWW2/V7NmzdfToUaWkpGjt2rUaMGCAc3wkSgCAl/6SKPfF1Efc\n4HGuXd7G0CsAAA54zBYAwHsG39iARAkAMIC5iZKhV8BFx48f19y5c1VXV+d1KIDZuCk60DMNHDhQ\nN954o9atW+d1KAAuEokScNnMmTNbPBoJwFd1/tNDOguJEnCZz+dTQ0ODTpw44XUogLkYegV6rrNn\nz6pfv3767W9/63UogMG65s48FxsZAJdEIhE98sgjevzxxy/scT5AT0VFCfRMS5cu1bx585Sdna2j\nR4+qsbHR65AAdBCJEnDJunXrNGHCBI0aNUqS9Dd/8zfasGGDx1EBpjJ3MQ/3egUAeMqyLDUdPxRT\nH3ED01271yt35gEAeM4y+BZ2DL0CAOCAihIAYABzK0oSJQDAewYPvZIoAQAGMDdRMkcJAIADKkoA\ngPcsc+s2EiUAwADmDr2SKAEA3jN4MY+5tS4AAAagogQAGMDcipJECQDwnsFDryRKAIABSJQAALTN\n4IqSxTwAADigogQAGMDcipJECQDwnsF35jE3MgBAD2LFuLWupKREGRkZSktLU0FBwcVFZtu2fVFH\nAgDQCSzLkn3649j6uDxRX01nkUhE11xzjUpLS5WUlKRrr71Wq1evVmZmZof6pqIEAHjPsmLbWlFW\nVqbU1FSlpKQoISFBeXl5Kioq6nBozFECADxn9Rkc0/H9+vVr8Vp1dbWSk5Oj+36/Xzt27Ohw3yRK\nAICn3JoBtDrp2kyGXgEAl6SkpCSFQqHofigUkt/v73A/JEoAwCUpJydH5eXlqqysVGNjo9asWaPc\n3NwO98PQKwDgkhQfH6/ly5drxowZikQiWrBgQYdXvEpcHgIAgCOGXgEAcECiBADAAYkSAAAHJEoA\nAByQKAEAcECiBADAwf8B9anmNc5Ng+YAAAAASUVORK5CYII=\n", "text": [ "" ] } ], "prompt_number": 10 }, { "cell_type": "code", "collapsed": false, "input": [ "print rel_matrix[1000][4,0],rel_matrix[1000][1,2]\n", "print rel_matrix[2000][4,0],rel_matrix[2000][1,2]\n", "print rel_matrix[4000][4,0],rel_matrix[4000][1,2]" ], "language": "python", "metadata": {}, "outputs": [ { "output_type": "stream", "stream": "stdout", "text": [ "6.76246927881 6.76316306788\n", "7.22979233655 7.20946576265\n", "10.6674037814 10.6584174863\n" ] } ], "prompt_number": 11 }, { "cell_type": "code", "collapsed": false, "input": [], "language": "python", "metadata": {}, "outputs": [], "prompt_number": 10 } ], "metadata": {} } ] }