prototorch_models/examples/ng_iris.py

50 lines
1.2 KiB
Python
Raw Normal View History

2021-04-23 15:38:29 +00:00
"""Neural Gas example using the Iris dataset."""
2021-04-23 15:30:23 +00:00
2021-05-21 15:55:55 +00:00
import argparse
2021-06-03 14:34:48 +00:00
import prototorch as pt
2021-04-23 15:30:23 +00:00
import pytorch_lightning as pl
2021-05-07 13:25:04 +00:00
import torch
2021-05-21 15:55:55 +00:00
from sklearn.datasets import load_iris
from sklearn.preprocessing import StandardScaler
2021-04-23 15:30:23 +00:00
if __name__ == "__main__":
2021-05-21 15:55:55 +00:00
# Command-line arguments
parser = argparse.ArgumentParser()
parser = pl.Trainer.add_argparse_args(parser)
args = parser.parse_args()
2021-05-07 13:25:04 +00:00
# Prepare and pre-process the dataset
2021-04-23 15:30:23 +00:00
x_train, y_train = load_iris(return_X_y=True)
x_train = x_train[:, [0, 2]]
scaler = StandardScaler()
scaler.fit(x_train)
x_train = scaler.transform(x_train)
2021-05-07 13:25:04 +00:00
train_ds = pt.datasets.NumpyDataset(x_train, y_train)
2021-04-23 15:30:23 +00:00
# Dataloaders
2021-05-30 22:52:16 +00:00
train_loader = torch.utils.data.DataLoader(train_ds, batch_size=150)
2021-04-23 15:30:23 +00:00
# Hyperparameters
2021-05-07 13:25:04 +00:00
hparams = dict(num_prototypes=30, lr=0.03)
2021-04-23 15:30:23 +00:00
# Initialize the model
2021-06-03 14:34:48 +00:00
model = pt.models.NeuralGas(hparams,
prototype_initializer=pt.components.Zeros(2))
2021-04-23 15:30:23 +00:00
# Model summary
print(model)
# Callbacks
2021-05-07 13:25:04 +00:00
vis = pt.models.VisNG2D(data=train_ds)
2021-04-23 15:30:23 +00:00
# Setup trainer
2021-05-21 15:55:55 +00:00
trainer = pl.Trainer.from_argparse_args(
args,
callbacks=[vis],
)
2021-04-23 15:30:23 +00:00
# Training loop
trainer.fit(model, train_loader)