In [1]:
%run ./msgc_experiments_ct_init.ipynb
# the other imports are not necessary


Populating the interactive namespace from numpy and matplotlib

In [2]:
%pylab inline

import sys
import os.path as op
from pathlib import Path
import shutil
# sys.path.insert(0, "/home/mjirik/projects/pyseg_base/")
sys.path.insert(0, op.abspath("../"))

latex_dir = Path("../../papers/cmbbeiv19/tmp/")
dtt.set_output(latex_dir)


# dp_ircad_id = [1, 5, 6, 7, 11, 20]
# dp_keys = ["left_kidney"]

dp_ircad_id_key = [
#     [1, "left_kidney"],
#     [5, "left_kidney"],
#     [6, "left_kidney"],
#     [7, "left_kidney"],
#     [11, "left_kidney"], # asi spatne seedy
#     [20, "left_kidney"], # naposledy padlo
    [1, "right_kidney"], 
    [5, "right_kidney"], # chyba v seedech pro ssgc
    [6, "right_kidney"],
    [7, "right_kidney"], # done
    [11, "right_kidney"],
#     [20, "right_kidney"], # does not work
]

working_voxelsize_mm = None
working_voxelsize_mm = [1.5, 1.5, 1.5]
# working_voxelsize_mm = [1.3, 1.3, 1.3]
# working_voxelsize_mm = [1.7, 1.7, 1.7]
# working_voxelsize_mm = "orig*2"
# working_voxelsize_mm=[2, 2, 2]
# working_voxelsize_mm=[2.2, 2.5, 2.5]

fname = "exp062-multiscale_delme.csv"
fnamenew = "msgc_experiment_ct.csv"

rnd_seed=1

dpi = 400


Populating the interactive namespace from numpy and matplotlib

In [ ]:


In [3]:
# dry_run = True
dry_run = False
force_rewrite = False
# force_rewrite = True

Run experiment


In [4]:
data_seeds_path = Path(io3d.datasets.join_path("medical", "orig", "ircad1b_seeds", get_root=True)) 
d01_pth = data_seeds_path / "ircadb1-01.pklz"

datap = io3d.read(d01_pth)
datap
str(d01_pth)
datap.keys()


Out[4]:
dict_keys(['series_number', 'datadir', 'voxelsize_mm', 'version', 'crinfo', 'segmentation', 'apriori', 'slab', 'orig_shape', 'vessel_tree', 'saved_seeds', 'processing_information', 'experiment_caption', 'lisa_operator_identifier', 'data3d'])

In [5]:
# io3d.write(datap, data_seeds_path / "ircad1b01.hdf5")
# io3d.read(data_seeds_path / "ircad1b01.hdf5")

In [6]:
# datap['saved_seeds']["left_kidney"]

In [7]:
# pth_data3d = Path(io3d.datasets.join_path("medical", "orig", "3Dircadb1.{}", "PATIENT_DICOM", get_root=True)) 
# pth_ground_true = Path(io3d.datasets.join_path("medical", "orig", "3Dircadb1.{}", "MASKS_DICOM", "{}"  get_root=True)) 
# pth_seeds = Path(io3d.datasets.join_path("medical", "orig", "ircad1b_seeds", "ircad1b{:02d}.pklz", get_root=True)) 
# print(pth_data3d)
# print(pth_seeds)

In [8]:
#for par in it:
#    print par
i = 0

In [9]:
if op.exists(fname) and not force_rewrite:
    df = pd.read_csv(fname)#, index_col=0)
else:
    df = pd.DataFrame([])
    
if op.exists(fnamenew) and not force_rewrite:
    dfnew = pd.read_csv(fnamenew)#, index_col=0)
else:
    dfnew = pd.DataFrame([])


i = int(len(dfnew) / 3)
np.random.seed(rnd_seed)

import platform
machine_hostname = platform.node()

# it = itertools.product(dp_ircad_id, dp_keys)
# it = itertools.product(dp_ircad_id_key)
it = dp_ircad_id_key
for data_params in it:
# dp_ircad_id = [1, 10, 11]
# dp_keys = ["left_kidney"]
    

    start = time.time()
    img, true_seg, seeds, voxelsize_mm, orig_vs_mm = prepare_data(data_params[0], data_params[1])
    vxmm = voxelsize_mm
    
    fn_dbg_prefix = "{}_{}".format(data_params[0], data_params[1])
    stats0, seg0 = run_gc_with_defined_setup(
        img, segparams0, seeds, true_seg, vxmm, dry_run=dry_run, fn_debug_prefix=fn_dbg_prefix)
    stats1, seg1 = run_gc_with_defined_setup(
        img, segparams1, seeds, true_seg, vxmm, dry_run=dry_run, fn_debug_prefix=fn_dbg_prefix, true_seg2=seg0)
    stats2, seg2 = run_gc_with_defined_setup(
        img, segparams2, seeds, true_seg, vxmm, dry_run=dry_run, fn_debug_prefix=fn_dbg_prefix, true_seg2=seg0)

    
    data_params_dict = dict(zip(["data id", "data organ key"], data_params))
#     stats = merge_stats(stats0, stats1, stats2, labels)
#     stats = add_data_and_algoritm_info(stats, data_params_dict, segparams0, start, seg, voxelsize_mm)
    
#     dfi = pd.DataFrame(stats, index=[i])
    
#     # display(df)
#     df = df.append(dfi, sort=True)
#     df.to_csv(fname, index=False)
    
    dfinew = add_data_seaborn(stats0, data_params_dict, segparams0, start, i, labels[0], true_seg, voxelsize_mm, orig_vs_mm)
    dfnew = dfnew.append(dfinew, sort=True)
    dfinew = add_data_seaborn(stats1, data_params_dict, segparams1, start, i, labels[1], true_seg, voxelsize_mm, orig_vs_mm)
    dfnew = dfnew.append(dfinew, sort=True)
    dfinew = add_data_seaborn(stats2, data_params_dict, segparams2, start, i, labels[2], true_seg, voxelsize_mm, orig_vs_mm)
    dfnew = dfnew.append(dfinew, sort=True)
    
    dfnew.to_csv(fnamenew, index=False)
    
    i += 1
    

#     plt.figure(figsize=[10,15])
#     sed3.show_slices(img, contour=sg1, seeds=seeds, slice_step=10)
#     plt.figure(figsize=[10,15])
#     sed3.show_slices(img, contour=sg2, seeds=seeds, slice_step=10)


Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
C:\Users\Jirik\data\medical\orig\3Dircadb1.1\PATIENT_DICOM
C:\Users\Jirik\data\medical\orig\3Dircadb1.1\MASKS_DICOM\rightkidney
C:\Users\Jirik\data\medical\orig\ircad1b_seeds\ircadb1-01.pklz
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
segparams:  {'method': 'graphcut', 'pairwise_alpha': 13.333333333333334, 'use_boundary_penalties': True, 'boundary_penalties_sigma': 200, 'boundary_penalties_weight': 1, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'boundary_dilatation_distance': 2, 'block_size': 10, 'tile_zoom_constant': 1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_hi2lo', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_lo2hi', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
C:\Users\Jirik\data\medical\orig\3Dircadb1.5\PATIENT_DICOM
C:\Users\Jirik\data\medical\orig\3Dircadb1.5\MASKS_DICOM\rightkidney
C:\Users\Jirik\data\medical\orig\ircad1b_seeds\ircadb1-05.pklz
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
segparams:  {'method': 'graphcut', 'pairwise_alpha': 13.333333333333334, 'use_boundary_penalties': True, 'boundary_penalties_sigma': 200, 'boundary_penalties_weight': 1, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'boundary_dilatation_distance': 2, 'block_size': 10, 'tile_zoom_constant': 1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
C:\Users\Jirik\Miniconda3\envs\lisa\lib\site-packages\scipy\ndimage\interpolation.py:583: UserWarning: From scipy 0.13.0, the output shape of zoom() is calculated with round() instead of int() - for these inputs the size of the returned array has changed.
  "the returned array has changed.", UserWarning)
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_hi2lo', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_lo2hi', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
C:\Users\Jirik\data\medical\orig\3Dircadb1.6\PATIENT_DICOM
C:\Users\Jirik\data\medical\orig\3Dircadb1.6\MASKS_DICOM\rightkidney
C:\Users\Jirik\data\medical\orig\ircad1b_seeds\ircadb1-06.pklz
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
segparams:  {'method': 'graphcut', 'pairwise_alpha': 13.333333333333334, 'use_boundary_penalties': True, 'boundary_penalties_sigma': 200, 'boundary_penalties_weight': 1, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'boundary_dilatation_distance': 2, 'block_size': 10, 'tile_zoom_constant': 1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_hi2lo', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_lo2hi', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
C:\Users\Jirik\data\medical\orig\3Dircadb1.7\PATIENT_DICOM
C:\Users\Jirik\data\medical\orig\3Dircadb1.7\MASKS_DICOM\rightkidney
C:\Users\Jirik\data\medical\orig\ircad1b_seeds\ircadb1-07.pklz
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
segparams:  {'method': 'graphcut', 'pairwise_alpha': 13.333333333333334, 'use_boundary_penalties': True, 'boundary_penalties_sigma': 200, 'boundary_penalties_weight': 1, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'boundary_dilatation_distance': 2, 'block_size': 10, 'tile_zoom_constant': 1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_hi2lo', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_lo2hi', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
C:\Users\Jirik\data\medical\orig\3Dircadb1.11\PATIENT_DICOM
C:\Users\Jirik\data\medical\orig\3Dircadb1.11\MASKS_DICOM\rightkidney
C:\Users\Jirik\data\medical\orig\ircad1b_seeds\ircadb1-11.pklz
Unable to read dicom file dicomdir.pkl
File is missing DICOM File Meta Information header or the 'DICM' prefix is missing from the header. Use force=True to force reading.
segparams:  {'method': 'graphcut', 'pairwise_alpha': 13.333333333333334, 'use_boundary_penalties': True, 'boundary_penalties_sigma': 200, 'boundary_penalties_weight': 1, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'boundary_dilatation_distance': 2, 'block_size': 10, 'tile_zoom_constant': 1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_hi2lo', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]
segparams:  {'boundary_dilatation_distance': 2, 'block_size': 10, 'use_boundary_penalties': True, 'boundary_penalties_weight': 1, 'tile_zoom_constant': 1, 'method': 'multiscale_graphcut_lo2hi', 'pairwise_alpha': 13.333333333333334, 'boundary_penalties_sigma': 200, 'return_only_object_with_seeds': True, 'use_old_similarity': True, 'use_extra_features_for_training': False, 'use_apriori_if_available': True, 'apriori_gamma': 0.1, 'pairwise_alpha_per_square_unit': 45}
modelparams:  {'type': 'gmmsame', 'params': {'covariance_type': 'full'}, 'fv_type': 'intensity'}
unique true seg: [  0 255], unique sg1: [0 1]

In [10]:
stats0


Out[10]:
{'tlinks shape': [(8532756, 2)],
 'nlinks shape': [(25468380, 3)],
 '_create_nlinks time': 4.851342439651489,
 'gc time': 40.20048213005066,
 'time': 48.61592483520508,
 'error': 4885,
 'data segmentation size px': 37457,
 'data size px': 8532756,
 'volume1_mm3': 126417.375,
 'volume2_mm3': 142789.5,
 'err1_mm3': 57.375,
 'err2_mm3': 16429.5,
 'err1_percent': 0.042625211558954428,
 'err2_percent': 12.205854698175891,
 'vd': 12.950850308353578,
 'voe': 11.541642055522738,
 'avgd': 0.85724955302278727,
 'rmsd': 3.7308913206916716,
 'maxd': 12.278029157808675,
 'dice': 0.061242399548674276,
 'jaccard': 0.88458357944477262}

In [11]:
label = labels[0]
stats = process_gc_stats(stats0, "")
stats = add_data_and_algoritm_info(stats, data_params_dict, segparams0, start, true_seg, voxelsize_mm, orig_vs_mm)
stats["method"] = label

In [12]:
stats


Out[12]:
{'_create_nlinks time': 4.851342439651489,
 'gc time': 40.20048213005066,
 'time': 48.61592483520508,
 'error': 4885,
 'data segmentation size px': 37457,
 'data size px': 8532756,
 'volume1_mm3': 126417.375,
 'volume2_mm3': 142789.5,
 'err1_mm3': 57.375,
 'err2_mm3': 16429.5,
 'err1_percent': 0.042625211558954428,
 'err2_percent': 12.205854698175891,
 'vd': 12.950850308353578,
 'voe': 11.541642055522738,
 'avgd': 0.85724955302278727,
 'rmsd': 3.7308913206916716,
 'maxd': 12.278029157808675,
 'dice': 0.061242399548674276,
 'jaccard': 0.88458357944477262,
 'nlinks number': 25468380,
 'tlinks number': 8532756,
 'edge number': 34001136,
 'data id': 11,
 'data organ key': 'right_kidney',
 'data size 0': 141,
 'data size 1': 246,
 'data size 2': 246,
 'data target size px': 42308,
 'data voxesize mm^3': 3.375,
 'data voxesize mm 0': 1.5,
 'data voxesize mm 1': 1.5,
 'data voxesize mm 2': 1.5,
 'data orig voxesize mm 0': 1.600000023841858,
 'data orig voxesize mm 1': 0.720000028610229,
 'data orig voxesize mm 2': 0.720000028610229,
 'block size': 10,
 'machine hostname': 'genomnote4',
 'experiment iteration start time': 1559480329.1918092,
 'method': 'ssgc '}

In [13]:
data_params


Out[13]:
[11, 'right_kidney']

In [14]:
dfinew = pd.DataFrame(stats, index=[i*3 + 0])

In [15]:
len(dfnew) / 3


Out[15]:
10.0

In [16]:
it = itertools.product(dp_ircad_id_key)
list(it)


Out[16]:
[([1, 'right_kidney'],),
 ([5, 'right_kidney'],),
 ([6, 'right_kidney'],),
 ([7, 'right_kidney'],),
 ([11, 'right_kidney'],)]

In [17]:
np.unique(seeds)


Out[17]:
array([0, 1, 2], dtype=uint8)

In [18]:
i


Out[18]:
10

In [19]:
# export all to latex
dtt.save(dfnew, "raw_table")


Out[19]:
'\\begin{tabular}{rrrrlrrrrrrrrrrrrrrrrrrrrrrrrrrrlrlrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrr}\n\\toprule\n \\_create\\_nlinks time &      avgd &  block size &  data id & data organ key &  data orig voxesize mm 0 &  data orig voxesize mm 1 &  data orig voxesize mm 2 &  data segmentation size px &  data size 0 &  data size 1 &  data size 2 &  data size px &  data target size px &  data voxesize mm 0 &  data voxesize mm 1 &  data voxesize mm 2 &  data voxesize mm\\textasciicircum 3 &      dice &   dice gc &  edge number &  err1\\_mm3 &  err1\\_percent &   err2\\_mm3 &  err2\\_percent &  error &  experiment iteration start time &    gc time &   jaccard &  jaccard gc &  low level image voxels &  low level object voxels & machine hostname &       maxd &       method &  nlinks number &       rmsd &  t graph 01 &  t graph 10 &  t graph 11 &  t graph 13 &  t graph 14 &  t graph high &  t graph low &  t split 01 &  t split 02 &  t split 03 &  t split 04 &  t split 05 &  t split 06 &  t split 07 &  t split 08 &  t split 081 &  t split 082 &  t split 0821 &  t split 09 &  t split 10 &        t1 &        t10 &        t2 &        t3 &      t3.1 &      t3.2 &       t3.3 &         t4 &         t5 &         t6 &         t7 &         t8 &         t9 &        time &  tlinks number &         vd &        voe &     voe gc &  volume1\\_mm3 &  volume2\\_mm3 \\\\\n\\midrule\n            2.698244 &  2.307930 &          10 &        1 &    left\\_kidney &                      1.6 &                    0.570 &                    0.570 &                      29609 &          138 &          195 &          195 &       5247450 &                43413 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.189094 &       NaN &     20897955 &     6.750 &      0.005478 &  46595.250 &     37.813262 &  13808 &                     1.559472e+09 &  24.595996 &  0.681953 &         NaN &                     NaN &                      NaN &       genomnote4 &  13.747727 &        ssgc  &       15650505 &  10.266311 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   29.749289 &        5247450 &  46.620960 &  31.804676 &        NaN &    99930.375 &   146518.875 \\\\\n            1.175025 &  1.854668 &          10 &        1 &    left\\_kidney &                      1.6 &                    0.570 &                    0.570 &                      30919 &          138 &          195 &          195 &       5247450 &                43413 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.168084 &  0.049993 &      3028263 &     0.000 &      0.000000 &  42167.250 &     33.616746 &  12494 &                     1.559472e+09 &   3.133238 &  0.712206 &    0.904774 &                  5600.0 &                     20.0 &       genomnote4 &  12.903488 &  msgc\\_hi2lo  &        2276742 &   7.849113 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.003505 &  24.027027 &  0.155903 &  0.162351 &       NaN &       NaN &        NaN &   1.088386 &   2.307553 &   6.804336 &   9.119133 &  20.867005 &  20.893789 &   24.819139 &         751521 &  40.408810 &  28.779398 &   9.522611 &   104351.625 &   146518.875 \\\\\n            0.002976 &  1.854668 &          10 &        1 &    left\\_kidney &                      1.6 &                    0.570 &                    0.570 &                      30919 &          138 &          195 &          195 &       5247450 &                43413 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.168084 &  0.049993 &      3044650 &     0.000 &      0.000000 &  42167.250 &     33.616746 &  12494 &                     1.559472e+09 &   2.818764 &  0.712206 &    0.904774 &                  5600.0 &                     22.0 &       genomnote4 &  12.903488 &  msgc\\_lo2hi  &        2289195 &   7.849113 &    0.050593 &    0.052577 &    0.054065 &   26.574730 &   26.740391 &     26.437762 &     0.075953 &    0.000496 &    0.015341 &    0.022252 &    0.051051 &    0.054026 &    0.108993 &    0.167053 &    9.667482 &          0.0 &          0.0 &           0.0 &   17.461370 &   25.424738 &  0.030713 &  32.303499 &  0.168642 &  0.171081 &  0.171081 &  0.226632 &  26.914447 &  26.914447 &  29.034354 &  29.437603 &  29.437603 &        NaN &  29.484735 &   32.944820 &         755455 &  40.408810 &  28.779398 &   9.522611 &   104351.625 &   146518.875 \\\\\n            7.767864 &  2.991992 &          10 &        5 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      43498 &          149 &          267 &          267 &      10622061 &                64610 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.195767 &       NaN &     42337389 &    87.750 &      0.048100 &  71340.750 &     39.105339 &  21164 &                     1.559472e+09 &  76.445437 &  0.672566 &         NaN &                     NaN &                      NaN &       genomnote4 &  15.945219 &        ssgc  &       31715328 &  17.703387 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   88.737358 &       10622061 &  48.535565 &  32.743363 &        NaN &   146805.750 &   218058.750 \\\\\n            2.395186 &  2.365609 &          10 &        5 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      45322 &          149 &          267 &          267 &      10622061 &                64610 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.175490 &  0.049403 &      3625628 &     6.750 &      0.003639 &  65103.750 &     35.094422 &  19292 &                     1.559472e+09 &   3.543429 &  0.701418 &    0.905845 &                 10935.0 &                     26.0 &       genomnote4 &  15.945219 &  msgc\\_hi2lo  &        2725151 &  14.004058 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000000 &  46.573639 &  0.292111 &  0.297567 &       NaN &       NaN &        NaN &   2.115412 &   4.594917 &  13.907826 &  16.114039 &  42.984083 &  43.030210 &   47.859365 &         900477 &  42.557698 &  29.858231 &   9.415501 &   152961.750 &   218058.750 \\\\\n            0.004464 &  2.365609 &          10 &        5 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      45322 &          149 &          267 &          267 &      10622061 &                64610 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.175490 &  0.049403 &      3303540 &     6.750 &      0.003639 &  65103.750 &     35.094422 &  19292 &                     1.559472e+09 &   2.480003 &  0.701418 &    0.905845 &                 10935.0 &                     23.0 &       genomnote4 &  15.945219 &  msgc\\_lo2hi  &        2483469 &  14.004058 &    0.036209 &    0.038688 &    0.039185 &   22.692034 &   22.855217 &     22.512997 &     0.131935 &    0.001033 &    0.005995 &    0.008972 &    0.045053 &    0.047529 &    0.095994 &    0.143079 &    8.737543 &          0.0 &          0.0 &           0.0 &   15.207744 &   21.603584 &  0.054573 &  29.844826 &  0.322367 &  0.326335 &  0.326335 &  0.365520 &  23.182048 &  23.182048 &  26.482437 &  27.293401 &  27.293401 &        NaN &  27.364824 &   31.108671 &         820071 &  42.557698 &  29.858231 &   9.415501 &   152961.750 &   218058.750 \\\\\n            5.688588 &  2.328424 &          10 &        6 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      34940 &          145 &          267 &          267 &      10336905 &                51083 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.188147 &       NaN &     41198901 &    70.875 &      0.048824 &  54553.500 &     37.580647 &  16185 &                     1.559472e+09 &  66.998272 &  0.683293 &         NaN &                     NaN &                      NaN &       genomnote4 &  14.849242 &        ssgc  &       30861996 &  10.866419 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   76.799777 &       10336905 &  46.202061 &  31.670711 &        NaN &   117922.500 &   172405.125 \\\\\n            2.247424 &  2.148353 &          10 &        6 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      35797 &          145 &          267 &          267 &      10336905 &                51083 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.186786 &  0.050935 &      2803711 &  1589.625 &      1.084254 &  53179.875 &     36.273020 &  16228 &                     1.559472e+09 &   2.467602 &  0.685223 &    0.903067 &                 10935.0 &                     15.0 &       genomnote4 &  14.150972 &  msgc\\_hi2lo  &        2108208 &   9.601575 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000000 &  39.835305 &  0.271807 &  0.276767 &       NaN &       NaN &        NaN &   2.090146 &   4.410438 &  12.925779 &  14.639501 &  37.323557 &  37.367703 &   41.044385 &         695503 &  42.701902 &  31.477674 &   9.693301 &   120814.875 &   172405.125 \\\\\n            0.004960 &  2.080235 &          10 &        6 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      35521 &          145 &          267 &          267 &      10336905 &                51083 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.179715 &  0.037084 &      3434220 &     3.375 &      0.002309 &  52525.125 &     35.940603 &  15564 &                     1.559472e+09 &   2.147149 &  0.695325 &    0.928483 &                 10935.0 &                     28.0 &       genomnote4 &  14.150972 &  msgc\\_lo2hi  &        2581182 &   9.048897 &    0.041167 &    0.043151 &    0.043648 &   22.105303 &   22.265472 &     21.942726 &     0.113543 &    0.000497 &    0.002978 &    0.004962 &    0.031708 &    0.035184 &    0.085961 &    0.128602 &    8.474447 &          0.0 &          0.0 &           0.0 &   14.804888 &   21.041697 &  0.057049 &  28.461488 &  0.324359 &  0.328865 &  0.328865 &  0.372965 &  22.595287 &  22.595287 &  25.714675 &  26.269165 &  26.269165 &        NaN &  26.314338 &   29.693601 &         853038 &  43.810704 &  30.467465 &   7.151654 &   119883.375 &   172405.125 \\\\\n            6.541257 &  1.265068 &          10 &        7 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      36568 &          162 &          267 &          267 &      11548818 &                44346 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.101812 &       NaN &     46037475 &   776.250 &      0.568505 &  27027.000 &     19.793855 &   8238 &                     1.559472e+09 &  88.094727 &  0.815192 &         NaN &                     NaN &                      NaN &       genomnote4 &  13.500000 &        ssgc  &       34488657 &   5.571671 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &  100.232490 &       11548818 &  21.269963 &  18.480797 &        NaN &   123417.000 &   149667.750 \\\\\n            2.821748 &  1.067025 &          10 &        7 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      36921 &          162 &          267 &          267 &      11548818 &                44346 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.095475 &  0.018765 &      3516881 &   563.625 &      0.410991 &  25623.000 &     18.684091 &   7759 &                     1.559472e+09 &   3.393141 &  0.825691 &    0.963162 &                 12393.0 &                     30.0 &       genomnote4 &  13.500000 &  msgc\\_hi2lo  &        2642738 &   4.551632 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000496 &  48.637643 &  0.341830 &  0.346294 &       NaN &       NaN &        NaN &   2.509353 &   5.415919 &  15.869628 &  18.093199 &  45.195398 &  45.244502 &   50.101531 &         874143 &  20.110506 &  17.430863 &   3.683817 &   124608.375 &   149667.750 \\\\\n            0.004464 &  1.067025 &          10 &        7 &    left\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      36921 &          162 &          267 &          267 &      11548818 &                44346 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.095475 &  0.018765 &      3079521 &   563.625 &      0.410991 &  25623.000 &     18.684091 &   7759 &                     1.559472e+09 &   2.023156 &  0.825691 &    0.963162 &                 12393.0 &                     23.0 &       genomnote4 &  13.500000 &  msgc\\_lo2hi  &        2315475 &   4.551632 &    0.035216 &    0.037200 &    0.037696 &   20.085551 &   20.253198 &     19.899964 &     0.141370 &    0.000499 &    0.003420 &    0.006396 &    0.033201 &    0.034685 &    0.082104 &    0.127890 &    7.599319 &          0.0 &          0.0 &           0.0 &   13.413309 &   19.069011 &  0.071922 &  27.931289 &  0.381424 &  0.385392 &  0.385392 &  0.423584 &  20.639582 &  20.639582 &  25.057461 &  25.861524 &  25.861524 &        NaN &  25.908133 &   29.516011 &         764046 &  20.110506 &  17.430863 &   3.683817 &   124608.375 &   149667.750 \\\\\n            4.539396 &  1.309515 &          10 &       11 &    left\\_kidney &                      1.6 &                    0.720 &                    0.720 &                      35999 &          141 &          246 &          246 &       8532756 &                41827 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.074936 &       NaN &     34001136 &     6.750 &      0.005140 &  19676.250 &     14.982140 &   5832 &                     1.559472e+09 &  55.125268 &  0.860575 &         NaN &                     NaN &                      NaN &       genomnote4 &  12.278029 &        ssgc  &       25468380 &   5.685151 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   63.353954 &        8532756 &  16.189339 &  13.942480 &        NaN &   121496.625 &   141166.125 \\\\\n            2.297475 &  0.831098 &          10 &       11 &    left\\_kidney &                      1.6 &                    0.720 &                    0.720 &                      36446 &          141 &          246 &          246 &       8532756 &                41827 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.068747 &  0.018814 &      3139878 &     0.000 &      0.000000 &  18160.875 &     13.749313 &   5381 &                     1.559472e+09 &   4.736311 &  0.871351 &    0.963066 &                  9375.0 &                     31.0 &       genomnote4 &  12.278029 &  msgc\\_hi2lo  &        2359381 &   2.761898 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000496 &  42.193967 &  0.273791 &  0.278255 &       NaN &       NaN &        NaN &   2.210219 &   4.594991 &  12.432794 &  14.799351 &  37.410041 &  37.457656 &   43.754883 &         780497 &  14.764309 &  12.864896 &   3.693367 &   123005.250 &   141166.125 \\\\\n            0.003968 &  0.831098 &          10 &       11 &    left\\_kidney &                      1.6 &                    0.720 &                    0.720 &                      36446 &          141 &          246 &          246 &       8532756 &                41827 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.068747 &  0.018814 &      2704543 &     0.000 &      0.000000 &  18160.875 &     13.749313 &   5381 &                     1.559472e+09 &   1.656101 &  0.871351 &    0.963066 &                  9375.0 &                     18.0 &       genomnote4 &  12.278029 &  msgc\\_lo2hi  &        2032447 &   2.761898 &    0.031248 &    0.032737 &    0.033232 &   14.356787 &   14.488183 &     14.222773 &     0.098302 &    0.000000 &    0.003479 &    0.007394 &    0.032570 &    0.034060 &    0.069767 &    0.104836 &    5.530194 &          0.0 &          0.0 &           0.0 &    9.644727 &   13.648823 &  0.052078 &  19.972957 &  0.304047 &  0.307518 &  0.307518 &  0.354144 &  14.809590 &  14.809590 &  17.804440 &  18.282587 &  18.282587 &        NaN &  18.316856 &   21.022991 &         672096 &  14.764309 &  12.864896 &   3.693367 &   123005.250 &   141166.125 \\\\\n            2.849182 &  1.992085 &          10 &        1 &   right\\_kidney &                      1.6 &                    0.570 &                    0.570 &                      24903 &          138 &          195 &          195 &       5247450 &                33524 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.148099 &       NaN &     20897955 &    54.000 &      0.054769 &  29149.875 &     29.565098 &   8653 &                     1.559480e+09 &  20.172845 &  0.742010 &         NaN &                     NaN &                      NaN &       genomnote4 &  15.000000 &        ssgc  &       15650505 &   9.970021 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   25.579485 &        5247450 &  34.618319 &  25.799046 &        NaN &    84047.625 &   113143.500 \\\\\n            1.098147 &  1.626563 &          10 &        1 &   right\\_kidney &                      1.6 &                    0.570 &                    0.570 &                      25525 &          138 &          195 &          195 &       5247450 &                33524 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.135836 &  0.036845 &      2514456 &    37.125 &      0.037257 &  27033.750 &     27.130011 &   8021 &                     1.559480e+09 &   2.128834 &  0.760817 &    0.928929 &                  5600.0 &                     20.0 &       genomnote4 &  15.000000 &  msgc\\_hi2lo  &        1889219 &   7.714900 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000000 &  21.273060 &  0.143840 &  0.146816 &       NaN &       NaN &        NaN &   1.017793 &   2.152148 &   6.137018 &   7.697938 &  19.120913 &  19.144226 &   21.865783 &         625237 &  31.337904 &  23.918294 &   7.107065 &    86146.875 &   113143.500 \\\\\n            0.002480 &  1.626563 &          10 &        1 &   right\\_kidney &                      1.6 &                    0.570 &                    0.570 &                      25525 &          138 &          195 &          195 &       5247450 &                33524 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.135836 &  0.036845 &      2255332 &    37.125 &      0.037257 &  27033.750 &     27.130011 &   8021 &                     1.559480e+09 &   1.598118 &  0.760817 &    0.928929 &                  5600.0 &                     14.0 &       genomnote4 &  15.000000 &  msgc\\_lo2hi  &        1694682 &   7.714900 &    0.030255 &    0.031743 &    0.031743 &    9.174029 &    9.272734 &      9.081648 &     0.058135 &    0.000000 &    0.002483 &    0.004011 &    0.022237 &    0.023229 &    0.050925 &    0.080153 &    3.565725 &          0.0 &          0.0 &           0.0 &    6.147246 &    8.713721 &  0.027775 &  13.029486 &  0.165664 &  0.167648 &  0.167648 &  0.200383 &   9.441375 &   9.441375 &  11.085120 &  11.400114 &  11.400114 &        NaN &  11.431368 &   13.644483 &         560650 &  31.337904 &  23.918294 &   7.107065 &    86146.875 &   113143.500 \\\\\n            6.804137 &  3.052975 &          10 &        5 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      48117 &          149 &          267 &          267 &      10622061 &                69954 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.187455 &       NaN &     42337389 &   499.500 &      0.250697 &  74199.375 &     37.240305 &  22133 &                     1.559480e+09 &  71.729222 &  0.684274 &         NaN &                     NaN &                      NaN &       genomnote4 &  15.000000 &        ssgc  &       31715328 &  18.735374 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   82.821459 &       10622061 &  45.383129 &  31.572566 &        NaN &   162394.875 &   236094.750 \\\\\n            2.452227 &  2.369620 &          10 &        5 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      50456 &          149 &          267 &          267 &      10622061 &                69954 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.162279 &  0.057815 &      3521882 &    70.875 &      0.034881 &  65876.625 &     32.420895 &  19540 &                     1.559480e+09 &   3.941221 &  0.720757 &    0.890690 &                 10935.0 &                     24.0 &       genomnote4 &  15.000000 &  msgc\\_hi2lo  &        2647492 &  14.846157 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000000 &  46.617673 &  0.304543 &  0.309503 &       NaN &       NaN &        NaN &   2.277635 &   4.807762 &  14.190581 &  16.703319 &  42.626356 &  42.676451 &   47.988945 &         874390 &  38.643571 &  27.924259 &  10.931027 &   170289.000 &   236094.750 \\\\\n            0.003968 &  2.369620 &          10 &        5 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      50456 &          149 &          267 &          267 &      10622061 &                69954 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.162279 &  0.057815 &      3401262 &    70.875 &      0.034881 &  65876.625 &     32.420895 &  19540 &                     1.559480e+09 &   2.383239 &  0.720757 &    0.890690 &                 10935.0 &                     31.0 &       genomnote4 &  15.000000 &  msgc\\_lo2hi  &        2556216 &  14.846157 &    0.040175 &    0.042203 &    0.043153 &   24.129979 &   24.339252 &     23.954284 &     0.126118 &    0.000000 &    0.001447 &    0.003473 &    0.039126 &    0.042541 &    0.089703 &    0.125025 &    9.266011 &          0.0 &          0.0 &           0.0 &   16.219834 &   22.966076 &  0.063488 &  31.159757 &  0.348236 &  0.351665 &  0.351665 &  0.394320 &  24.691908 &  24.691908 &  28.197186 &  28.731337 &  28.731337 &        NaN &  28.776518 &   32.688470 &         845046 &  38.643571 &  27.924259 &  10.931027 &   170289.000 &   236094.750 \\\\\n            6.060138 &  2.446417 &          10 &        6 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      31646 &          145 &          267 &          267 &      10336905 &                46760 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.192766 &       NaN &     41198901 &     0.000 &      0.000000 &  51009.750 &     38.553172 &  15114 &                     1.559480e+09 &  73.832888 &  0.676775 &         NaN &                     NaN &                      NaN &       genomnote4 &  14.773287 &        ssgc  &       30861996 &  11.254975 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   84.411182 &       10336905 &  47.759590 &  32.322498 &        NaN &   106805.250 &   157815.000 \\\\\n            2.383812 &  2.139725 &          10 &        6 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      32170 &          145 &          267 &          267 &      10336905 &                46760 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.184847 &  0.030400 &      3064567 &     0.000 &      0.000000 &  49241.250 &     36.969467 &  14590 &                     1.559480e+09 &   2.728405 &  0.687981 &    0.940994 &                 10935.0 &                     19.0 &       genomnote4 &  14.150972 &  msgc\\_hi2lo  &        2303546 &   8.961252 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000000 &  46.570411 &  0.280871 &  0.285335 &       NaN &       NaN &        NaN &   2.062507 &   4.535566 &  15.063676 &  17.825410 &  43.801829 &  43.842006 &   47.791149 &         761021 &  45.352813 &  31.201882 &   5.900602 &   108573.750 &   157815.000 \\\\\n            0.004465 &  2.138589 &          10 &        6 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      32184 &          145 &          267 &          267 &      10336905 &                46760 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.184637 &  0.030111 &      2649519 &     0.000 &      0.000000 &  49194.000 &     36.927442 &  14576 &                     1.559480e+09 &   2.029677 &  0.688281 &    0.941538 &                 10935.0 &                     20.0 &       genomnote4 &  14.150972 &  msgc\\_lo2hi  &        1992285 &   8.960200 &    0.033231 &    0.035215 &    0.036260 &   14.143459 &   14.310613 &     13.968252 &     0.135427 &    0.000000 &    0.002977 &    0.006443 &    0.034920 &    0.036369 &    0.073954 &    0.100837 &    5.467731 &          0.0 &          0.0 &           0.0 &    9.502322 &   13.389724 &  0.055055 &  21.749179 &  0.335331 &  0.338769 &  0.338769 &  0.374976 &  14.650871 &  14.650871 &  18.750812 &  19.661964 &  19.661964 &        NaN &  19.719502 &   22.993105 &         657234 &  45.289585 &  31.171942 &   5.846210 &   108621.000 &   157815.000 \\\\\n           10.614416 &  1.798901 &          10 &        7 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      30474 &          162 &          267 &          267 &      11548818 &                41246 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.150976 &       NaN &     46037475 &    94.500 &      0.078081 &  36450.000 &     30.117122 &  10828 &                     1.559480e+09 &  77.457499 &  0.737656 &         NaN &                     NaN &                      NaN &       genomnote4 &  10.173495 &        ssgc  &       34488657 &   6.324122 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   93.810166 &       11548818 &  35.348166 &  26.234433 &        NaN &   102849.750 &   139205.250 \\\\\n            2.539975 &  1.413643 &          10 &        7 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      31431 &          162 &          267 &          267 &      11548818 &                41246 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.135655 &  0.037331 &      3215506 &    74.250 &      0.060542 &  33199.875 &     27.070462 &   9859 &                     1.559480e+09 &   2.809083 &  0.761098 &    0.928024 &                 12393.0 &                     30.0 &       genomnote4 &  10.173495 &  msgc\\_hi2lo  &        2415731 &   4.090550 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000000 &  45.747154 &  0.310721 &  0.314689 &       NaN &       NaN &        NaN &   2.301218 &   4.930520 &  14.766167 &  16.802119 &  42.889959 &  42.938071 &   47.059192 &         799775 &  31.227132 &  23.890181 &   7.197583 &   106079.625 &   139205.250 \\\\\n            0.004464 &  1.413643 &          10 &        7 &   right\\_kidney &                      1.6 &                    0.782 &                    0.782 &                      31431 &          162 &          267 &          267 &      11548818 &                41246 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.135655 &  0.037331 &      3080583 &    74.250 &      0.060542 &  33199.875 &     27.070462 &   9859 &                     1.559480e+09 &   1.907481 &  0.761098 &    0.928024 &                 12393.0 &                     23.0 &       genomnote4 &  10.173495 &  msgc\\_lo2hi  &        2314539 &   4.090550 &    0.034720 &    0.036704 &    0.037696 &   17.109243 &   17.276893 &     16.939603 &     0.127979 &    0.000000 &    0.005391 &    0.006878 &    0.024700 &    0.026701 &    0.054682 &    0.091989 &    6.573624 &          0.0 &          0.0 &           0.0 &   11.482183 &   16.225015 &  0.071424 &  24.317485 &  0.371008 &  0.374976 &  0.374976 &  0.412673 &  17.652861 &  17.652861 &  21.730979 &  22.365859 &  22.365859 &        NaN &  22.410003 &   25.647313 &         766044 &  31.227132 &  23.890181 &   7.197583 &   106079.625 &   139205.250 \\\\\n            4.851342 &  0.857250 &          10 &       11 &   right\\_kidney &                      1.6 &                    0.720 &                    0.720 &                      37457 &          141 &          246 &          246 &       8532756 &                42308 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.061242 &       NaN &     34001136 &    57.375 &      0.042625 &  16429.500 &     12.205855 &   4885 &                     1.559480e+09 &  40.200482 &  0.884584 &         NaN &                     NaN &                      NaN &       genomnote4 &  12.278029 &        ssgc  &       25468380 &   3.730891 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &       NaN &        NaN &       NaN &       NaN &       NaN &       NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &        NaN &   48.615925 &        8532756 &  12.950850 &  11.541642 &        NaN &   126417.375 &   142789.500 \\\\\n            1.815412 &  0.790575 &          10 &       11 &   right\\_kidney &                      1.6 &                    0.720 &                    0.720 &                      37512 &          141 &          246 &          246 &       8532756 &                42308 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.060361 &  0.008470 &      3136913 &    37.125 &      0.027562 &  16223.625 &     12.044600 &   4818 &                     1.559480e+09 &   2.652612 &  0.886150 &    0.983202 &                  9375.0 &                     37.0 &       genomnote4 &  12.278029 &  msgc\\_hi2lo  &        2356817 &   3.355629 &         NaN &         NaN &         NaN &         NaN &         NaN &           NaN &          NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &         NaN &          NaN &          NaN &           NaN &         NaN &         NaN &  0.000000 &  33.525193 &  0.223705 &  0.227177 &       NaN &       NaN &        NaN &   1.769244 &   3.644624 &  10.467609 &  12.351917 &  30.825463 &  30.872581 &   34.565759 &         780096 &  12.785242 &  11.384957 &   1.679805 &   126603.000 &   142789.500 \\\\\n            0.004465 &  0.790575 &          10 &       11 &   right\\_kidney &                      1.6 &                    0.720 &                    0.720 &                      37512 &          141 &          246 &          246 &       8532756 &                42308 &                 1.5 &                 1.5 &                 1.5 &               3.375 &  0.060361 &  0.008470 &      3319297 &    37.125 &      0.027562 &  16223.625 &     12.044600 &   4818 &                     1.559480e+09 &   2.042529 &  0.886150 &    0.983202 &                  9375.0 &                     34.0 &       genomnote4 &  12.278029 &  msgc\\_lo2hi  &        2494354 &   3.355629 &    0.036208 &    0.038194 &    0.038691 &   21.002655 &   21.148975 &     20.869690 &     0.089315 &    0.000498 &    0.004525 &    0.009027 &    0.032835 &    0.034273 &    0.082035 &    0.122560 &    8.095086 &          0.0 &          0.0 &           0.0 &   14.082511 &   20.001308 &  0.047119 &  26.564424 &  0.274784 &  0.277760 &  0.277760 &  0.316946 &  21.427726 &  21.427726 &  24.051074 &  24.479237 &  24.479237 &        NaN &  24.521401 &   27.553457 &         824943 &  12.785242 &  11.384957 &   1.679805 &   126603.000 &   142789.500 \\\\\n\\bottomrule\n\\end{tabular}\n'

In [20]:
stats0


Out[20]:
{'tlinks shape': [(8532756, 2)],
 'nlinks shape': [(25468380, 3)],
 '_create_nlinks time': 4.851342439651489,
 'gc time': 40.20048213005066,
 'time': 48.61592483520508,
 'error': 4885,
 'data segmentation size px': 37457,
 'data size px': 8532756,
 'volume1_mm3': 126417.375,
 'volume2_mm3': 142789.5,
 'err1_mm3': 57.375,
 'err2_mm3': 16429.5,
 'err1_percent': 0.042625211558954428,
 'err2_percent': 12.205854698175891,
 'vd': 12.950850308353578,
 'voe': 11.541642055522738,
 'avgd': 0.85724955302278727,
 'rmsd': 3.7308913206916716,
 'maxd': 12.278029157808675,
 'dice': 0.061242399548674276,
 'jaccard': 0.88458357944477262}

In [21]:
# gc

Data processing graphs, statistics


In [22]:
df = pd.read_csv(fnamenew)
df.rename(columns={"msgc time": "MSGC time"})
# dfs = df[(df["data seedsz"]==3) & (df["data offset"] == 3) & (df["data radius"] == 10)]
# dfs_plus = dfs[dfs['data size'] > 160]
dfs = df

import seaborn as sns
sns.set_context("paper")
sns.set_style("white")

In [23]:
dfs.keys()


Out[23]:
Index(['_create_nlinks time', 'avgd', 'block size', 'data id',
       'data organ key', 'data orig voxesize mm 0', 'data orig voxesize mm 1',
       'data orig voxesize mm 2', 'data segmentation size px', 'data size 0',
       'data size 1', 'data size 2', 'data size px', 'data target size px',
       'data voxesize mm 0', 'data voxesize mm 1', 'data voxesize mm 2',
       'data voxesize mm^3', 'dice', 'dice gc', 'edge number', 'err1_mm3',
       'err1_percent', 'err2_mm3', 'err2_percent', 'error',
       'experiment iteration start time', 'gc time', 'jaccard', 'jaccard gc',
       'low level image voxels', 'low level object voxels', 'machine hostname',
       'maxd', 'method', 'nlinks number', 'rmsd', 't graph 01', 't graph 10',
       't graph 11', 't graph 13', 't graph 14', 't graph high', 't graph low',
       't split 01', 't split 02', 't split 03', 't split 04', 't split 05',
       't split 06', 't split 07', 't split 08', 't split 081', 't split 082',
       't split 0821', 't split 09', 't split 10', 't1', 't10', 't2', 't3',
       't3.1', 't3.2', 't3.3', 't4', 't5', 't6', 't7', 't8', 't9', 'time',
       'tlinks number', 'vd', 'voe', 'voe gc', 'volume1_mm3', 'volume2_mm3'],
      dtype='object')

In [24]:
# pd.set_option('display.height', 1000)
# pd.set_option('display.max_rows', 500)
pd.set_option('display.max_columns', 500)
# pd.set_option('display.width', 1000)

dfs


Out[24]:
_create_nlinks time avgd block size data id data organ key data orig voxesize mm 0 data orig voxesize mm 1 data orig voxesize mm 2 data segmentation size px data size 0 data size 1 data size 2 data size px data target size px data voxesize mm 0 data voxesize mm 1 data voxesize mm 2 data voxesize mm^3 dice dice gc edge number err1_mm3 err1_percent err2_mm3 err2_percent error experiment iteration start time gc time jaccard jaccard gc low level image voxels low level object voxels machine hostname maxd method nlinks number rmsd t graph 01 t graph 10 t graph 11 t graph 13 t graph 14 t graph high t graph low t split 01 t split 02 t split 03 t split 04 t split 05 t split 06 t split 07 t split 08 t split 081 t split 082 t split 0821 t split 09 t split 10 t1 t10 t2 t3 t3.1 t3.2 t3.3 t4 t5 t6 t7 t8 t9 time tlinks number vd voe voe gc volume1_mm3 volume2_mm3
0 2.698244 2.307930 10 1 left_kidney 1.6 0.570 0.570 29609 138 195 195 5247450 43413 1.5 1.5 1.5 3.375 0.189094 NaN 20897955 6.750 0.005478 46595.250 37.813262 13808 1.559472e+09 24.595996 0.681953 NaN NaN NaN genomnote4 13.747727 ssgc 15650505 10.266311 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 29.749289 5247450 46.620960 31.804676 NaN 99930.375 146518.875
1 1.175025 1.854668 10 1 left_kidney 1.6 0.570 0.570 30919 138 195 195 5247450 43413 1.5 1.5 1.5 3.375 0.168084 0.049993 3028263 0.000 0.000000 42167.250 33.616746 12494 1.559472e+09 3.133238 0.712206 0.904774 5600.0 20.0 genomnote4 12.903488 msgc_hi2lo 2276742 7.849113 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.003505 24.027027 0.155903 0.162351 NaN NaN NaN 1.088386 2.307553 6.804336 9.119133 20.867005 20.893789 24.819139 751521 40.408810 28.779398 9.522611 104351.625 146518.875
2 0.002976 1.854668 10 1 left_kidney 1.6 0.570 0.570 30919 138 195 195 5247450 43413 1.5 1.5 1.5 3.375 0.168084 0.049993 3044650 0.000 0.000000 42167.250 33.616746 12494 1.559472e+09 2.818764 0.712206 0.904774 5600.0 22.0 genomnote4 12.903488 msgc_lo2hi 2289195 7.849113 0.050593 0.052577 0.054065 26.574730 26.740391 26.437762 0.075953 0.000496 0.015341 0.022252 0.051051 0.054026 0.108993 0.167053 9.667482 0.0 0.0 0.0 17.461370 25.424738 0.030713 32.303499 0.168642 0.171081 0.171081 0.226632 26.914447 26.914447 29.034354 29.437603 29.437603 NaN 29.484735 32.944820 755455 40.408810 28.779398 9.522611 104351.625 146518.875
3 7.767864 2.991992 10 5 left_kidney 1.6 0.782 0.782 43498 149 267 267 10622061 64610 1.5 1.5 1.5 3.375 0.195767 NaN 42337389 87.750 0.048100 71340.750 39.105339 21164 1.559472e+09 76.445437 0.672566 NaN NaN NaN genomnote4 15.945219 ssgc 31715328 17.703387 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 88.737358 10622061 48.535565 32.743363 NaN 146805.750 218058.750
4 2.395186 2.365609 10 5 left_kidney 1.6 0.782 0.782 45322 149 267 267 10622061 64610 1.5 1.5 1.5 3.375 0.175490 0.049403 3625628 6.750 0.003639 65103.750 35.094422 19292 1.559472e+09 3.543429 0.701418 0.905845 10935.0 26.0 genomnote4 15.945219 msgc_hi2lo 2725151 14.004058 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000000 46.573639 0.292111 0.297567 NaN NaN NaN 2.115412 4.594917 13.907826 16.114039 42.984083 43.030210 47.859365 900477 42.557698 29.858231 9.415501 152961.750 218058.750
5 0.004464 2.365609 10 5 left_kidney 1.6 0.782 0.782 45322 149 267 267 10622061 64610 1.5 1.5 1.5 3.375 0.175490 0.049403 3303540 6.750 0.003639 65103.750 35.094422 19292 1.559472e+09 2.480003 0.701418 0.905845 10935.0 23.0 genomnote4 15.945219 msgc_lo2hi 2483469 14.004058 0.036209 0.038688 0.039185 22.692034 22.855217 22.512997 0.131935 0.001033 0.005995 0.008972 0.045053 0.047529 0.095994 0.143079 8.737543 0.0 0.0 0.0 15.207744 21.603584 0.054573 29.844826 0.322367 0.326335 0.326335 0.365520 23.182048 23.182048 26.482437 27.293401 27.293401 NaN 27.364824 31.108671 820071 42.557698 29.858231 9.415501 152961.750 218058.750
6 5.688588 2.328424 10 6 left_kidney 1.6 0.782 0.782 34940 145 267 267 10336905 51083 1.5 1.5 1.5 3.375 0.188147 NaN 41198901 70.875 0.048824 54553.500 37.580647 16185 1.559472e+09 66.998272 0.683293 NaN NaN NaN genomnote4 14.849242 ssgc 30861996 10.866419 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 76.799777 10336905 46.202061 31.670711 NaN 117922.500 172405.125
7 2.247424 2.148353 10 6 left_kidney 1.6 0.782 0.782 35797 145 267 267 10336905 51083 1.5 1.5 1.5 3.375 0.186786 0.050935 2803711 1589.625 1.084254 53179.875 36.273020 16228 1.559472e+09 2.467602 0.685223 0.903067 10935.0 15.0 genomnote4 14.150972 msgc_hi2lo 2108208 9.601575 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000000 39.835305 0.271807 0.276767 NaN NaN NaN 2.090146 4.410438 12.925779 14.639501 37.323557 37.367703 41.044385 695503 42.701902 31.477674 9.693301 120814.875 172405.125
8 0.004960 2.080235 10 6 left_kidney 1.6 0.782 0.782 35521 145 267 267 10336905 51083 1.5 1.5 1.5 3.375 0.179715 0.037084 3434220 3.375 0.002309 52525.125 35.940603 15564 1.559472e+09 2.147149 0.695325 0.928483 10935.0 28.0 genomnote4 14.150972 msgc_lo2hi 2581182 9.048897 0.041167 0.043151 0.043648 22.105303 22.265472 21.942726 0.113543 0.000497 0.002978 0.004962 0.031708 0.035184 0.085961 0.128602 8.474447 0.0 0.0 0.0 14.804888 21.041697 0.057049 28.461488 0.324359 0.328865 0.328865 0.372965 22.595287 22.595287 25.714675 26.269165 26.269165 NaN 26.314338 29.693601 853038 43.810704 30.467465 7.151654 119883.375 172405.125
9 6.541257 1.265068 10 7 left_kidney 1.6 0.782 0.782 36568 162 267 267 11548818 44346 1.5 1.5 1.5 3.375 0.101812 NaN 46037475 776.250 0.568505 27027.000 19.793855 8238 1.559472e+09 88.094727 0.815192 NaN NaN NaN genomnote4 13.500000 ssgc 34488657 5.571671 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 100.232490 11548818 21.269963 18.480797 NaN 123417.000 149667.750
10 2.821748 1.067025 10 7 left_kidney 1.6 0.782 0.782 36921 162 267 267 11548818 44346 1.5 1.5 1.5 3.375 0.095475 0.018765 3516881 563.625 0.410991 25623.000 18.684091 7759 1.559472e+09 3.393141 0.825691 0.963162 12393.0 30.0 genomnote4 13.500000 msgc_hi2lo 2642738 4.551632 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000496 48.637643 0.341830 0.346294 NaN NaN NaN 2.509353 5.415919 15.869628 18.093199 45.195398 45.244502 50.101531 874143 20.110506 17.430863 3.683817 124608.375 149667.750
11 0.004464 1.067025 10 7 left_kidney 1.6 0.782 0.782 36921 162 267 267 11548818 44346 1.5 1.5 1.5 3.375 0.095475 0.018765 3079521 563.625 0.410991 25623.000 18.684091 7759 1.559472e+09 2.023156 0.825691 0.963162 12393.0 23.0 genomnote4 13.500000 msgc_lo2hi 2315475 4.551632 0.035216 0.037200 0.037696 20.085551 20.253198 19.899964 0.141370 0.000499 0.003420 0.006396 0.033201 0.034685 0.082104 0.127890 7.599319 0.0 0.0 0.0 13.413309 19.069011 0.071922 27.931289 0.381424 0.385392 0.385392 0.423584 20.639582 20.639582 25.057461 25.861524 25.861524 NaN 25.908133 29.516011 764046 20.110506 17.430863 3.683817 124608.375 149667.750
12 4.539396 1.309515 10 11 left_kidney 1.6 0.720 0.720 35999 141 246 246 8532756 41827 1.5 1.5 1.5 3.375 0.074936 NaN 34001136 6.750 0.005140 19676.250 14.982140 5832 1.559472e+09 55.125268 0.860575 NaN NaN NaN genomnote4 12.278029 ssgc 25468380 5.685151 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 63.353954 8532756 16.189339 13.942480 NaN 121496.625 141166.125
13 2.297475 0.831098 10 11 left_kidney 1.6 0.720 0.720 36446 141 246 246 8532756 41827 1.5 1.5 1.5 3.375 0.068747 0.018814 3139878 0.000 0.000000 18160.875 13.749313 5381 1.559472e+09 4.736311 0.871351 0.963066 9375.0 31.0 genomnote4 12.278029 msgc_hi2lo 2359381 2.761898 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000496 42.193967 0.273791 0.278255 NaN NaN NaN 2.210219 4.594991 12.432794 14.799351 37.410041 37.457656 43.754883 780497 14.764309 12.864896 3.693367 123005.250 141166.125
14 0.003968 0.831098 10 11 left_kidney 1.6 0.720 0.720 36446 141 246 246 8532756 41827 1.5 1.5 1.5 3.375 0.068747 0.018814 2704543 0.000 0.000000 18160.875 13.749313 5381 1.559472e+09 1.656101 0.871351 0.963066 9375.0 18.0 genomnote4 12.278029 msgc_lo2hi 2032447 2.761898 0.031248 0.032737 0.033232 14.356787 14.488183 14.222773 0.098302 0.000000 0.003479 0.007394 0.032570 0.034060 0.069767 0.104836 5.530194 0.0 0.0 0.0 9.644727 13.648823 0.052078 19.972957 0.304047 0.307518 0.307518 0.354144 14.809590 14.809590 17.804440 18.282587 18.282587 NaN 18.316856 21.022991 672096 14.764309 12.864896 3.693367 123005.250 141166.125
15 2.849182 1.992085 10 1 right_kidney 1.6 0.570 0.570 24903 138 195 195 5247450 33524 1.5 1.5 1.5 3.375 0.148099 NaN 20897955 54.000 0.054769 29149.875 29.565098 8653 1.559480e+09 20.172845 0.742010 NaN NaN NaN genomnote4 15.000000 ssgc 15650505 9.970021 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 25.579485 5247450 34.618319 25.799046 NaN 84047.625 113143.500
16 1.098147 1.626563 10 1 right_kidney 1.6 0.570 0.570 25525 138 195 195 5247450 33524 1.5 1.5 1.5 3.375 0.135836 0.036845 2514456 37.125 0.037257 27033.750 27.130011 8021 1.559480e+09 2.128834 0.760817 0.928929 5600.0 20.0 genomnote4 15.000000 msgc_hi2lo 1889219 7.714900 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000000 21.273060 0.143840 0.146816 NaN NaN NaN 1.017793 2.152148 6.137018 7.697938 19.120913 19.144226 21.865783 625237 31.337904 23.918294 7.107065 86146.875 113143.500
17 0.002480 1.626563 10 1 right_kidney 1.6 0.570 0.570 25525 138 195 195 5247450 33524 1.5 1.5 1.5 3.375 0.135836 0.036845 2255332 37.125 0.037257 27033.750 27.130011 8021 1.559480e+09 1.598118 0.760817 0.928929 5600.0 14.0 genomnote4 15.000000 msgc_lo2hi 1694682 7.714900 0.030255 0.031743 0.031743 9.174029 9.272734 9.081648 0.058135 0.000000 0.002483 0.004011 0.022237 0.023229 0.050925 0.080153 3.565725 0.0 0.0 0.0 6.147246 8.713721 0.027775 13.029486 0.165664 0.167648 0.167648 0.200383 9.441375 9.441375 11.085120 11.400114 11.400114 NaN 11.431368 13.644483 560650 31.337904 23.918294 7.107065 86146.875 113143.500
18 6.804137 3.052975 10 5 right_kidney 1.6 0.782 0.782 48117 149 267 267 10622061 69954 1.5 1.5 1.5 3.375 0.187455 NaN 42337389 499.500 0.250697 74199.375 37.240305 22133 1.559480e+09 71.729222 0.684274 NaN NaN NaN genomnote4 15.000000 ssgc 31715328 18.735374 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 82.821459 10622061 45.383129 31.572566 NaN 162394.875 236094.750
19 2.452227 2.369620 10 5 right_kidney 1.6 0.782 0.782 50456 149 267 267 10622061 69954 1.5 1.5 1.5 3.375 0.162279 0.057815 3521882 70.875 0.034881 65876.625 32.420895 19540 1.559480e+09 3.941221 0.720757 0.890690 10935.0 24.0 genomnote4 15.000000 msgc_hi2lo 2647492 14.846157 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000000 46.617673 0.304543 0.309503 NaN NaN NaN 2.277635 4.807762 14.190581 16.703319 42.626356 42.676451 47.988945 874390 38.643571 27.924259 10.931027 170289.000 236094.750
20 0.003968 2.369620 10 5 right_kidney 1.6 0.782 0.782 50456 149 267 267 10622061 69954 1.5 1.5 1.5 3.375 0.162279 0.057815 3401262 70.875 0.034881 65876.625 32.420895 19540 1.559480e+09 2.383239 0.720757 0.890690 10935.0 31.0 genomnote4 15.000000 msgc_lo2hi 2556216 14.846157 0.040175 0.042203 0.043153 24.129979 24.339252 23.954284 0.126118 0.000000 0.001447 0.003473 0.039126 0.042541 0.089703 0.125025 9.266011 0.0 0.0 0.0 16.219834 22.966076 0.063488 31.159757 0.348236 0.351665 0.351665 0.394320 24.691908 24.691908 28.197186 28.731337 28.731337 NaN 28.776518 32.688470 845046 38.643571 27.924259 10.931027 170289.000 236094.750
21 6.060138 2.446417 10 6 right_kidney 1.6 0.782 0.782 31646 145 267 267 10336905 46760 1.5 1.5 1.5 3.375 0.192766 NaN 41198901 0.000 0.000000 51009.750 38.553172 15114 1.559480e+09 73.832888 0.676775 NaN NaN NaN genomnote4 14.773287 ssgc 30861996 11.254975 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 84.411182 10336905 47.759590 32.322498 NaN 106805.250 157815.000
22 2.383812 2.139725 10 6 right_kidney 1.6 0.782 0.782 32170 145 267 267 10336905 46760 1.5 1.5 1.5 3.375 0.184847 0.030400 3064567 0.000 0.000000 49241.250 36.969467 14590 1.559480e+09 2.728405 0.687981 0.940994 10935.0 19.0 genomnote4 14.150972 msgc_hi2lo 2303546 8.961252 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000000 46.570411 0.280871 0.285335 NaN NaN NaN 2.062507 4.535566 15.063676 17.825410 43.801829 43.842006 47.791149 761021 45.352813 31.201882 5.900602 108573.750 157815.000
23 0.004465 2.138589 10 6 right_kidney 1.6 0.782 0.782 32184 145 267 267 10336905 46760 1.5 1.5 1.5 3.375 0.184637 0.030111 2649519 0.000 0.000000 49194.000 36.927442 14576 1.559480e+09 2.029677 0.688281 0.941538 10935.0 20.0 genomnote4 14.150972 msgc_lo2hi 1992285 8.960200 0.033231 0.035215 0.036260 14.143459 14.310613 13.968252 0.135427 0.000000 0.002977 0.006443 0.034920 0.036369 0.073954 0.100837 5.467731 0.0 0.0 0.0 9.502322 13.389724 0.055055 21.749179 0.335331 0.338769 0.338769 0.374976 14.650871 14.650871 18.750812 19.661964 19.661964 NaN 19.719502 22.993105 657234 45.289585 31.171942 5.846210 108621.000 157815.000
24 10.614416 1.798901 10 7 right_kidney 1.6 0.782 0.782 30474 162 267 267 11548818 41246 1.5 1.5 1.5 3.375 0.150976 NaN 46037475 94.500 0.078081 36450.000 30.117122 10828 1.559480e+09 77.457499 0.737656 NaN NaN NaN genomnote4 10.173495 ssgc 34488657 6.324122 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 93.810166 11548818 35.348166 26.234433 NaN 102849.750 139205.250
25 2.539975 1.413643 10 7 right_kidney 1.6 0.782 0.782 31431 162 267 267 11548818 41246 1.5 1.5 1.5 3.375 0.135655 0.037331 3215506 74.250 0.060542 33199.875 27.070462 9859 1.559480e+09 2.809083 0.761098 0.928024 12393.0 30.0 genomnote4 10.173495 msgc_hi2lo 2415731 4.090550 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000000 45.747154 0.310721 0.314689 NaN NaN NaN 2.301218 4.930520 14.766167 16.802119 42.889959 42.938071 47.059192 799775 31.227132 23.890181 7.197583 106079.625 139205.250
26 0.004464 1.413643 10 7 right_kidney 1.6 0.782 0.782 31431 162 267 267 11548818 41246 1.5 1.5 1.5 3.375 0.135655 0.037331 3080583 74.250 0.060542 33199.875 27.070462 9859 1.559480e+09 1.907481 0.761098 0.928024 12393.0 23.0 genomnote4 10.173495 msgc_lo2hi 2314539 4.090550 0.034720 0.036704 0.037696 17.109243 17.276893 16.939603 0.127979 0.000000 0.005391 0.006878 0.024700 0.026701 0.054682 0.091989 6.573624 0.0 0.0 0.0 11.482183 16.225015 0.071424 24.317485 0.371008 0.374976 0.374976 0.412673 17.652861 17.652861 21.730979 22.365859 22.365859 NaN 22.410003 25.647313 766044 31.227132 23.890181 7.197583 106079.625 139205.250
27 4.851342 0.857250 10 11 right_kidney 1.6 0.720 0.720 37457 141 246 246 8532756 42308 1.5 1.5 1.5 3.375 0.061242 NaN 34001136 57.375 0.042625 16429.500 12.205855 4885 1.559480e+09 40.200482 0.884584 NaN NaN NaN genomnote4 12.278029 ssgc 25468380 3.730891 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 48.615925 8532756 12.950850 11.541642 NaN 126417.375 142789.500
28 1.815412 0.790575 10 11 right_kidney 1.6 0.720 0.720 37512 141 246 246 8532756 42308 1.5 1.5 1.5 3.375 0.060361 0.008470 3136913 37.125 0.027562 16223.625 12.044600 4818 1.559480e+09 2.652612 0.886150 0.983202 9375.0 37.0 genomnote4 12.278029 msgc_hi2lo 2356817 3.355629 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 0.000000 33.525193 0.223705 0.227177 NaN NaN NaN 1.769244 3.644624 10.467609 12.351917 30.825463 30.872581 34.565759 780096 12.785242 11.384957 1.679805 126603.000 142789.500
29 0.004465 0.790575 10 11 right_kidney 1.6 0.720 0.720 37512 141 246 246 8532756 42308 1.5 1.5 1.5 3.375 0.060361 0.008470 3319297 37.125 0.027562 16223.625 12.044600 4818 1.559480e+09 2.042529 0.886150 0.983202 9375.0 34.0 genomnote4 12.278029 msgc_lo2hi 2494354 3.355629 0.036208 0.038194 0.038691 21.002655 21.148975 20.869690 0.089315 0.000498 0.004525 0.009027 0.032835 0.034273 0.082035 0.122560 8.095086 0.0 0.0 0.0 14.082511 20.001308 0.047119 26.564424 0.274784 0.277760 0.277760 0.316946 21.427726 21.427726 24.051074 24.479237 24.479237 NaN 24.521401 27.553457 824943 12.785242 11.384957 1.679805 126603.000 142789.500

In [25]:
sns.boxplot(data=df, y="time", x="method")


Out[25]:
<matplotlib.axes._subplots.AxesSubplot at 0x2dbaace3978>

In [26]:
uu = pd.melt(df.rename(columns={"gc time": "gc", "time": "total"}), value_vars=["gc", "total"], id_vars=["method"], var_name="time type", value_name="time")
sns.boxplot(data=uu, hue="time type",y="time", x="method")
plt.savefig(op.join(latex_dir, "msgc_time_boxplot_ct.pdf"), dpi=1000)



In [27]:
# uu["method"] == "msgc_lo2hi"
uu[uu["method"] == "msgc_lo2hi "]


Out[27]:
method time type time
2 msgc_lo2hi gc 2.818764
5 msgc_lo2hi gc 2.480003
8 msgc_lo2hi gc 2.147149
11 msgc_lo2hi gc 2.023156
14 msgc_lo2hi gc 1.656101
17 msgc_lo2hi gc 1.598118
20 msgc_lo2hi gc 2.383239
23 msgc_lo2hi gc 2.029677
26 msgc_lo2hi gc 1.907481
29 msgc_lo2hi gc 2.042529
32 msgc_lo2hi total 32.944820
35 msgc_lo2hi total 31.108671
38 msgc_lo2hi total 29.693601
41 msgc_lo2hi total 29.516011
44 msgc_lo2hi total 21.022991
47 msgc_lo2hi total 13.644483
50 msgc_lo2hi total 32.688470
53 msgc_lo2hi total 22.993105
56 msgc_lo2hi total 25.647313
59 msgc_lo2hi total 27.553457

In [28]:
table = pd.pivot_table(
    dfs, values=['gc time', 'time', "t3", "t4", "t5", "t6", "t7", "t8"], index=['method'], 
    aggfunc={'gc time': np.mean, 'time': [np.mean, min, max], "t3": np.mean,"t4": np.mean, "t5": np.mean, "t6": np.mean, "t7": np.mean, "t8": np.mean}
)
table


Out[28]:
gc time t3 t4 t5 t6 t7 t8 time
mean mean mean mean mean mean mean max mean min
method
msgc_hi2lo 3.153388 0.264475 1.944191 4.139444 12.256542 14.414593 36.30446 50.101531 40.685013 21.865783
msgc_lo2hi 2.108622 0.303001 19.600569 22.790854 23.378279 23.378279 NaN 32.944820 26.681292 13.644483
ssgc 59.465264 NaN NaN NaN NaN NaN NaN 100.232490 69.411109 25.579485

In [29]:
table = pd.pivot_table(
    dfs, values=['gc time', 'time', "t2", "t3", "t3.1", "t3.2", "t3.3", "t4", "t5", "t6", "t7", "t8", "low level image voxels", "low level object voxels"], index=['method'], 
    aggfunc=np.min
)
table


Out[29]:
gc time low level image voxels low level object voxels t2 t3 t3.1 t3.2 t3.3 t4 t5 t6 t7 t8 time
method
msgc_hi2lo 2.128834 5600.0 15.0 0.143840 0.146816 NaN NaN NaN 1.017793 2.152148 6.137018 7.697938 19.120913 21.865783
msgc_lo2hi 1.598118 5600.0 14.0 0.165664 0.167648 0.167648 0.200383 9.441375 9.441375 11.085120 11.400114 11.400114 NaN 13.644483
ssgc 20.172845 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 25.579485

In [30]:
table = pd.pivot_table(
    dfs, values=['gc time', 'time', "t graph 01", "t graph 10", "t graph 11", "t graph 13", "t graph 14", "low level image voxels", "low level object voxels"], index=['method'], 
    aggfunc=np.mean
)
table


Out[30]:
gc time low level image voxels low level object voxels t graph 01 t graph 10 t graph 11 t graph 13 t graph 14 time
method
msgc_hi2lo 3.153388 9847.6 25.2 NaN NaN NaN NaN NaN 40.685013
msgc_lo2hi 2.108622 9847.6 23.6 0.036902 0.038841 0.039537 19.137377 19.295093 26.681292
ssgc 59.465264 NaN NaN NaN NaN NaN NaN NaN 69.411109

In [31]:
table = pd.pivot_table(
    dfs, values=[
        'gc time', 'time',  
        "t graph low",
        "t graph high",
        "t split 01",
        "t split 02",
        "t split 03",
        "t split 04",
        "t split 05",
        "t split 06",
        "t split 07",
        "t split 08",
        "t split 081",
        "t split 082",
        "t split 09",
        "t split 10",
        "low level image voxels", "low level object voxels"], index=['method'], 
    aggfunc=np.mean
)
table


Out[31]:
gc time low level image voxels low level object voxels t graph high t graph low t split 01 t split 02 t split 03 t split 04 t split 05 t split 06 t split 07 t split 08 t split 081 t split 082 t split 09 t split 10 time
method
msgc_hi2lo 3.153388 9847.6 25.2 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 40.685013
msgc_lo2hi 2.108622 9847.6 23.6 18.98297 0.109808 0.000302 0.004804 0.007981 0.03474 0.03686 0.079412 0.119202 7.297716 0.0 0.0 12.796613 18.20837 26.681292
ssgc 59.465264 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN 69.411109

In [32]:
dfs.keys()


Out[32]:
Index(['_create_nlinks time', 'avgd', 'block size', 'data id',
       'data organ key', 'data orig voxesize mm 0', 'data orig voxesize mm 1',
       'data orig voxesize mm 2', 'data segmentation size px', 'data size 0',
       'data size 1', 'data size 2', 'data size px', 'data target size px',
       'data voxesize mm 0', 'data voxesize mm 1', 'data voxesize mm 2',
       'data voxesize mm^3', 'dice', 'dice gc', 'edge number', 'err1_mm3',
       'err1_percent', 'err2_mm3', 'err2_percent', 'error',
       'experiment iteration start time', 'gc time', 'jaccard', 'jaccard gc',
       'low level image voxels', 'low level object voxels', 'machine hostname',
       'maxd', 'method', 'nlinks number', 'rmsd', 't graph 01', 't graph 10',
       't graph 11', 't graph 13', 't graph 14', 't graph high', 't graph low',
       't split 01', 't split 02', 't split 03', 't split 04', 't split 05',
       't split 06', 't split 07', 't split 08', 't split 081', 't split 082',
       't split 0821', 't split 09', 't split 10', 't1', 't10', 't2', 't3',
       't3.1', 't3.2', 't3.3', 't4', 't5', 't6', 't7', 't8', 't9', 'time',
       'tlinks number', 'vd', 'voe', 'voe gc', 'volume1_mm3', 'volume2_mm3'],
      dtype='object')