prototorch_models/prototorch/y/architectures/base.py

227 lines
6.4 KiB
Python
Raw Normal View History

2022-05-17 14:25:43 +00:00
"""
2022-05-19 14:13:08 +00:00
Proto Y Architecture
2022-05-17 14:25:43 +00:00
2022-05-19 14:13:08 +00:00
Network architecture for Component based Learning.
2022-05-17 14:25:43 +00:00
"""
from __future__ import annotations
2022-05-17 15:25:51 +00:00
from dataclasses import dataclass
2022-05-17 14:25:43 +00:00
from typing import (
Any,
2022-06-09 12:55:59 +00:00
Callable,
2022-05-17 14:25:43 +00:00
Dict,
Set,
Type,
)
import pytorch_lightning as pl
import torch
2022-05-18 13:43:09 +00:00
from torchmetrics import Metric
2022-05-17 14:25:43 +00:00
class BaseYArchitecture(pl.LightningModule):
2022-05-17 15:25:51 +00:00
@dataclass
class HyperParameters:
...
2022-06-09 12:55:59 +00:00
# Fields
registered_metrics: dict[type[Metric], Metric] = {}
registered_metric_callbacks: dict[type[Metric], set[Callable]] = {}
2022-05-17 14:25:43 +00:00
2022-06-09 12:55:59 +00:00
# Type Hints for Necessary Fields
2022-05-18 13:43:09 +00:00
components_layer: torch.nn.Module
2022-05-17 15:25:51 +00:00
2022-05-17 14:25:43 +00:00
def __init__(self, hparams) -> None:
if type(hparams) is dict:
hparams = self.HyperParameters(**hparams)
2022-05-17 14:25:43 +00:00
super().__init__()
self.save_hyperparameters(hparams.__dict__)
2022-05-17 14:25:43 +00:00
# Common Steps
self.init_components(hparams)
self.init_latent(hparams)
self.init_comparison(hparams)
self.init_competition(hparams)
# Train Steps
self.init_loss(hparams)
# Inference Steps
self.init_inference(hparams)
# external API
2022-05-18 13:43:09 +00:00
def get_competition(self, batch, components):
2022-05-17 14:25:43 +00:00
latent_batch, latent_components = self.latent(batch, components)
# TODO: => Latent Hook
comparison_tensor = self.comparison(latent_batch, latent_components)
# TODO: => Comparison Hook
return comparison_tensor
def forward(self, batch):
if isinstance(batch, torch.Tensor):
batch = (batch, None)
# TODO: manage different datatypes?
components = self.components_layer()
# TODO: => Component Hook
2022-05-18 13:43:09 +00:00
comparison_tensor = self.get_competition(batch, components)
2022-05-17 14:25:43 +00:00
# TODO: => Competition Hook
return self.inference(comparison_tensor, components)
def predict(self, batch):
"""
Alias for forward
"""
return self.forward(batch)
def forward_comparison(self, batch):
if isinstance(batch, torch.Tensor):
batch = (batch, None)
# TODO: manage different datatypes?
components = self.components_layer()
# TODO: => Component Hook
2022-05-18 13:43:09 +00:00
return self.get_competition(batch, components)
2022-05-17 14:25:43 +00:00
def loss_forward(self, batch):
# TODO: manage different datatypes?
components = self.components_layer()
# TODO: => Component Hook
2022-05-18 13:43:09 +00:00
comparison_tensor = self.get_competition(batch, components)
2022-05-17 14:25:43 +00:00
# TODO: => Competition Hook
return self.loss(comparison_tensor, batch, components)
# Empty Initialization
# TODO: Docs
2022-05-17 15:25:51 +00:00
def init_components(self, hparams: HyperParameters) -> None:
2022-05-17 14:25:43 +00:00
...
2022-05-17 15:25:51 +00:00
def init_latent(self, hparams: HyperParameters) -> None:
2022-05-17 14:25:43 +00:00
...
2022-05-17 15:25:51 +00:00
def init_comparison(self, hparams: HyperParameters) -> None:
2022-05-17 14:25:43 +00:00
...
2022-05-17 15:25:51 +00:00
def init_competition(self, hparams: HyperParameters) -> None:
2022-05-17 14:25:43 +00:00
...
2022-05-17 15:25:51 +00:00
def init_loss(self, hparams: HyperParameters) -> None:
2022-05-17 14:25:43 +00:00
...
2022-05-17 15:25:51 +00:00
def init_inference(self, hparams: HyperParameters) -> None:
2022-05-17 14:25:43 +00:00
...
# Empty Steps
# TODO: Type hints
def components(self):
"""
This step has no input.
It returns the components.
"""
raise NotImplementedError(
"The components step has no reasonable default.")
def latent(self, batch, components):
"""
The latent step receives the data batch and the components.
It can transform both by an arbitrary function.
It returns the transformed batch and components, each of the same length as the original input.
"""
return batch, components
def comparison(self, batch, components):
"""
2022-05-18 13:43:09 +00:00
Takes a batch of size N and the component set of size M.
2022-05-17 14:25:43 +00:00
It returns an NxMxD tensor containing D (usually 1) pairwise comparison measures.
"""
raise NotImplementedError(
"The comparison step has no reasonable default.")
2022-05-18 13:43:09 +00:00
def competition(self, comparison_measures, components):
2022-05-17 14:25:43 +00:00
"""
Takes the tensor of comparison measures.
Assigns a competition vector to each class.
"""
raise NotImplementedError(
"The competition step has no reasonable default.")
2022-05-18 13:43:09 +00:00
def loss(self, comparison_measures, batch, components):
2022-05-17 14:25:43 +00:00
"""
Takes the tensor of competition measures.
Calculates a single loss value
"""
raise NotImplementedError("The loss step has no reasonable default.")
2022-05-18 13:43:09 +00:00
def inference(self, comparison_measures, components):
2022-05-17 14:25:43 +00:00
"""
Takes the tensor of competition measures.
Returns the inferred vector.
"""
raise NotImplementedError(
"The inference step has no reasonable default.")
2022-06-09 12:55:59 +00:00
# Y Architecture Hooks
2022-05-17 14:25:43 +00:00
2022-06-09 12:55:59 +00:00
# internal API, called by models and callbacks
def register_torchmetric(
self,
name: Callable,
metric: type[Metric],
2022-06-09 12:55:59 +00:00
**metric_kwargs,
):
if metric not in self.registered_metrics:
self.registered_metrics[metric] = metric(**metric_kwargs)
self.registered_metric_callbacks[metric] = {name}
else:
self.registered_metric_callbacks[metric].add(name)
def update_metrics_step(self, batch):
2022-05-17 14:25:43 +00:00
# Prediction Metrics
2022-06-09 12:55:59 +00:00
preds = self(batch)
x, y = batch
2022-05-17 14:25:43 +00:00
for metric in self.registered_metrics:
instance = self.registered_metrics[metric].to(self.device)
instance(y, preds)
def update_metrics_epoch(self):
for metric in self.registered_metrics:
instance = self.registered_metrics[metric].to(self.device)
value = instance.compute()
2022-06-09 12:55:59 +00:00
for callback in self.registered_metric_callbacks[metric]:
callback(value, self)
2022-05-17 14:25:43 +00:00
instance.reset()
# Lightning Hooks
2022-06-09 12:55:59 +00:00
# Steps
2022-05-17 14:25:43 +00:00
def training_step(self, batch, batch_idx, optimizer_idx=None):
2022-06-09 12:55:59 +00:00
self.update_metrics_step([torch.clone(el) for el in batch])
2022-05-17 14:25:43 +00:00
return self.loss_forward(batch)
def validation_step(self, batch, batch_idx):
return self.loss_forward(batch)
def test_step(self, batch, batch_idx):
return self.loss_forward(batch)
2022-06-09 12:55:59 +00:00
# Other Hooks
def training_epoch_end(self, outs) -> None:
self.update_metrics_epoch()
def on_save_checkpoint(self, checkpoint: dict[str, Any]) -> None:
checkpoint["hyper_parameters"] = {
'hparams': checkpoint["hyper_parameters"]
}
return super().on_save_checkpoint(checkpoint)