2020-02-10 07:38:56 +08:00
|
|
|
# encoding: utf-8
|
|
|
|
"""
|
|
|
|
credit:
|
|
|
|
https://github.com/facebookresearch/detectron2/blob/master/detectron2/engine/train_loop.py
|
|
|
|
"""
|
|
|
|
|
|
|
|
import logging
|
|
|
|
import time
|
|
|
|
import weakref
|
2020-07-06 16:57:43 +08:00
|
|
|
|
|
|
|
import numpy as np
|
2020-02-10 07:38:56 +08:00
|
|
|
import torch
|
2020-07-10 16:28:53 +08:00
|
|
|
from torch.nn.parallel import DistributedDataParallel
|
2020-07-06 16:57:43 +08:00
|
|
|
|
2020-02-10 07:38:56 +08:00
|
|
|
import fastreid.utils.comm as comm
|
|
|
|
from fastreid.utils.events import EventStorage
|
|
|
|
|
|
|
|
__all__ = ["HookBase", "TrainerBase", "SimpleTrainer"]
|
|
|
|
|
|
|
|
|
|
|
|
class HookBase:
|
|
|
|
"""
|
|
|
|
Base class for hooks that can be registered with :class:`TrainerBase`.
|
|
|
|
Each hook can implement 4 methods. The way they are called is demonstrated
|
|
|
|
in the following snippet:
|
|
|
|
.. code-block:: python
|
|
|
|
hook.before_train()
|
|
|
|
for iter in range(start_iter, max_iter):
|
|
|
|
hook.before_step()
|
|
|
|
trainer.run_step()
|
|
|
|
hook.after_step()
|
|
|
|
hook.after_train()
|
|
|
|
Notes:
|
|
|
|
1. In the hook method, users can access `self.trainer` to access more
|
|
|
|
properties about the context (e.g., current iteration).
|
|
|
|
2. A hook that does something in :meth:`before_step` can often be
|
|
|
|
implemented equivalently in :meth:`after_step`.
|
|
|
|
If the hook takes non-trivial time, it is strongly recommended to
|
|
|
|
implement the hook in :meth:`after_step` instead of :meth:`before_step`.
|
|
|
|
The convention is that :meth:`before_step` should only take negligible time.
|
|
|
|
Following this convention will allow hooks that do care about the difference
|
|
|
|
between :meth:`before_step` and :meth:`after_step` (e.g., timer) to
|
|
|
|
function properly.
|
|
|
|
Attributes:
|
|
|
|
trainer: A weak reference to the trainer object. Set by the trainer when the hook is
|
|
|
|
registered.
|
|
|
|
"""
|
|
|
|
|
|
|
|
def before_train(self):
|
|
|
|
"""
|
|
|
|
Called before the first iteration.
|
|
|
|
"""
|
|
|
|
pass
|
|
|
|
|
|
|
|
def after_train(self):
|
|
|
|
"""
|
|
|
|
Called after the last iteration.
|
|
|
|
"""
|
|
|
|
pass
|
|
|
|
|
|
|
|
def before_step(self):
|
|
|
|
"""
|
|
|
|
Called before each iteration.
|
|
|
|
"""
|
|
|
|
pass
|
|
|
|
|
|
|
|
def after_step(self):
|
|
|
|
"""
|
|
|
|
Called after each iteration.
|
|
|
|
"""
|
|
|
|
pass
|
|
|
|
|
|
|
|
|
|
|
|
class TrainerBase:
|
|
|
|
"""
|
|
|
|
Base class for iterative trainer with hooks.
|
|
|
|
The only assumption we made here is: the training runs in a loop.
|
|
|
|
A subclass can implement what the loop is.
|
|
|
|
We made no assumptions about the existence of dataloader, optimizer, model, etc.
|
|
|
|
Attributes:
|
|
|
|
iter(int): the current iteration.
|
|
|
|
start_iter(int): The iteration to start with.
|
|
|
|
By convention the minimum possible value is 0.
|
|
|
|
max_iter(int): The iteration to end training.
|
|
|
|
storage(EventStorage): An EventStorage that's opened during the course of training.
|
|
|
|
"""
|
|
|
|
|
|
|
|
def __init__(self):
|
|
|
|
self._hooks = []
|
|
|
|
|
|
|
|
def register_hooks(self, hooks):
|
|
|
|
"""
|
|
|
|
Register hooks to the trainer. The hooks are executed in the order
|
|
|
|
they are registered.
|
|
|
|
Args:
|
|
|
|
hooks (list[Optional[HookBase]]): list of hooks
|
|
|
|
"""
|
|
|
|
hooks = [h for h in hooks if h is not None]
|
|
|
|
for h in hooks:
|
|
|
|
assert isinstance(h, HookBase)
|
|
|
|
# To avoid circular reference, hooks and trainer cannot own each other.
|
|
|
|
# This normally does not matter, but will cause memory leak if the
|
|
|
|
# involved objects contain __del__:
|
|
|
|
# See http://engineering.hearsaysocial.com/2013/06/16/circular-references-in-python/
|
|
|
|
h.trainer = weakref.proxy(self)
|
|
|
|
self._hooks.extend(hooks)
|
|
|
|
|
|
|
|
def train(self, start_iter: int, max_iter: int):
|
|
|
|
"""
|
|
|
|
Args:
|
|
|
|
start_iter, max_iter (int): See docs above
|
|
|
|
"""
|
|
|
|
logger = logging.getLogger(__name__)
|
|
|
|
logger.info("Starting training from iteration {}".format(start_iter))
|
|
|
|
|
|
|
|
self.iter = self.start_iter = start_iter
|
|
|
|
self.max_iter = max_iter
|
|
|
|
|
|
|
|
with EventStorage(start_iter) as self.storage:
|
2020-02-11 22:38:40 +08:00
|
|
|
try:
|
|
|
|
self.before_train()
|
|
|
|
for self.iter in range(start_iter, max_iter):
|
|
|
|
self.before_step()
|
|
|
|
self.run_step()
|
|
|
|
self.after_step()
|
|
|
|
except Exception:
|
|
|
|
logger.exception("Exception during training:")
|
|
|
|
finally:
|
|
|
|
self.after_train()
|
2020-02-10 07:38:56 +08:00
|
|
|
|
|
|
|
def before_train(self):
|
|
|
|
for h in self._hooks:
|
|
|
|
h.before_train()
|
|
|
|
|
|
|
|
def after_train(self):
|
|
|
|
for h in self._hooks:
|
|
|
|
h.after_train()
|
|
|
|
|
|
|
|
def before_step(self):
|
|
|
|
for h in self._hooks:
|
|
|
|
h.before_step()
|
|
|
|
|
|
|
|
def after_step(self):
|
|
|
|
for h in self._hooks:
|
|
|
|
h.after_step()
|
|
|
|
# this guarantees, that in each hook's after_step, storage.iter == trainer.iter
|
|
|
|
self.storage.step()
|
|
|
|
|
|
|
|
def run_step(self):
|
|
|
|
raise NotImplementedError
|
|
|
|
|
|
|
|
|
|
|
|
class SimpleTrainer(TrainerBase):
|
|
|
|
"""
|
|
|
|
A simple trainer for the most common type of task:
|
|
|
|
single-cost single-optimizer single-data-source iterative optimization.
|
|
|
|
It assumes that every step, you:
|
|
|
|
1. Compute the loss with a data from the data_loader.
|
|
|
|
2. Compute the gradients with the above loss.
|
|
|
|
3. Update the model with the optimizer.
|
|
|
|
If you want to do anything fancier than this,
|
|
|
|
either subclass TrainerBase and implement your own `run_step`,
|
|
|
|
or write your own training loop.
|
|
|
|
"""
|
|
|
|
|
2020-03-25 10:58:26 +08:00
|
|
|
def __init__(self, model, data_loader, optimizer):
|
2020-02-10 07:38:56 +08:00
|
|
|
"""
|
|
|
|
Args:
|
|
|
|
model: a torch Module. Takes a data from data_loader and returns a
|
|
|
|
dict of heads.
|
|
|
|
data_loader: an iterable. Contains data to be used to call model.
|
|
|
|
optimizer: a torch optimizer.
|
|
|
|
"""
|
|
|
|
super().__init__()
|
|
|
|
|
|
|
|
"""
|
|
|
|
We set the model to training mode in the trainer.
|
|
|
|
However it's valid to train a model that's in eval mode.
|
|
|
|
If you want your model (or a submodule of it) to behave
|
|
|
|
like evaluation during training, you can overwrite its train() method.
|
|
|
|
"""
|
|
|
|
model.train()
|
|
|
|
|
|
|
|
self.model = model
|
|
|
|
self.data_loader = data_loader
|
2020-05-25 23:39:11 +08:00
|
|
|
self._data_loader_iter = iter(data_loader)
|
2020-02-10 07:38:56 +08:00
|
|
|
self.optimizer = optimizer
|
|
|
|
|
|
|
|
def run_step(self):
|
|
|
|
"""
|
|
|
|
Implement the standard training logic described above.
|
|
|
|
"""
|
|
|
|
assert self.model.training, "[SimpleTrainer] model was changed to eval mode!"
|
|
|
|
start = time.perf_counter()
|
|
|
|
"""
|
|
|
|
If your want to do something with the data, you can wrap the dataloader.
|
|
|
|
"""
|
2020-05-25 23:39:11 +08:00
|
|
|
data = next(self._data_loader_iter)
|
2020-02-10 07:38:56 +08:00
|
|
|
data_time = time.perf_counter() - start
|
2020-07-06 16:57:43 +08:00
|
|
|
|
2020-02-10 07:38:56 +08:00
|
|
|
"""
|
|
|
|
If your want to do something with the heads, you can wrap the model.
|
|
|
|
"""
|
2020-07-14 11:58:06 +08:00
|
|
|
outputs, targets = self.model(data)
|
2020-07-10 16:28:53 +08:00
|
|
|
|
|
|
|
# Compute loss
|
|
|
|
if isinstance(self.model, DistributedDataParallel):
|
2020-07-14 11:58:06 +08:00
|
|
|
loss_dict = self.model.module.losses(outputs, targets)
|
2020-07-10 16:28:53 +08:00
|
|
|
else:
|
2020-07-14 11:58:06 +08:00
|
|
|
loss_dict = self.model.losses(outputs, targets)
|
2020-07-10 16:28:53 +08:00
|
|
|
|
2020-07-06 16:57:43 +08:00
|
|
|
losses = sum(loss_dict.values())
|
2020-02-10 07:38:56 +08:00
|
|
|
self._detect_anomaly(losses, loss_dict)
|
|
|
|
|
|
|
|
metrics_dict = loss_dict
|
|
|
|
metrics_dict["data_time"] = data_time
|
|
|
|
self._write_metrics(metrics_dict)
|
|
|
|
|
|
|
|
"""
|
|
|
|
If you need accumulate gradients or something similar, you can
|
|
|
|
wrap the optimizer with your custom `zero_grad()` method.
|
|
|
|
"""
|
|
|
|
self.optimizer.zero_grad()
|
|
|
|
losses.backward()
|
|
|
|
|
|
|
|
"""
|
|
|
|
If you need gradient clipping/scaling or other processing, you can
|
|
|
|
wrap the optimizer with your custom `step()` method.
|
|
|
|
"""
|
|
|
|
self.optimizer.step()
|
|
|
|
|
|
|
|
def _detect_anomaly(self, losses, loss_dict):
|
|
|
|
if not torch.isfinite(losses).all():
|
|
|
|
raise FloatingPointError(
|
|
|
|
"Loss became infinite or NaN at iteration={}!\nloss_dict = {}".format(
|
|
|
|
self.iter, loss_dict
|
|
|
|
)
|
|
|
|
)
|
|
|
|
|
|
|
|
def _write_metrics(self, metrics_dict: dict):
|
|
|
|
"""
|
|
|
|
Args:
|
|
|
|
metrics_dict (dict): dict of scalar metrics
|
|
|
|
"""
|
|
|
|
metrics_dict = {
|
|
|
|
k: v.detach().cpu().item() if isinstance(v, torch.Tensor) else float(v)
|
|
|
|
for k, v in metrics_dict.items()
|
|
|
|
}
|
|
|
|
# gather metrics among all workers for logging
|
|
|
|
# This assumes we do DDP-style training, which is currently the only
|
2020-07-06 16:57:43 +08:00
|
|
|
# supported method in fastreid.
|
2020-02-10 07:38:56 +08:00
|
|
|
all_metrics_dict = comm.gather(metrics_dict)
|
|
|
|
|
2020-07-06 16:57:43 +08:00
|
|
|
if comm.is_main_process():
|
|
|
|
if "data_time" in all_metrics_dict[0]:
|
|
|
|
# data_time among workers can have high variance. The actual latency
|
|
|
|
# caused by data_time is the maximum among workers.
|
|
|
|
data_time = np.max([x.pop("data_time") for x in all_metrics_dict])
|
|
|
|
self.storage.put_scalar("data_time", data_time)
|
|
|
|
|
|
|
|
# average the rest metrics
|
|
|
|
metrics_dict = {
|
|
|
|
k: np.mean([x[k] for x in all_metrics_dict]) for k in all_metrics_dict[0].keys()
|
|
|
|
}
|
|
|
|
total_losses_reduced = sum(loss for loss in metrics_dict.values())
|
|
|
|
|
|
|
|
self.storage.put_scalar("total_loss", total_losses_reduced)
|
|
|
|
if len(metrics_dict) > 1:
|
|
|
|
self.storage.put_scalars(**metrics_dict)
|