2021-11-17 14:01:38 +00:00
|
|
|
"""GMLVQ example using the spiral dataset."""
|
2021-04-29 17:09:10 +00:00
|
|
|
|
2021-05-21 15:55:55 +00:00
|
|
|
import argparse
|
2022-05-17 10:03:43 +00:00
|
|
|
import warnings
|
2021-05-21 15:55:55 +00:00
|
|
|
|
2021-06-04 20:21:28 +00:00
|
|
|
import prototorch as pt
|
2021-04-29 17:09:10 +00:00
|
|
|
import pytorch_lightning as pl
|
2021-05-21 16:54:47 +00:00
|
|
|
import torch
|
2023-06-20 15:30:21 +00:00
|
|
|
from lightning_fabric.utilities.seed import seed_everything
|
2022-05-17 10:03:43 +00:00
|
|
|
from prototorch.models import (
|
|
|
|
GMLVQ,
|
|
|
|
PruneLoserPrototypes,
|
|
|
|
VisGLVQ2D,
|
|
|
|
)
|
|
|
|
from pytorch_lightning.callbacks import EarlyStopping
|
|
|
|
from pytorch_lightning.utilities.warnings import PossibleUserWarning
|
|
|
|
from torch.utils.data import DataLoader
|
|
|
|
|
|
|
|
warnings.filterwarnings("ignore", category=PossibleUserWarning)
|
|
|
|
warnings.filterwarnings("ignore", category=UserWarning)
|
2021-04-29 17:09:10 +00:00
|
|
|
|
|
|
|
if __name__ == "__main__":
|
2022-05-17 10:03:43 +00:00
|
|
|
# Reproducibility
|
|
|
|
seed_everything(seed=4)
|
|
|
|
|
2021-05-21 15:55:55 +00:00
|
|
|
# Command-line arguments
|
|
|
|
parser = argparse.ArgumentParser()
|
2023-06-20 15:30:21 +00:00
|
|
|
parser.add_argument("--gpus", type=int, default=0)
|
|
|
|
parser.add_argument("--fast_dev_run", type=bool, default=False)
|
2021-05-21 15:55:55 +00:00
|
|
|
args = parser.parse_args()
|
|
|
|
|
2021-04-29 17:09:10 +00:00
|
|
|
# Dataset
|
2021-06-04 20:21:28 +00:00
|
|
|
train_ds = pt.datasets.Spiral(num_samples=500, noise=0.5)
|
2021-04-29 17:09:10 +00:00
|
|
|
|
|
|
|
# Dataloaders
|
2022-05-17 10:03:43 +00:00
|
|
|
train_loader = DataLoader(train_ds, batch_size=256)
|
2021-04-29 17:09:10 +00:00
|
|
|
|
|
|
|
# Hyperparameters
|
2021-05-25 13:41:10 +00:00
|
|
|
num_classes = 2
|
2021-06-04 20:21:28 +00:00
|
|
|
prototypes_per_class = 10
|
2021-04-29 17:09:10 +00:00
|
|
|
hparams = dict(
|
2021-05-25 13:41:10 +00:00
|
|
|
distribution=(num_classes, prototypes_per_class),
|
2021-06-04 20:21:28 +00:00
|
|
|
transfer_function="swish_beta",
|
2021-05-04 18:56:16 +00:00
|
|
|
transfer_beta=10.0,
|
2021-06-04 20:21:28 +00:00
|
|
|
proto_lr=0.1,
|
|
|
|
bb_lr=0.1,
|
|
|
|
input_dim=2,
|
|
|
|
latent_dim=2,
|
2021-04-29 17:09:10 +00:00
|
|
|
)
|
|
|
|
|
|
|
|
# Initialize the model
|
2022-05-17 10:03:43 +00:00
|
|
|
model = GMLVQ(
|
2021-06-04 20:21:28 +00:00
|
|
|
hparams,
|
|
|
|
optimizer=torch.optim.Adam,
|
2021-06-14 18:19:08 +00:00
|
|
|
prototypes_initializer=pt.initializers.SSCI(train_ds, noise=1e-2),
|
2021-06-04 20:21:28 +00:00
|
|
|
)
|
2021-04-29 17:09:10 +00:00
|
|
|
|
|
|
|
# Callbacks
|
2022-05-17 10:03:43 +00:00
|
|
|
vis = VisGLVQ2D(
|
2021-06-04 20:21:28 +00:00
|
|
|
train_ds,
|
|
|
|
show_last_only=False,
|
|
|
|
block=False,
|
|
|
|
)
|
2022-05-17 10:03:43 +00:00
|
|
|
pruning = PruneLoserPrototypes(
|
2021-06-14 18:19:08 +00:00
|
|
|
threshold=0.01,
|
2021-06-04 20:21:28 +00:00
|
|
|
idle_epochs=10,
|
|
|
|
prune_quota_per_epoch=5,
|
2021-06-14 18:19:08 +00:00
|
|
|
frequency=5,
|
2021-06-04 20:21:28 +00:00
|
|
|
replace=True,
|
2021-06-14 18:19:08 +00:00
|
|
|
prototypes_initializer=pt.initializers.SSCI(train_ds, noise=1e-1),
|
2021-06-04 20:21:28 +00:00
|
|
|
verbose=True,
|
|
|
|
)
|
2022-05-17 10:03:43 +00:00
|
|
|
es = EarlyStopping(
|
2021-06-04 20:21:28 +00:00
|
|
|
monitor="train_loss",
|
|
|
|
min_delta=1.0,
|
|
|
|
patience=5,
|
|
|
|
mode="min",
|
|
|
|
check_on_train_epoch_end=True,
|
|
|
|
)
|
2021-04-29 17:09:10 +00:00
|
|
|
|
|
|
|
# Setup trainer
|
2023-06-20 15:30:21 +00:00
|
|
|
trainer = pl.Trainer(
|
|
|
|
accelerator="cuda" if args.gpus else "cpu",
|
|
|
|
devices=args.gpus if args.gpus else "auto",
|
|
|
|
fast_dev_run=args.fast_dev_run,
|
2021-06-04 20:21:28 +00:00
|
|
|
callbacks=[
|
|
|
|
vis,
|
2021-07-06 15:09:21 +00:00
|
|
|
es,
|
2021-06-04 20:21:28 +00:00
|
|
|
pruning,
|
|
|
|
],
|
2022-05-17 10:03:43 +00:00
|
|
|
max_epochs=1000,
|
|
|
|
log_every_n_steps=1,
|
|
|
|
detect_anomaly=True,
|
2021-04-29 17:09:10 +00:00
|
|
|
)
|
|
|
|
|
|
|
|
# Training loop
|
|
|
|
trainer.fit(model, train_loader)
|