diff --git a/code/data.py b/code/data.py index fbfd801da98fcf8735a2ff102712739b00df5ef1..453d0619003539ed7a12b292679b215c27b872d8 100644 --- a/code/data.py +++ b/code/data.py @@ -31,26 +31,28 @@ pli_path = '/p/fastdata/pli/Private/oberstrass1/datasets/vervet1818/vervet1818-s cyto_path = '/p/fastdata/pli/Private/oberstrass1/datasets/vervet1818/vervet1818-stained/data/aligned/stained' pli_files_list = [file for file in os.listdir(pli_path) if file.endswith(('.h5', '.hdf', '.h4', '.hdf4', '.he2', '.hdf5', '.he5'))] +pli_files_list.sort() cyto_files_list = [file for file in os.listdir(cyto_path) if file.endswith(('.h5', '.hdf', '.h4', '.hdf4', '.he2', '.hdf5', '.he5'))] +cyto_files_list.sort() # print(len(pli_files_list)) - # print(pli_files_list) # print(cyto_files_list) + num_images = len(pli_files_list) class TestSampler(Dataset): # Gives you a random crop and a random image at each request - def __init__(self, pli_files_list, cyto_files_list, transforms, crop_size, dataset_size): + def __init__(self, pli_list, cyto_list, transforms, crop_size, dataset_size): # crop_size is the size before the rotation and center crop. So the patch_size * sqrt(2) # dataset_size defines the number of drawn patches per epoch. As we are drawing (arbitrary many) random patches we have to set is manually super().__init__() # list of pli has to be in the same order as list of cyto. So index i in pli should correspond to the same index in cyto - self.list_of_pli = pli_files_list - self.list_of_cyto = cyto_files_list + self.list_of_pli = pli_list + self.list_of_cyto = cyto_list self.n_images = num_images self.transforms = transforms self.crop_size = crop_size @@ -59,19 +61,12 @@ class TestSampler(Dataset): def __getitem__(self, ix): # Get a random image i = random.randint(0, self.n_images-1) - - ''' - pli_temp = h5py.File(os.path.join(pli_path, self.list_of_pli[i]), 'r') - pli_image = pli_temp.get('Image').value - #pli_image = self.list_of_pli[i] - cyto_temp = h5py.File(os.path.join(pli_path, self.list_of_cyto[i]), 'r') - cyto_image = cyto_temp.get('Image').value - #cyto_image = self.list_of_cyto[i] - ''' + pli_image = self.list_of_pli[i] + cyto_image = self.list_of_cyto[i] # Generate a random patch location from the image - x = random.randint(image.shape[1] - self.crop_size) - y = random.randint(image.shape[0] - self.crop_size) + x = random.randint(pli_image.shape[1] - self.crop_size) + y = random.randint(pli_image.shape[0] - self.crop_size) # Get crops at the x, y location with size crop_size x crop_size random_crop_pli = pli_image[y:y + self.crop_size, x:x + self.crop_size] @@ -129,8 +124,22 @@ class TestDataModule(pl.LightningDataModule): # TODO: Load the PLI and Cytp train data here as lists of numpy arrays: List[np.ndarray] # Load the pyramid/00 per file - self.pli_train = h5py.File(os.path.join(pli_path, pli_files_list[:3]), 'r') - self.cyto_train = h5py.File(os.path.join(cyto_path, cyto_files_list[:3]), 'r') + + self.pli_train = [] + self.cyto_train = [] + + for i in range(0,3): + pli_train_file = h5py.File(os.path.join(pli_path, pli_files_list[i]), 'r') + pli_train_file = pli_train_file['pyramid/00'] + pli_train_file = np.asarray(pli_train_file) + self.pli_train.append(pli_train_file) + + for i in range(0,3): + cyto_train_file = h5py.File(os.path.join(pli_path, cyto_files_list[i]), 'r') + cyto_train_file = cyto_train_file['pyramid/00'] + cyto_train_file = np.asarray(cyto_train_file) + self.cyto_train.append(cyto_train_file) + else: print(f"Train data for rank {rank}/{size} already prepared") @@ -140,8 +149,19 @@ class TestDataModule(pl.LightningDataModule): # TODO: Load the PLI and Cytp val data here as lists of numpy arrays: List[np.ndarray] # This should contain only unseen images # Load the pyramid/00 per file - self.pli_val = h5py.File(os.path.join(pli_path, pli_files_list[4]), 'r') - self.cyto_val = h5py.File(os.path.join(cyto_path, cyto_files_list[4]), 'r') + pli_val = [] + cyto_val = [] + + pli_val_file = h5py.File(os.path.join(pli_path, pli_files_list[4]), 'r') + pli_val_file = pli_val_file['pyramid/00'] + pli_val_file = np.asarray(pli_val_file) + pli_val.append(pli_val_file) + + cyto_val_file = h5py.File(os.path.join(pli_path, cyto_files_list[4]), 'r') + cyto_val_file = cyto_val_file['pyramid/00'] + cyto_val_file = np.asarray(cyto_val_file) + cyto_val.append(cyto_val_file) + else: print(f"Validation data for rank {rank}/{size} already prepared") diff --git a/doc/tensorboard/Ragib_UNet/version_10/events.out.tfevents.1650357729.tushar-Aspire-E5-573G.2271216.0 b/doc/tensorboard/Ragib_UNet/version_10/events.out.tfevents.1650357729.tushar-Aspire-E5-573G.2271216.0 new file mode 100644 index 0000000000000000000000000000000000000000..7051eaf361e98f7749d116e7a95847db833ed018 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_10/events.out.tfevents.1650357729.tushar-Aspire-E5-573G.2271216.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_10/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_10/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_10/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_11/events.out.tfevents.1650357838.tushar-Aspire-E5-573G.2271328.0 b/doc/tensorboard/Ragib_UNet/version_11/events.out.tfevents.1650357838.tushar-Aspire-E5-573G.2271328.0 new file mode 100644 index 0000000000000000000000000000000000000000..3f829ba24a85f466a416ada38fe89a98a53fb737 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_11/events.out.tfevents.1650357838.tushar-Aspire-E5-573G.2271328.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_11/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_11/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_11/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_12/events.out.tfevents.1650365231.tushar-Aspire-E5-573G.2273821.0 b/doc/tensorboard/Ragib_UNet/version_12/events.out.tfevents.1650365231.tushar-Aspire-E5-573G.2273821.0 new file mode 100644 index 0000000000000000000000000000000000000000..3a62f5f3fc8a6575aa4bc7e16d16ff6898270ea7 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_12/events.out.tfevents.1650365231.tushar-Aspire-E5-573G.2273821.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_12/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_12/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_12/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_13/events.out.tfevents.1650367234.tushar-Aspire-E5-573G.2275875.0 b/doc/tensorboard/Ragib_UNet/version_13/events.out.tfevents.1650367234.tushar-Aspire-E5-573G.2275875.0 new file mode 100644 index 0000000000000000000000000000000000000000..6f53d004b9cedfd07de478a3e2dde82d66c47d9e Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_13/events.out.tfevents.1650367234.tushar-Aspire-E5-573G.2275875.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_13/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_13/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_13/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_14/events.out.tfevents.1650367329.tushar-Aspire-E5-573G.2276005.0 b/doc/tensorboard/Ragib_UNet/version_14/events.out.tfevents.1650367329.tushar-Aspire-E5-573G.2276005.0 new file mode 100644 index 0000000000000000000000000000000000000000..0b673d3e8390c65aadd34a91f280d3c53c869f82 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_14/events.out.tfevents.1650367329.tushar-Aspire-E5-573G.2276005.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_14/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_14/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_14/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_15/events.out.tfevents.1650367406.tushar-Aspire-E5-573G.2276105.0 b/doc/tensorboard/Ragib_UNet/version_15/events.out.tfevents.1650367406.tushar-Aspire-E5-573G.2276105.0 new file mode 100644 index 0000000000000000000000000000000000000000..b90532472fbcda209a137da94f27db8b3aabe6fa Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_15/events.out.tfevents.1650367406.tushar-Aspire-E5-573G.2276105.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_15/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_15/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_15/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_16/events.out.tfevents.1650367535.tushar-Aspire-E5-573G.2276325.0 b/doc/tensorboard/Ragib_UNet/version_16/events.out.tfevents.1650367535.tushar-Aspire-E5-573G.2276325.0 new file mode 100644 index 0000000000000000000000000000000000000000..294ea64fa3fb491bad39c0057edb69bb8766b21f Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_16/events.out.tfevents.1650367535.tushar-Aspire-E5-573G.2276325.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_16/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_16/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_16/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_17/events.out.tfevents.1650367625.tushar-Aspire-E5-573G.2276429.0 b/doc/tensorboard/Ragib_UNet/version_17/events.out.tfevents.1650367625.tushar-Aspire-E5-573G.2276429.0 new file mode 100644 index 0000000000000000000000000000000000000000..852dc6f901375ca4a3f207184cdb420f0944f2c8 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_17/events.out.tfevents.1650367625.tushar-Aspire-E5-573G.2276429.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_17/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_17/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_17/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_18/events.out.tfevents.1650367767.tushar-Aspire-E5-573G.2276533.0 b/doc/tensorboard/Ragib_UNet/version_18/events.out.tfevents.1650367767.tushar-Aspire-E5-573G.2276533.0 new file mode 100644 index 0000000000000000000000000000000000000000..f4b84d201383f1e110f1c9935cf0e0bc07f33af6 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_18/events.out.tfevents.1650367767.tushar-Aspire-E5-573G.2276533.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_18/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_18/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_18/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_19/events.out.tfevents.1650368840.tushar-Aspire-E5-573G.2277186.0 b/doc/tensorboard/Ragib_UNet/version_19/events.out.tfevents.1650368840.tushar-Aspire-E5-573G.2277186.0 new file mode 100644 index 0000000000000000000000000000000000000000..fa87c0dc7835cf41571cce7496ef5dfc01bddcea Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_19/events.out.tfevents.1650368840.tushar-Aspire-E5-573G.2277186.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_19/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_19/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_19/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_20/events.out.tfevents.1650373620.tushar-Aspire-E5-573G.2282782.0 b/doc/tensorboard/Ragib_UNet/version_20/events.out.tfevents.1650373620.tushar-Aspire-E5-573G.2282782.0 new file mode 100644 index 0000000000000000000000000000000000000000..46a5d4c2bdbc0f1bc1de0b1ee8a3727005412653 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_20/events.out.tfevents.1650373620.tushar-Aspire-E5-573G.2282782.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_20/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_20/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_20/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_21/events.out.tfevents.1650374519.tushar-Aspire-E5-573G.2283750.0 b/doc/tensorboard/Ragib_UNet/version_21/events.out.tfevents.1650374519.tushar-Aspire-E5-573G.2283750.0 new file mode 100644 index 0000000000000000000000000000000000000000..23a9204465973c278228e105432aa61b2727b53a Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_21/events.out.tfevents.1650374519.tushar-Aspire-E5-573G.2283750.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_21/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_21/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_21/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_22/events.out.tfevents.1650374793.tushar-Aspire-E5-573G.2284019.0 b/doc/tensorboard/Ragib_UNet/version_22/events.out.tfevents.1650374793.tushar-Aspire-E5-573G.2284019.0 new file mode 100644 index 0000000000000000000000000000000000000000..c9a04c5c36dc0422979ed73761a7e88d41883193 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_22/events.out.tfevents.1650374793.tushar-Aspire-E5-573G.2284019.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_22/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_22/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_22/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_23/events.out.tfevents.1650374887.tushar-Aspire-E5-573G.2284121.0 b/doc/tensorboard/Ragib_UNet/version_23/events.out.tfevents.1650374887.tushar-Aspire-E5-573G.2284121.0 new file mode 100644 index 0000000000000000000000000000000000000000..a3432bd3341df94c45987996332ae0a6167246cf Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_23/events.out.tfevents.1650374887.tushar-Aspire-E5-573G.2284121.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_23/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_23/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_23/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_24/events.out.tfevents.1650375046.tushar-Aspire-E5-573G.2284329.0 b/doc/tensorboard/Ragib_UNet/version_24/events.out.tfevents.1650375046.tushar-Aspire-E5-573G.2284329.0 new file mode 100644 index 0000000000000000000000000000000000000000..3d5ee0bef62866d3891ce97a68b475e318868a1d Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_24/events.out.tfevents.1650375046.tushar-Aspire-E5-573G.2284329.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_24/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_24/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_24/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_25/events.out.tfevents.1650375119.tushar-Aspire-E5-573G.2284482.0 b/doc/tensorboard/Ragib_UNet/version_25/events.out.tfevents.1650375119.tushar-Aspire-E5-573G.2284482.0 new file mode 100644 index 0000000000000000000000000000000000000000..b082147da607b0ea8b235353047bd5293089197c Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_25/events.out.tfevents.1650375119.tushar-Aspire-E5-573G.2284482.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_25/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_25/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_25/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_26/events.out.tfevents.1650375269.tushar-Aspire-E5-573G.2284660.0 b/doc/tensorboard/Ragib_UNet/version_26/events.out.tfevents.1650375269.tushar-Aspire-E5-573G.2284660.0 new file mode 100644 index 0000000000000000000000000000000000000000..3cd1f3e3a9074a345e8ce2cf2851ef5bd4f4e530 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_26/events.out.tfevents.1650375269.tushar-Aspire-E5-573G.2284660.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_26/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_26/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_26/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_27/events.out.tfevents.1650377305.tushar-Aspire-E5-573G.2287460.0 b/doc/tensorboard/Ragib_UNet/version_27/events.out.tfevents.1650377305.tushar-Aspire-E5-573G.2287460.0 new file mode 100644 index 0000000000000000000000000000000000000000..6e19b0c26a7613fa969139caf6a963d29e8b9307 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_27/events.out.tfevents.1650377305.tushar-Aspire-E5-573G.2287460.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_27/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_27/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_27/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_28/events.out.tfevents.1650377382.tushar-Aspire-E5-573G.2287576.0 b/doc/tensorboard/Ragib_UNet/version_28/events.out.tfevents.1650377382.tushar-Aspire-E5-573G.2287576.0 new file mode 100644 index 0000000000000000000000000000000000000000..bbe3c5c43d5e8de0b3d23c72258351fb317436b2 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_28/events.out.tfevents.1650377382.tushar-Aspire-E5-573G.2287576.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_28/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_28/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_28/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_29/events.out.tfevents.1650377479.tushar-Aspire-E5-573G.2287669.0 b/doc/tensorboard/Ragib_UNet/version_29/events.out.tfevents.1650377479.tushar-Aspire-E5-573G.2287669.0 new file mode 100644 index 0000000000000000000000000000000000000000..e0d3df790de5f1b49a45e6f334c6123c53500bc0 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_29/events.out.tfevents.1650377479.tushar-Aspire-E5-573G.2287669.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_29/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_29/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_29/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_30/events.out.tfevents.1650377769.tushar-Aspire-E5-573G.2288095.0 b/doc/tensorboard/Ragib_UNet/version_30/events.out.tfevents.1650377769.tushar-Aspire-E5-573G.2288095.0 new file mode 100644 index 0000000000000000000000000000000000000000..f51dee9211e3924d6997503b714ba4813a8dd92a Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_30/events.out.tfevents.1650377769.tushar-Aspire-E5-573G.2288095.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_30/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_30/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_30/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_31/events.out.tfevents.1650377905.tushar-Aspire-E5-573G.2288236.0 b/doc/tensorboard/Ragib_UNet/version_31/events.out.tfevents.1650377905.tushar-Aspire-E5-573G.2288236.0 new file mode 100644 index 0000000000000000000000000000000000000000..995cefa76b615b785d4160ad8e7f1d5c8ae6e289 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_31/events.out.tfevents.1650377905.tushar-Aspire-E5-573G.2288236.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_32/events.out.tfevents.1650378067.tushar-Aspire-E5-573G.2292986.0 b/doc/tensorboard/Ragib_UNet/version_32/events.out.tfevents.1650378067.tushar-Aspire-E5-573G.2292986.0 new file mode 100644 index 0000000000000000000000000000000000000000..d00a3737dea6631e34cc6cf7e30019c13ce39f4e Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_32/events.out.tfevents.1650378067.tushar-Aspire-E5-573G.2292986.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_32/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_32/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_32/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_33/events.out.tfevents.1650378147.tushar-Aspire-E5-573G.2295764.0 b/doc/tensorboard/Ragib_UNet/version_33/events.out.tfevents.1650378147.tushar-Aspire-E5-573G.2295764.0 new file mode 100644 index 0000000000000000000000000000000000000000..def2e84d15381f4223ad37306e542eabf2a62db3 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_33/events.out.tfevents.1650378147.tushar-Aspire-E5-573G.2295764.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_33/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_33/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_33/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_34/events.out.tfevents.1650378193.tushar-Aspire-E5-573G.2297421.0 b/doc/tensorboard/Ragib_UNet/version_34/events.out.tfevents.1650378193.tushar-Aspire-E5-573G.2297421.0 new file mode 100644 index 0000000000000000000000000000000000000000..63fb48a8c2b1519b6e33bd3437cc5373c37b3e7f Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_34/events.out.tfevents.1650378193.tushar-Aspire-E5-573G.2297421.0 differ diff --git a/doc/tensorboard/Ragib_UNet/version_34/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_34/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca39d50c578ba9a3fd6d87688325bf1d083c1791 --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_34/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/Ragib_UNet/version_8/events.out.tfevents.1649948667.tushar-Aspire-E5-573G.134444.5 b/doc/tensorboard/Ragib_UNet/version_8/events.out.tfevents.1649948667.tushar-Aspire-E5-573G.134444.5 new file mode 100644 index 0000000000000000000000000000000000000000..d9038eb1996fcf7174ab13a767a555114eef0a4d Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_8/events.out.tfevents.1649948667.tushar-Aspire-E5-573G.134444.5 differ diff --git a/doc/tensorboard/Ragib_UNet/version_9/events.out.tfevents.1649949601.tushar-Aspire-E5-573G.134444.6 b/doc/tensorboard/Ragib_UNet/version_9/events.out.tfevents.1649949601.tushar-Aspire-E5-573G.134444.6 new file mode 100644 index 0000000000000000000000000000000000000000..787d8660ceebba0399b9c6dd80d13742c4aa4612 Binary files /dev/null and b/doc/tensorboard/Ragib_UNet/version_9/events.out.tfevents.1649949601.tushar-Aspire-E5-573G.134444.6 differ diff --git a/doc/tensorboard/Ragib_UNet/version_9/hparams.yaml b/doc/tensorboard/Ragib_UNet/version_9/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..214f605f1906f90afea3970f5c29a422f08c6c5c --- /dev/null +++ b/doc/tensorboard/Ragib_UNet/version_9/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: 1 +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 8 +log_gpu_memory: null +logger: true +max_epochs: 10 +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: Ragib_UNet +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: true +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top diff --git a/doc/tensorboard/model/version_0/events.out.tfevents.1650356389.tushar-Aspire-E5-573G.2269849.0 b/doc/tensorboard/model/version_0/events.out.tfevents.1650356389.tushar-Aspire-E5-573G.2269849.0 new file mode 100644 index 0000000000000000000000000000000000000000..b8ca58317c52756326aa20e6896b7e76ff9dde6e Binary files /dev/null and b/doc/tensorboard/model/version_0/events.out.tfevents.1650356389.tushar-Aspire-E5-573G.2269849.0 differ diff --git a/doc/tensorboard/model/version_0/hparams.yaml b/doc/tensorboard/model/version_0/hparams.yaml new file mode 100644 index 0000000000000000000000000000000000000000..b0ffe3694ac52440d09169fdc1935eadd2d1bfa0 --- /dev/null +++ b/doc/tensorboard/model/version_0/hparams.yaml @@ -0,0 +1,71 @@ +accelerator: null +accumulate_grad_batches: null +amp_backend: native +amp_level: null +auto_lr_find: false +auto_scale_batch_size: false +auto_select_gpus: false +batch_size: 8 +benchmark: null +check_val_every_n_epoch: 1 +checkpoint_callback: null +ckpt_dir: tmp/ckpt/ +crop_size: 362 +default_root_dir: null +depth: 3 +detect_anomaly: false +deterministic: false +devices: null +enable_checkpointing: true +enable_model_summary: true +enable_progress_bar: true +fast_dev_run: false +flush_logs_every_n_steps: null +gpus: null +gradient_clip_algorithm: null +gradient_clip_val: null +ipus: null +learning_rate: 0.001 +limit_predict_batches: null +limit_test_batches: null +limit_train_batches: null +limit_val_batches: null +log_dir: doc/tensorboard/ +log_every_n_steps: 50 +log_gpu_memory: null +logger: true +max_epochs: null +max_steps: -1 +max_time: null +min_epochs: null +min_steps: null +move_metrics_to_cpu: false +multiple_trainloader_mode: max_size_cycle +name: model +num_nodes: 1 +num_processes: null +num_sanity_val_steps: 2 +num_workers: 4 +overfit_batches: 0.0 +patch_size: 256 +plugins: null +precision: 32 +prepare_data_per_node: null +process_position: 0 +profiler: null +progress_bar_refresh_rate: null +reload_dataloaders_every_n_epochs: 0 +replace_sampler_ddp: true +resume_from_checkpoint: null +save_every_n_epochs: null +stochastic_weight_avg: false +strategy: null +sync_batchnorm: false +terminate_on_nan: null +tpu_cores: null +track_grad_norm: -1 +train_size: 1024 +val_check_interval: null +val_size: 64 +weights_save_path: null +weights_summary: top