Skip to content

Commit

Permalink
renaming
Browse files Browse the repository at this point in the history
  • Loading branch information
pme0 committed Oct 5, 2023
1 parent e7c4338 commit 0478482
Show file tree
Hide file tree
Showing 40 changed files with 829 additions and 214 deletions.
75 changes: 75 additions & 0 deletions configs/SkinLesionSegmentation.yaml
Original file line number Diff line number Diff line change
@@ -0,0 +1,75 @@
modes:
train: true
test: false

task: SemanticSegmentation
data:
dataset: HAM10000
root: /Users/pme/research/data/HAM10000
num_workers: 4
batch_size: 64
module:
target: deeplightning.data.dataloaders.vision.ham10000.HAM10000
image_size: [600, 450]
num_channels: 3
num_classes: 2 # segmentation classes
train_transforms:
normalize: # use `deeplightning.utils.data.compute_dataset_mean_and_stdev()`
mean: [0., 0., 0.]
std: [1., 1., 1.]
resize: [32, 32]
test_transforms:
normalize:
mean: [0., 0., 0.]
std: [1., 1., 1.]

model:
module:
target: deeplightning.task.vision.segmentation.TaskModule
network:
target: torchvision.models.segmentation.deeplabv3_resnet50
params:
num_classes: 2
optimizer:
target: deeplightning.optimizer.lion.Lion
params:
scheduler:
target: torch.optim.lr_scheduler.ExponentialLR
params:
gamma: 0.99
call:
interval: "epoch"
frequency: 1
loss:
target: torch.nn.CrossEntropyLoss
params:

engine:
accelerator: cpu
strategy: auto
devices: auto
num_nodes: 1
precision: 32

train:
num_epochs: 10
val_every_n_epoch: 1
grad_accum_from_epoch: 0
grad_accum_every_n_batches: 1
ckpt_resume_path: null
ckpt_monitor_metric: val_acc # used in `ModelCheckpoint` callback
ckpt_every_n_epochs: 1
ckpt_save_top_k: 1
early_stop_metric: null
early_stop_delta: 0.001
early_stop_patience: 3

test:
ckpt_test_path: /PATH_TO_CKPT # used only when `modes.test=True`

logger:
name: wandb
project_name: trial
tags: ["_"] # cannot be empty
notes: null
log_every_n_steps: 20
4 changes: 2 additions & 2 deletions deeplightning/config/load.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@
import torch

from deeplightning.config.compute import runtime_compute
from deeplightning.registry.registry import (__TaskRegistry__,
__LoggerRegistry__,)
from deeplightning.registry import (__TaskRegistry__,
__LoggerRegistry__,)
from deeplightning.config.defaults import __ConfigGroups__
from deeplightning.utils.messages import (info_message,
warning_message,
Expand Down
127 changes: 0 additions & 127 deletions deeplightning/data/dataloaders/image/ham10000.py

This file was deleted.

File renamed without changes.
Loading

0 comments on commit 0478482

Please sign in to comment.