Jintao Ren
commited on
Commit
•
4401db4
1
Parent(s):
ced14ce
add trained model weights
Browse files- README.md +1 -1
- nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/dataset.json +16 -0
- nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/dataset_fingerprint.json +0 -0
- nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/fold_all/checkpoint_best.pth +3 -0
- nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/fold_all/debug.json +56 -0
- nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/plans.json +548 -0
README.md
CHANGED
@@ -2,4 +2,4 @@
|
|
2 |
license: apache-2.0
|
3 |
---
|
4 |
|
5 |
-
##Sine-Wave-Transformations-for-Deep-Learning-Based-Tumor-Segmentation-in-CT-PET-Imaging
|
|
|
2 |
license: apache-2.0
|
3 |
---
|
4 |
|
5 |
+
## Sine-Wave-Transformations-for-Deep-Learning-Based-Tumor-Segmentation-in-CT-PET-Imaging
|
nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/dataset.json
ADDED
@@ -0,0 +1,16 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"channel_names": {
|
3 |
+
"0": "CT",
|
4 |
+
"1": "rescale_to_0_1"
|
5 |
+
},
|
6 |
+
"labels": {
|
7 |
+
"background": 0,
|
8 |
+
"tumor": 1
|
9 |
+
},
|
10 |
+
"numTraining": 1611,
|
11 |
+
"file_ending": ".nii.gz",
|
12 |
+
"name": "Combined",
|
13 |
+
"reference": "https://autopet-iii.grand-challenge.org/",
|
14 |
+
"release": "release",
|
15 |
+
"description": "AutoPET3 Multicenter Multitracer Generalization"
|
16 |
+
}
|
nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/dataset_fingerprint.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/fold_all/checkpoint_best.pth
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:3396e040442729231e3c62aae79d391b804d374f3690932f787a7e984d696612
|
3 |
+
size 831791110
|
nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/fold_all/debug.json
ADDED
@@ -0,0 +1,56 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_best_ema": "0.8076631",
|
3 |
+
"accumulation_steps": "16",
|
4 |
+
"batch_size": "8",
|
5 |
+
"configuration_manager": "{'data_identifier': 'nnUNetPlans_3d_fullres', 'preprocessor_name': 'DefaultPreprocessor', 'batch_size': 8, 'patch_size': [112, 160, 128], 'median_image_size_in_voxels': [300.0, 400.0, 400.0], 'spacing': [3.0, 2.0364201068878174, 2.0364201068878174], 'normalization_schemes': ['CTNormalization', 'RescaleTo01Normalization'], 'use_mask_for_norm': [False, False], 'resampling_fn_data': 'resample_data_or_seg_to_shape', 'resampling_fn_seg': 'resample_data_or_seg_to_shape', 'resampling_fn_data_kwargs': {'is_seg': False, 'order': 3, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_seg_kwargs': {'is_seg': True, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_probabilities': 'resample_data_or_seg_to_shape', 'resampling_fn_probabilities_kwargs': {'is_seg': False, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'architecture': {'network_class_name': 'dynamic_network_architectures.architectures.unet.ResidualEncoderUNet', 'arch_kwargs': {'n_stages': 6, 'features_per_stage': [32, 64, 128, 256, 320, 320], 'conv_op': 'torch.nn.modules.conv.Conv3d', 'kernel_sizes': [[3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3]], 'strides': [[1, 1, 1], [2, 2, 2], [2, 2, 2], [2, 2, 2], [2, 2, 2], [1, 2, 2]], 'n_blocks_per_stage': [1, 3, 4, 6, 6, 6], 'n_conv_per_stage_decoder': [1, 1, 1, 1, 1], 'conv_bias': True, 'norm_op': 'torch.nn.modules.instancenorm.InstanceNorm3d', 'norm_op_kwargs': {'eps': 1e-05, 'affine': True}, 'dropout_op': None, 'dropout_op_kwargs': None, 'nonlin': 'torch.nn.LeakyReLU', 'nonlin_kwargs': {'inplace': True}, 'deep_supervision': True}, '_kw_requires_import': ['conv_op', 'norm_op', 'dropout_op', 'nonlin']}, 'batch_dice': True, 'inherits_from': '3d_fullres'}",
|
6 |
+
"configuration_name": "3d_fullres_bs8",
|
7 |
+
"cudnn_version": 90100,
|
8 |
+
"current_epoch": "1000",
|
9 |
+
"current_step": "0",
|
10 |
+
"dataloader_train": "<batchgenerators.dataloading.nondet_multi_threaded_augmenter.NonDetMultiThreadedAugmenter object at 0x7f30abd159f0>",
|
11 |
+
"dataloader_train.generator": "<nnunetv2.training.dataloading.data_loader_3d.nnUNetDataLoader3D object at 0x7f30abd16cb0>",
|
12 |
+
"dataloader_train.num_processes": "16",
|
13 |
+
"dataloader_train.transform": "None",
|
14 |
+
"dataloader_val": "<batchgenerators.dataloading.nondet_multi_threaded_augmenter.NonDetMultiThreadedAugmenter object at 0x7f30abd16b90>",
|
15 |
+
"dataloader_val.generator": "<nnunetv2.training.dataloading.data_loader_3d.nnUNetDataLoader3D object at 0x7f30abd16bf0>",
|
16 |
+
"dataloader_val.num_processes": "6",
|
17 |
+
"dataloader_val.transform": "None",
|
18 |
+
"dataset_json": "{'channel_names': {'0': 'CT', '1': 'rescale_to_0_1'}, 'labels': {'background': 0, 'tumor': 1}, 'numTraining': 1611, 'file_ending': '.nii.gz', 'name': 'Combined', 'reference': 'https://autopet-iii.grand-challenge.org/', 'release': 'release', 'description': 'AutoPET3 Multicenter Multitracer Generalization'}",
|
19 |
+
"device": "cuda:0",
|
20 |
+
"disable_checkpointing": "False",
|
21 |
+
"enable_deep_supervision": "True",
|
22 |
+
"fold": "all",
|
23 |
+
"folder_with_segs_from_previous_stage": "None",
|
24 |
+
"gpu_name": "NVIDIA A40",
|
25 |
+
"grad_scaler": "<torch.cuda.amp.grad_scaler.GradScaler object at 0x7f3091140d00>",
|
26 |
+
"hostname": "athena",
|
27 |
+
"inference_allowed_mirroring_axes": "(0, 1, 2)",
|
28 |
+
"initial_lr": "0.01",
|
29 |
+
"is_cascaded": "False",
|
30 |
+
"is_ddp": "False",
|
31 |
+
"label_manager": "<nnunetv2.utilities.label_handling.label_handling.LabelManager object at 0x7f3091140e20>",
|
32 |
+
"local_rank": "0",
|
33 |
+
"log_file": "/processing/jintao/nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/fold_all/training_log_2024_9_15_22_29_31.txt",
|
34 |
+
"logger": "<nnunetv2.training.logging.nnunet_logger.nnUNetLogger object at 0x7f30763ec820>",
|
35 |
+
"loss": "DeepSupervisionWrapper(\n (loss): DC_and_CE_loss(\n (ce): RobustCrossEntropyLoss()\n (dc): OptimizedModule(\n (_orig_mod): MemoryEfficientSoftDiceLoss()\n )\n )\n)",
|
36 |
+
"lr_scheduler": "<nnunetv2.training.lr_scheduler.polylr.PolyLRScheduler object at 0x7f30763d6bc0>",
|
37 |
+
"my_init_kwargs": "{'plans': {'dataset_name': 'Dataset101_autopet', 'plans_name': 'nnUNetResEncUNetMPlans', 'original_median_spacing_after_transp': [3.0, 2.0364201068878174, 2.0364201068878174], 'original_median_shape_after_transp': [326, 400, 400], 'image_reader_writer': 'SimpleITKIO', 'transpose_forward': [0, 1, 2], 'transpose_backward': [0, 1, 2], 'configurations': {'2d': {'data_identifier': 'nnUNetPlans_2d', 'preprocessor_name': 'DefaultPreprocessor', 'batch_size': 16, 'patch_size': [448, 448], 'median_image_size_in_voxels': [400.0, 400.0], 'spacing': [2.0364201068878174, 2.0364201068878174], 'normalization_schemes': ['CTNormalization', 'RescaleTo01Normalization'], 'use_mask_for_norm': [False, False], 'resampling_fn_data': 'resample_data_or_seg_to_shape', 'resampling_fn_seg': 'resample_data_or_seg_to_shape', 'resampling_fn_data_kwargs': {'is_seg': False, 'order': 3, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_seg_kwargs': {'is_seg': True, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_probabilities': 'resample_data_or_seg_to_shape', 'resampling_fn_probabilities_kwargs': {'is_seg': False, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'architecture': {'network_class_name': 'dynamic_network_architectures.architectures.unet.ResidualEncoderUNet', 'arch_kwargs': {'n_stages': 7, 'features_per_stage': [32, 64, 128, 256, 512, 512, 512], 'conv_op': 'torch.nn.modules.conv.Conv2d', 'kernel_sizes': [[3, 3], [3, 3], [3, 3], [3, 3], [3, 3], [3, 3], [3, 3]], 'strides': [[1, 1], [2, 2], [2, 2], [2, 2], [2, 2], [2, 2], [2, 2]], 'n_blocks_per_stage': [1, 3, 4, 6, 6, 6, 6], 'n_conv_per_stage_decoder': [1, 1, 1, 1, 1, 1], 'conv_bias': True, 'norm_op': 'torch.nn.modules.instancenorm.InstanceNorm2d', 'norm_op_kwargs': {'eps': 1e-05, 'affine': True}, 'dropout_op': None, 'dropout_op_kwargs': None, 'nonlin': 'torch.nn.LeakyReLU', 'nonlin_kwargs': {'inplace': True}}, '_kw_requires_import': ['conv_op', 'norm_op', 'dropout_op', 'nonlin']}, 'batch_dice': True}, '3d_lowres': {'data_identifier': 'nnUNetResEncUNetMPlans_3d_lowres', 'preprocessor_name': 'DefaultPreprocessor', 'batch_size': 2, 'patch_size': [112, 160, 128], 'median_image_size_in_voxels': [171, 228, 228], 'spacing': [5.260518159231303, 3.5708749840357066, 3.5708749840357066], 'normalization_schemes': ['CTNormalization', 'RescaleTo01Normalization'], 'use_mask_for_norm': [False, False], 'resampling_fn_data': 'resample_data_or_seg_to_shape', 'resampling_fn_seg': 'resample_data_or_seg_to_shape', 'resampling_fn_data_kwargs': {'is_seg': False, 'order': 3, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_seg_kwargs': {'is_seg': True, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_probabilities': 'resample_data_or_seg_to_shape', 'resampling_fn_probabilities_kwargs': {'is_seg': False, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'architecture': {'network_class_name': 'dynamic_network_architectures.architectures.unet.ResidualEncoderUNet', 'arch_kwargs': {'n_stages': 6, 'features_per_stage': [32, 64, 128, 256, 320, 320], 'conv_op': 'torch.nn.modules.conv.Conv3d', 'kernel_sizes': [[3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3]], 'strides': [[1, 1, 1], [2, 2, 2], [2, 2, 2], [2, 2, 2], [2, 2, 2], [1, 2, 2]], 'n_blocks_per_stage': [1, 3, 4, 6, 6, 6], 'n_conv_per_stage_decoder': [1, 1, 1, 1, 1], 'conv_bias': True, 'norm_op': 'torch.nn.modules.instancenorm.InstanceNorm3d', 'norm_op_kwargs': {'eps': 1e-05, 'affine': True}, 'dropout_op': None, 'dropout_op_kwargs': None, 'nonlin': 'torch.nn.LeakyReLU', 'nonlin_kwargs': {'inplace': True}}, '_kw_requires_import': ['conv_op', 'norm_op', 'dropout_op', 'nonlin']}, 'batch_dice': False, 'next_stage': '3d_cascade_fullres'}, '3d_fullres': {'data_identifier': 'nnUNetPlans_3d_fullres', 'preprocessor_name': 'DefaultPreprocessor', 'batch_size': 2, 'patch_size': [112, 160, 128], 'median_image_size_in_voxels': [300.0, 400.0, 400.0], 'spacing': [3.0, 2.0364201068878174, 2.0364201068878174], 'normalization_schemes': ['CTNormalization', 'RescaleTo01Normalization'], 'use_mask_for_norm': [False, False], 'resampling_fn_data': 'resample_data_or_seg_to_shape', 'resampling_fn_seg': 'resample_data_or_seg_to_shape', 'resampling_fn_data_kwargs': {'is_seg': False, 'order': 3, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_seg_kwargs': {'is_seg': True, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_probabilities': 'resample_data_or_seg_to_shape', 'resampling_fn_probabilities_kwargs': {'is_seg': False, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'architecture': {'network_class_name': 'dynamic_network_architectures.architectures.unet.ResidualEncoderUNet', 'arch_kwargs': {'n_stages': 6, 'features_per_stage': [32, 64, 128, 256, 320, 320], 'conv_op': 'torch.nn.modules.conv.Conv3d', 'kernel_sizes': [[3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3]], 'strides': [[1, 1, 1], [2, 2, 2], [2, 2, 2], [2, 2, 2], [2, 2, 2], [1, 2, 2]], 'n_blocks_per_stage': [1, 3, 4, 6, 6, 6], 'n_conv_per_stage_decoder': [1, 1, 1, 1, 1], 'conv_bias': True, 'norm_op': 'torch.nn.modules.instancenorm.InstanceNorm3d', 'norm_op_kwargs': {'eps': 1e-05, 'affine': True}, 'dropout_op': None, 'dropout_op_kwargs': None, 'nonlin': 'torch.nn.LeakyReLU', 'nonlin_kwargs': {'inplace': True}}, '_kw_requires_import': ['conv_op', 'norm_op', 'dropout_op', 'nonlin']}, 'batch_dice': True}, '3d_fullres_bs4': {'inherits_from': '3d_fullres', 'batch_size': 4}, '3d_fullres_bs8': {'inherits_from': '3d_fullres', 'batch_size': 8}, '3d_cascade_fullres': {'inherits_from': '3d_fullres', 'previous_stage': '3d_lowres'}}, 'experiment_planner_used': 'nnUNetPlannerResEncM', 'label_manager': 'LabelManager', 'foreground_intensity_properties_per_channel': {'0': {'max': 3624.52685546875, 'mean': 107.73438968591431, 'median': 71.05622100830078, 'min': -1357.7672119140625, 'percentile_00_5': -832.062744140625, 'percentile_99_5': 1127.758544921875, 'std': 286.34403119451997}, '1': {'max': 392.79351806640625, 'mean': 7.063827929027176, 'median': 4.681584358215332, 'min': 0.09483639150857925, 'percentile_00_5': 1.0433332920074463, 'percentile_99_5': 51.211158752441406, 'std': 7.960414805306728}}}, 'configuration': '3d_fullres_bs8', 'fold': 'all', 'dataset_json': {'channel_names': {'0': 'CT', '1': 'rescale_to_0_1'}, 'labels': {'background': 0, 'tumor': 1}, 'numTraining': 1611, 'file_ending': '.nii.gz', 'name': 'Combined', 'reference': 'https://autopet-iii.grand-challenge.org/', 'release': 'release', 'description': 'AutoPET3 Multicenter Multitracer Generalization'}, 'unpack_dataset': True, 'device': device(type='cuda')}",
|
38 |
+
"network": "OptimizedModule",
|
39 |
+
"new_num_epochs": "1200",
|
40 |
+
"num_epochs": "1000",
|
41 |
+
"num_input_channels": "2",
|
42 |
+
"num_iterations_per_epoch": "250",
|
43 |
+
"num_val_iterations_per_epoch": "50",
|
44 |
+
"optimizer": "SGD (\nParameter Group 0\n dampening: 0\n differentiable: False\n foreach: None\n fused: None\n initial_lr: 0.01\n lr: 1.995262314968881e-05\n maximize: False\n momentum: 0.99\n nesterov: True\n weight_decay: 3e-05\n)",
|
45 |
+
"output_folder": "/processing/jintao/nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/fold_all",
|
46 |
+
"output_folder_base": "/processing/jintao/nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8",
|
47 |
+
"oversample_foreground_percent": "0.33",
|
48 |
+
"plans_manager": "{'dataset_name': 'Dataset101_autopet', 'plans_name': 'nnUNetResEncUNetMPlans', 'original_median_spacing_after_transp': [3.0, 2.0364201068878174, 2.0364201068878174], 'original_median_shape_after_transp': [326, 400, 400], 'image_reader_writer': 'SimpleITKIO', 'transpose_forward': [0, 1, 2], 'transpose_backward': [0, 1, 2], 'configurations': {'2d': {'data_identifier': 'nnUNetPlans_2d', 'preprocessor_name': 'DefaultPreprocessor', 'batch_size': 16, 'patch_size': [448, 448], 'median_image_size_in_voxels': [400.0, 400.0], 'spacing': [2.0364201068878174, 2.0364201068878174], 'normalization_schemes': ['CTNormalization', 'RescaleTo01Normalization'], 'use_mask_for_norm': [False, False], 'resampling_fn_data': 'resample_data_or_seg_to_shape', 'resampling_fn_seg': 'resample_data_or_seg_to_shape', 'resampling_fn_data_kwargs': {'is_seg': False, 'order': 3, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_seg_kwargs': {'is_seg': True, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_probabilities': 'resample_data_or_seg_to_shape', 'resampling_fn_probabilities_kwargs': {'is_seg': False, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'architecture': {'network_class_name': 'dynamic_network_architectures.architectures.unet.ResidualEncoderUNet', 'arch_kwargs': {'n_stages': 7, 'features_per_stage': [32, 64, 128, 256, 512, 512, 512], 'conv_op': 'torch.nn.modules.conv.Conv2d', 'kernel_sizes': [[3, 3], [3, 3], [3, 3], [3, 3], [3, 3], [3, 3], [3, 3]], 'strides': [[1, 1], [2, 2], [2, 2], [2, 2], [2, 2], [2, 2], [2, 2]], 'n_blocks_per_stage': [1, 3, 4, 6, 6, 6, 6], 'n_conv_per_stage_decoder': [1, 1, 1, 1, 1, 1], 'conv_bias': True, 'norm_op': 'torch.nn.modules.instancenorm.InstanceNorm2d', 'norm_op_kwargs': {'eps': 1e-05, 'affine': True}, 'dropout_op': None, 'dropout_op_kwargs': None, 'nonlin': 'torch.nn.LeakyReLU', 'nonlin_kwargs': {'inplace': True}}, '_kw_requires_import': ['conv_op', 'norm_op', 'dropout_op', 'nonlin']}, 'batch_dice': True}, '3d_lowres': {'data_identifier': 'nnUNetResEncUNetMPlans_3d_lowres', 'preprocessor_name': 'DefaultPreprocessor', 'batch_size': 2, 'patch_size': [112, 160, 128], 'median_image_size_in_voxels': [171, 228, 228], 'spacing': [5.260518159231303, 3.5708749840357066, 3.5708749840357066], 'normalization_schemes': ['CTNormalization', 'RescaleTo01Normalization'], 'use_mask_for_norm': [False, False], 'resampling_fn_data': 'resample_data_or_seg_to_shape', 'resampling_fn_seg': 'resample_data_or_seg_to_shape', 'resampling_fn_data_kwargs': {'is_seg': False, 'order': 3, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_seg_kwargs': {'is_seg': True, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_probabilities': 'resample_data_or_seg_to_shape', 'resampling_fn_probabilities_kwargs': {'is_seg': False, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'architecture': {'network_class_name': 'dynamic_network_architectures.architectures.unet.ResidualEncoderUNet', 'arch_kwargs': {'n_stages': 6, 'features_per_stage': [32, 64, 128, 256, 320, 320], 'conv_op': 'torch.nn.modules.conv.Conv3d', 'kernel_sizes': [[3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3]], 'strides': [[1, 1, 1], [2, 2, 2], [2, 2, 2], [2, 2, 2], [2, 2, 2], [1, 2, 2]], 'n_blocks_per_stage': [1, 3, 4, 6, 6, 6], 'n_conv_per_stage_decoder': [1, 1, 1, 1, 1], 'conv_bias': True, 'norm_op': 'torch.nn.modules.instancenorm.InstanceNorm3d', 'norm_op_kwargs': {'eps': 1e-05, 'affine': True}, 'dropout_op': None, 'dropout_op_kwargs': None, 'nonlin': 'torch.nn.LeakyReLU', 'nonlin_kwargs': {'inplace': True}}, '_kw_requires_import': ['conv_op', 'norm_op', 'dropout_op', 'nonlin']}, 'batch_dice': False, 'next_stage': '3d_cascade_fullres'}, '3d_fullres': {'data_identifier': 'nnUNetPlans_3d_fullres', 'preprocessor_name': 'DefaultPreprocessor', 'batch_size': 2, 'patch_size': [112, 160, 128], 'median_image_size_in_voxels': [300.0, 400.0, 400.0], 'spacing': [3.0, 2.0364201068878174, 2.0364201068878174], 'normalization_schemes': ['CTNormalization', 'RescaleTo01Normalization'], 'use_mask_for_norm': [False, False], 'resampling_fn_data': 'resample_data_or_seg_to_shape', 'resampling_fn_seg': 'resample_data_or_seg_to_shape', 'resampling_fn_data_kwargs': {'is_seg': False, 'order': 3, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_seg_kwargs': {'is_seg': True, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'resampling_fn_probabilities': 'resample_data_or_seg_to_shape', 'resampling_fn_probabilities_kwargs': {'is_seg': False, 'order': 1, 'order_z': 0, 'force_separate_z': None}, 'architecture': {'network_class_name': 'dynamic_network_architectures.architectures.unet.ResidualEncoderUNet', 'arch_kwargs': {'n_stages': 6, 'features_per_stage': [32, 64, 128, 256, 320, 320], 'conv_op': 'torch.nn.modules.conv.Conv3d', 'kernel_sizes': [[3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3], [3, 3, 3]], 'strides': [[1, 1, 1], [2, 2, 2], [2, 2, 2], [2, 2, 2], [2, 2, 2], [1, 2, 2]], 'n_blocks_per_stage': [1, 3, 4, 6, 6, 6], 'n_conv_per_stage_decoder': [1, 1, 1, 1, 1], 'conv_bias': True, 'norm_op': 'torch.nn.modules.instancenorm.InstanceNorm3d', 'norm_op_kwargs': {'eps': 1e-05, 'affine': True}, 'dropout_op': None, 'dropout_op_kwargs': None, 'nonlin': 'torch.nn.LeakyReLU', 'nonlin_kwargs': {'inplace': True}}, '_kw_requires_import': ['conv_op', 'norm_op', 'dropout_op', 'nonlin']}, 'batch_dice': True}, '3d_fullres_bs4': {'inherits_from': '3d_fullres', 'batch_size': 4}, '3d_fullres_bs8': {'inherits_from': '3d_fullres', 'batch_size': 8}, '3d_fullres_bs16': {'inherits_from': '3d_fullres', 'batch_size': 16}, '3d_cascade_fullres': {'inherits_from': '3d_fullres', 'previous_stage': '3d_lowres'}}, 'experiment_planner_used': 'nnUNetPlannerResEncM', 'label_manager': 'LabelManager', 'foreground_intensity_properties_per_channel': {'0': {'max': 3624.52685546875, 'mean': 107.73438968591431, 'median': 71.05622100830078, 'min': -1357.7672119140625, 'percentile_00_5': -832.062744140625, 'percentile_99_5': 1127.758544921875, 'std': 286.34403119451997}, '1': {'max': 392.79351806640625, 'mean': 7.063827929027176, 'median': 4.681584358215332, 'min': 0.09483639150857925, 'percentile_00_5': 1.0433332920074463, 'percentile_99_5': 51.211158752441406, 'std': 7.960414805306728}}}",
|
49 |
+
"preprocessed_dataset_folder": "/processing/jintao/nnUNet_preprocessed/Dataset101_autopet/nnUNetPlans_3d_fullres",
|
50 |
+
"preprocessed_dataset_folder_base": "/processing/jintao/nnUNet_preprocessed/Dataset101_autopet",
|
51 |
+
"save_every": "50",
|
52 |
+
"torch_version": "2.4.1",
|
53 |
+
"unpack_dataset": "True",
|
54 |
+
"was_initialized": "True",
|
55 |
+
"weight_decay": "3e-05"
|
56 |
+
}
|
nnUNet_results/Dataset101_autopet/nnUNetTrainerUmambaSinNorm__nnUNetResEncUNetMPlans__3d_fullres_bs8/plans.json
ADDED
@@ -0,0 +1,548 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"dataset_name": "Dataset101_autopet",
|
3 |
+
"plans_name": "nnUNetResEncUNetMPlans",
|
4 |
+
"original_median_spacing_after_transp": [
|
5 |
+
3.0,
|
6 |
+
2.0364201068878174,
|
7 |
+
2.0364201068878174
|
8 |
+
],
|
9 |
+
"original_median_shape_after_transp": [
|
10 |
+
326,
|
11 |
+
400,
|
12 |
+
400
|
13 |
+
],
|
14 |
+
"image_reader_writer": "SimpleITKIO",
|
15 |
+
"transpose_forward": [
|
16 |
+
0,
|
17 |
+
1,
|
18 |
+
2
|
19 |
+
],
|
20 |
+
"transpose_backward": [
|
21 |
+
0,
|
22 |
+
1,
|
23 |
+
2
|
24 |
+
],
|
25 |
+
"configurations": {
|
26 |
+
"2d": {
|
27 |
+
"data_identifier": "nnUNetPlans_2d",
|
28 |
+
"preprocessor_name": "DefaultPreprocessor",
|
29 |
+
"batch_size": 16,
|
30 |
+
"patch_size": [
|
31 |
+
448,
|
32 |
+
448
|
33 |
+
],
|
34 |
+
"median_image_size_in_voxels": [
|
35 |
+
400.0,
|
36 |
+
400.0
|
37 |
+
],
|
38 |
+
"spacing": [
|
39 |
+
2.0364201068878174,
|
40 |
+
2.0364201068878174
|
41 |
+
],
|
42 |
+
"normalization_schemes": [
|
43 |
+
"CTNormalization",
|
44 |
+
"RescaleTo01Normalization"
|
45 |
+
],
|
46 |
+
"use_mask_for_norm": [
|
47 |
+
false,
|
48 |
+
false
|
49 |
+
],
|
50 |
+
"resampling_fn_data": "resample_data_or_seg_to_shape",
|
51 |
+
"resampling_fn_seg": "resample_data_or_seg_to_shape",
|
52 |
+
"resampling_fn_data_kwargs": {
|
53 |
+
"is_seg": false,
|
54 |
+
"order": 3,
|
55 |
+
"order_z": 0,
|
56 |
+
"force_separate_z": null
|
57 |
+
},
|
58 |
+
"resampling_fn_seg_kwargs": {
|
59 |
+
"is_seg": true,
|
60 |
+
"order": 1,
|
61 |
+
"order_z": 0,
|
62 |
+
"force_separate_z": null
|
63 |
+
},
|
64 |
+
"resampling_fn_probabilities": "resample_data_or_seg_to_shape",
|
65 |
+
"resampling_fn_probabilities_kwargs": {
|
66 |
+
"is_seg": false,
|
67 |
+
"order": 1,
|
68 |
+
"order_z": 0,
|
69 |
+
"force_separate_z": null
|
70 |
+
},
|
71 |
+
"architecture": {
|
72 |
+
"network_class_name": "dynamic_network_architectures.architectures.unet.ResidualEncoderUNet",
|
73 |
+
"arch_kwargs": {
|
74 |
+
"n_stages": 7,
|
75 |
+
"features_per_stage": [
|
76 |
+
32,
|
77 |
+
64,
|
78 |
+
128,
|
79 |
+
256,
|
80 |
+
512,
|
81 |
+
512,
|
82 |
+
512
|
83 |
+
],
|
84 |
+
"conv_op": "torch.nn.modules.conv.Conv2d",
|
85 |
+
"kernel_sizes": [
|
86 |
+
[
|
87 |
+
3,
|
88 |
+
3
|
89 |
+
],
|
90 |
+
[
|
91 |
+
3,
|
92 |
+
3
|
93 |
+
],
|
94 |
+
[
|
95 |
+
3,
|
96 |
+
3
|
97 |
+
],
|
98 |
+
[
|
99 |
+
3,
|
100 |
+
3
|
101 |
+
],
|
102 |
+
[
|
103 |
+
3,
|
104 |
+
3
|
105 |
+
],
|
106 |
+
[
|
107 |
+
3,
|
108 |
+
3
|
109 |
+
],
|
110 |
+
[
|
111 |
+
3,
|
112 |
+
3
|
113 |
+
]
|
114 |
+
],
|
115 |
+
"strides": [
|
116 |
+
[
|
117 |
+
1,
|
118 |
+
1
|
119 |
+
],
|
120 |
+
[
|
121 |
+
2,
|
122 |
+
2
|
123 |
+
],
|
124 |
+
[
|
125 |
+
2,
|
126 |
+
2
|
127 |
+
],
|
128 |
+
[
|
129 |
+
2,
|
130 |
+
2
|
131 |
+
],
|
132 |
+
[
|
133 |
+
2,
|
134 |
+
2
|
135 |
+
],
|
136 |
+
[
|
137 |
+
2,
|
138 |
+
2
|
139 |
+
],
|
140 |
+
[
|
141 |
+
2,
|
142 |
+
2
|
143 |
+
]
|
144 |
+
],
|
145 |
+
"n_blocks_per_stage": [
|
146 |
+
1,
|
147 |
+
3,
|
148 |
+
4,
|
149 |
+
6,
|
150 |
+
6,
|
151 |
+
6,
|
152 |
+
6
|
153 |
+
],
|
154 |
+
"n_conv_per_stage_decoder": [
|
155 |
+
1,
|
156 |
+
1,
|
157 |
+
1,
|
158 |
+
1,
|
159 |
+
1,
|
160 |
+
1
|
161 |
+
],
|
162 |
+
"conv_bias": true,
|
163 |
+
"norm_op": "torch.nn.modules.instancenorm.InstanceNorm2d",
|
164 |
+
"norm_op_kwargs": {
|
165 |
+
"eps": 1e-05,
|
166 |
+
"affine": true
|
167 |
+
},
|
168 |
+
"dropout_op": null,
|
169 |
+
"dropout_op_kwargs": null,
|
170 |
+
"nonlin": "torch.nn.LeakyReLU",
|
171 |
+
"nonlin_kwargs": {
|
172 |
+
"inplace": true
|
173 |
+
}
|
174 |
+
},
|
175 |
+
"_kw_requires_import": [
|
176 |
+
"conv_op",
|
177 |
+
"norm_op",
|
178 |
+
"dropout_op",
|
179 |
+
"nonlin"
|
180 |
+
]
|
181 |
+
},
|
182 |
+
"batch_dice": true
|
183 |
+
},
|
184 |
+
"3d_lowres": {
|
185 |
+
"data_identifier": "nnUNetResEncUNetMPlans_3d_lowres",
|
186 |
+
"preprocessor_name": "DefaultPreprocessor",
|
187 |
+
"batch_size": 2,
|
188 |
+
"patch_size": [
|
189 |
+
112,
|
190 |
+
160,
|
191 |
+
128
|
192 |
+
],
|
193 |
+
"median_image_size_in_voxels": [
|
194 |
+
171,
|
195 |
+
228,
|
196 |
+
228
|
197 |
+
],
|
198 |
+
"spacing": [
|
199 |
+
5.260518159231303,
|
200 |
+
3.5708749840357066,
|
201 |
+
3.5708749840357066
|
202 |
+
],
|
203 |
+
"normalization_schemes": [
|
204 |
+
"CTNormalization",
|
205 |
+
"RescaleTo01Normalization"
|
206 |
+
],
|
207 |
+
"use_mask_for_norm": [
|
208 |
+
false,
|
209 |
+
false
|
210 |
+
],
|
211 |
+
"resampling_fn_data": "resample_data_or_seg_to_shape",
|
212 |
+
"resampling_fn_seg": "resample_data_or_seg_to_shape",
|
213 |
+
"resampling_fn_data_kwargs": {
|
214 |
+
"is_seg": false,
|
215 |
+
"order": 3,
|
216 |
+
"order_z": 0,
|
217 |
+
"force_separate_z": null
|
218 |
+
},
|
219 |
+
"resampling_fn_seg_kwargs": {
|
220 |
+
"is_seg": true,
|
221 |
+
"order": 1,
|
222 |
+
"order_z": 0,
|
223 |
+
"force_separate_z": null
|
224 |
+
},
|
225 |
+
"resampling_fn_probabilities": "resample_data_or_seg_to_shape",
|
226 |
+
"resampling_fn_probabilities_kwargs": {
|
227 |
+
"is_seg": false,
|
228 |
+
"order": 1,
|
229 |
+
"order_z": 0,
|
230 |
+
"force_separate_z": null
|
231 |
+
},
|
232 |
+
"architecture": {
|
233 |
+
"network_class_name": "dynamic_network_architectures.architectures.unet.ResidualEncoderUNet",
|
234 |
+
"arch_kwargs": {
|
235 |
+
"n_stages": 6,
|
236 |
+
"features_per_stage": [
|
237 |
+
32,
|
238 |
+
64,
|
239 |
+
128,
|
240 |
+
256,
|
241 |
+
320,
|
242 |
+
320
|
243 |
+
],
|
244 |
+
"conv_op": "torch.nn.modules.conv.Conv3d",
|
245 |
+
"kernel_sizes": [
|
246 |
+
[
|
247 |
+
3,
|
248 |
+
3,
|
249 |
+
3
|
250 |
+
],
|
251 |
+
[
|
252 |
+
3,
|
253 |
+
3,
|
254 |
+
3
|
255 |
+
],
|
256 |
+
[
|
257 |
+
3,
|
258 |
+
3,
|
259 |
+
3
|
260 |
+
],
|
261 |
+
[
|
262 |
+
3,
|
263 |
+
3,
|
264 |
+
3
|
265 |
+
],
|
266 |
+
[
|
267 |
+
3,
|
268 |
+
3,
|
269 |
+
3
|
270 |
+
],
|
271 |
+
[
|
272 |
+
3,
|
273 |
+
3,
|
274 |
+
3
|
275 |
+
]
|
276 |
+
],
|
277 |
+
"strides": [
|
278 |
+
[
|
279 |
+
1,
|
280 |
+
1,
|
281 |
+
1
|
282 |
+
],
|
283 |
+
[
|
284 |
+
2,
|
285 |
+
2,
|
286 |
+
2
|
287 |
+
],
|
288 |
+
[
|
289 |
+
2,
|
290 |
+
2,
|
291 |
+
2
|
292 |
+
],
|
293 |
+
[
|
294 |
+
2,
|
295 |
+
2,
|
296 |
+
2
|
297 |
+
],
|
298 |
+
[
|
299 |
+
2,
|
300 |
+
2,
|
301 |
+
2
|
302 |
+
],
|
303 |
+
[
|
304 |
+
1,
|
305 |
+
2,
|
306 |
+
2
|
307 |
+
]
|
308 |
+
],
|
309 |
+
"n_blocks_per_stage": [
|
310 |
+
1,
|
311 |
+
3,
|
312 |
+
4,
|
313 |
+
6,
|
314 |
+
6,
|
315 |
+
6
|
316 |
+
],
|
317 |
+
"n_conv_per_stage_decoder": [
|
318 |
+
1,
|
319 |
+
1,
|
320 |
+
1,
|
321 |
+
1,
|
322 |
+
1
|
323 |
+
],
|
324 |
+
"conv_bias": true,
|
325 |
+
"norm_op": "torch.nn.modules.instancenorm.InstanceNorm3d",
|
326 |
+
"norm_op_kwargs": {
|
327 |
+
"eps": 1e-05,
|
328 |
+
"affine": true
|
329 |
+
},
|
330 |
+
"dropout_op": null,
|
331 |
+
"dropout_op_kwargs": null,
|
332 |
+
"nonlin": "torch.nn.LeakyReLU",
|
333 |
+
"nonlin_kwargs": {
|
334 |
+
"inplace": true
|
335 |
+
}
|
336 |
+
},
|
337 |
+
"_kw_requires_import": [
|
338 |
+
"conv_op",
|
339 |
+
"norm_op",
|
340 |
+
"dropout_op",
|
341 |
+
"nonlin"
|
342 |
+
]
|
343 |
+
},
|
344 |
+
"batch_dice": false,
|
345 |
+
"next_stage": "3d_cascade_fullres"
|
346 |
+
},
|
347 |
+
"3d_fullres": {
|
348 |
+
"data_identifier": "nnUNetPlans_3d_fullres",
|
349 |
+
"preprocessor_name": "DefaultPreprocessor",
|
350 |
+
"batch_size": 2,
|
351 |
+
"patch_size": [
|
352 |
+
112,
|
353 |
+
160,
|
354 |
+
128
|
355 |
+
],
|
356 |
+
"median_image_size_in_voxels": [
|
357 |
+
300.0,
|
358 |
+
400.0,
|
359 |
+
400.0
|
360 |
+
],
|
361 |
+
"spacing": [
|
362 |
+
3.0,
|
363 |
+
2.0364201068878174,
|
364 |
+
2.0364201068878174
|
365 |
+
],
|
366 |
+
"normalization_schemes": [
|
367 |
+
"CTNormalization",
|
368 |
+
"RescaleTo01Normalization"
|
369 |
+
],
|
370 |
+
"use_mask_for_norm": [
|
371 |
+
false,
|
372 |
+
false
|
373 |
+
],
|
374 |
+
"resampling_fn_data": "resample_data_or_seg_to_shape",
|
375 |
+
"resampling_fn_seg": "resample_data_or_seg_to_shape",
|
376 |
+
"resampling_fn_data_kwargs": {
|
377 |
+
"is_seg": false,
|
378 |
+
"order": 3,
|
379 |
+
"order_z": 0,
|
380 |
+
"force_separate_z": null
|
381 |
+
},
|
382 |
+
"resampling_fn_seg_kwargs": {
|
383 |
+
"is_seg": true,
|
384 |
+
"order": 1,
|
385 |
+
"order_z": 0,
|
386 |
+
"force_separate_z": null
|
387 |
+
},
|
388 |
+
"resampling_fn_probabilities": "resample_data_or_seg_to_shape",
|
389 |
+
"resampling_fn_probabilities_kwargs": {
|
390 |
+
"is_seg": false,
|
391 |
+
"order": 1,
|
392 |
+
"order_z": 0,
|
393 |
+
"force_separate_z": null
|
394 |
+
},
|
395 |
+
"architecture": {
|
396 |
+
"network_class_name": "dynamic_network_architectures.architectures.unet.ResidualEncoderUNet",
|
397 |
+
"arch_kwargs": {
|
398 |
+
"n_stages": 6,
|
399 |
+
"features_per_stage": [
|
400 |
+
32,
|
401 |
+
64,
|
402 |
+
128,
|
403 |
+
256,
|
404 |
+
320,
|
405 |
+
320
|
406 |
+
],
|
407 |
+
"conv_op": "torch.nn.modules.conv.Conv3d",
|
408 |
+
"kernel_sizes": [
|
409 |
+
[
|
410 |
+
3,
|
411 |
+
3,
|
412 |
+
3
|
413 |
+
],
|
414 |
+
[
|
415 |
+
3,
|
416 |
+
3,
|
417 |
+
3
|
418 |
+
],
|
419 |
+
[
|
420 |
+
3,
|
421 |
+
3,
|
422 |
+
3
|
423 |
+
],
|
424 |
+
[
|
425 |
+
3,
|
426 |
+
3,
|
427 |
+
3
|
428 |
+
],
|
429 |
+
[
|
430 |
+
3,
|
431 |
+
3,
|
432 |
+
3
|
433 |
+
],
|
434 |
+
[
|
435 |
+
3,
|
436 |
+
3,
|
437 |
+
3
|
438 |
+
]
|
439 |
+
],
|
440 |
+
"strides": [
|
441 |
+
[
|
442 |
+
1,
|
443 |
+
1,
|
444 |
+
1
|
445 |
+
],
|
446 |
+
[
|
447 |
+
2,
|
448 |
+
2,
|
449 |
+
2
|
450 |
+
],
|
451 |
+
[
|
452 |
+
2,
|
453 |
+
2,
|
454 |
+
2
|
455 |
+
],
|
456 |
+
[
|
457 |
+
2,
|
458 |
+
2,
|
459 |
+
2
|
460 |
+
],
|
461 |
+
[
|
462 |
+
2,
|
463 |
+
2,
|
464 |
+
2
|
465 |
+
],
|
466 |
+
[
|
467 |
+
1,
|
468 |
+
2,
|
469 |
+
2
|
470 |
+
]
|
471 |
+
],
|
472 |
+
"n_blocks_per_stage": [
|
473 |
+
1,
|
474 |
+
3,
|
475 |
+
4,
|
476 |
+
6,
|
477 |
+
6,
|
478 |
+
6
|
479 |
+
],
|
480 |
+
"n_conv_per_stage_decoder": [
|
481 |
+
1,
|
482 |
+
1,
|
483 |
+
1,
|
484 |
+
1,
|
485 |
+
1
|
486 |
+
],
|
487 |
+
"conv_bias": true,
|
488 |
+
"norm_op": "torch.nn.modules.instancenorm.InstanceNorm3d",
|
489 |
+
"norm_op_kwargs": {
|
490 |
+
"eps": 1e-05,
|
491 |
+
"affine": true
|
492 |
+
},
|
493 |
+
"dropout_op": null,
|
494 |
+
"dropout_op_kwargs": null,
|
495 |
+
"nonlin": "torch.nn.LeakyReLU",
|
496 |
+
"nonlin_kwargs": {
|
497 |
+
"inplace": true
|
498 |
+
}
|
499 |
+
},
|
500 |
+
"_kw_requires_import": [
|
501 |
+
"conv_op",
|
502 |
+
"norm_op",
|
503 |
+
"dropout_op",
|
504 |
+
"nonlin"
|
505 |
+
]
|
506 |
+
},
|
507 |
+
"batch_dice": true
|
508 |
+
},
|
509 |
+
"3d_fullres_bs4": {
|
510 |
+
"inherits_from": "3d_fullres",
|
511 |
+
"batch_size": 4
|
512 |
+
},
|
513 |
+
"3d_fullres_bs8": {
|
514 |
+
"inherits_from": "3d_fullres",
|
515 |
+
"batch_size": 8
|
516 |
+
},
|
517 |
+
"3d_fullres_bs16": {
|
518 |
+
"inherits_from": "3d_fullres",
|
519 |
+
"batch_size": 16
|
520 |
+
},
|
521 |
+
"3d_cascade_fullres": {
|
522 |
+
"inherits_from": "3d_fullres",
|
523 |
+
"previous_stage": "3d_lowres"
|
524 |
+
}
|
525 |
+
},
|
526 |
+
"experiment_planner_used": "nnUNetPlannerResEncM",
|
527 |
+
"label_manager": "LabelManager",
|
528 |
+
"foreground_intensity_properties_per_channel": {
|
529 |
+
"0": {
|
530 |
+
"max": 3624.52685546875,
|
531 |
+
"mean": 107.73438968591431,
|
532 |
+
"median": 71.05622100830078,
|
533 |
+
"min": -1357.7672119140625,
|
534 |
+
"percentile_00_5": -832.062744140625,
|
535 |
+
"percentile_99_5": 1127.758544921875,
|
536 |
+
"std": 286.34403119451997
|
537 |
+
},
|
538 |
+
"1": {
|
539 |
+
"max": 392.79351806640625,
|
540 |
+
"mean": 7.063827929027176,
|
541 |
+
"median": 4.681584358215332,
|
542 |
+
"min": 0.09483639150857925,
|
543 |
+
"percentile_00_5": 1.0433332920074463,
|
544 |
+
"percentile_99_5": 51.211158752441406,
|
545 |
+
"std": 7.960414805306728
|
546 |
+
}
|
547 |
+
}
|
548 |
+
}
|