LightningIRDataModule
- class lightning_ir.data.datamodule.LightningIRDataModule(train_dataset: RunDataset | TupleDataset | None = None, train_batch_size: int | None = None, shuffle_train: bool = True, inference_datasets: Sequence[RunDataset | TupleDataset | QueryDataset | DocDataset] | None = None, inference_batch_size: int | None = None, num_workers: int = 0)[source]
Bases:
LightningDataModule
- __init__(train_dataset: RunDataset | TupleDataset | None = None, train_batch_size: int | None = None, shuffle_train: bool = True, inference_datasets: Sequence[RunDataset | TupleDataset | QueryDataset | DocDataset] | None = None, inference_batch_size: int | None = None, num_workers: int = 0) None [source]
Initializes a new Lightning IR DataModule.
- Parameters:
train_dataset (RunDataset | TupleDataset | None, optional) – A training dataset, defaults to None
train_batch_size (int | None, optional) – Batch size to use for training, defaults to None
shuffle_train (bool, optional) – Whether to shuffle the training data, defaults to True
inference_datasets (Sequence[RunDataset | TupleDataset | QueryDataset | DocDataset] | None, optional) – List of datasets to use for inference (indexing, searching, and re-ranking), defaults to None
inference_batch_size (int | None, optional) – Batch size to use for inference, defaults to None
num_workers (int, optional) – Number of workers for loading data in parallel, defaults to 0
Methods
__init__
([train_dataset, train_batch_size, ...])Initializes a new Lightning IR DataModule.
from_datasets
([train_dataset, val_dataset, ...])Create an instance from torch.utils.data.Dataset.
Returns a list of dataloaders for inference (testing or validation).
load_from_checkpoint
(checkpoint_path[, ...])Primary way of loading a datamodule from a checkpoint.
load_state_dict
(state_dict)Called when loading a checkpoint, implement to reload datamodule state given datamodule state_dict.
on_after_batch_transfer
(batch, dataloader_idx)Override to alter or apply batch augmentations to your batch after it is transferred to the device.
on_before_batch_transfer
(batch, dataloader_idx)Override to alter or apply batch augmentations to your batch before it is transferred to the device.
on_exception
(exception)Called when the trainer execution is interrupted by an exception.
An iterable or collection of iterables specifying prediction samples.
Use this to download and prepare data.
save_hyperparameters
(*args[, ignore, frame, ...])Save arguments to
hparams
attribute.setup
(stage)Sets up the data module for a given stage.
Called when saving a checkpoint, implement to generate and save datamodule state.
teardown
(stage)Called at the end of fit (train + validate), validate, test, or predict.
Returns a list of dataloaders for testing.
Returns a dataloader for training.
transfer_batch_to_device
(batch, device, ...)Override this hook if your
DataLoader
returns tensors wrapped in a custom data structure.Returns a list of dataloaders for validation.
Attributes
CHECKPOINT_HYPER_PARAMS_KEY
CHECKPOINT_HYPER_PARAMS_NAME
CHECKPOINT_HYPER_PARAMS_TYPE
The collection of hyperparameters saved with
save_hyperparameters()
.The collection of hyperparameters saved with
save_hyperparameters()
.name
- classmethod from_datasets(train_dataset: Dataset | Iterable[Dataset] | None = None, val_dataset: Dataset | Iterable[Dataset] | None = None, test_dataset: Dataset | Iterable[Dataset] | None = None, predict_dataset: Dataset | Iterable[Dataset] | None = None, batch_size: int = 1, num_workers: int = 0, **datamodule_kwargs: Any) LightningDataModule
Create an instance from torch.utils.data.Dataset.
- Parameters:
train_dataset – Optional dataset or iterable of datasets to be used for train_dataloader()
val_dataset – Optional dataset or iterable of datasets to be used for val_dataloader()
test_dataset – Optional dataset or iterable of datasets to be used for test_dataloader()
predict_dataset – Optional dataset or iterable of datasets to be used for predict_dataloader()
batch_size – Batch size to use for each dataloader. Default is 1. This parameter gets forwarded to the
__init__
if the datamodule has such a name defined in its signature.num_workers – Number of subprocesses to use for data loading. 0 means that the data will be loaded in the main process. Number of CPUs available. This parameter gets forwarded to the
__init__
if the datamodule has such a name defined in its signature.**datamodule_kwargs – Additional parameters that get passed down to the datamodule’s
__init__
.
- property hparams: AttributeDict | MutableMapping
The collection of hyperparameters saved with
save_hyperparameters()
. It is mutable by the user. For the frozen set of initial hyperparameters, usehparams_initial
.- Returns:
Mutable hyperparameters dictionary
- property hparams_initial: AttributeDict
The collection of hyperparameters saved with
save_hyperparameters()
. These contents are read-only. Manual updates to the saved hyperparameters can instead be performed throughhparams
.- Returns:
immutable initial hyperparameters
- Return type:
AttributeDict
- inference_dataloader() List[DataLoader] [source]
Returns a list of dataloaders for inference (testing or validation).
- Returns:
Dataloaders for inference
- Return type:
List[DataLoader]
- load_from_checkpoint(checkpoint_path: str | Path | IO, map_location: device | str | int | Callable[[UntypedStorage, str], UntypedStorage | None] | dict[device | str | int, device | str | int] | None = None, hparams_file: str | Path | None = None, **kwargs: Any) Self
Primary way of loading a datamodule from a checkpoint. When Lightning saves a checkpoint it stores the arguments passed to
__init__
in the checkpoint under"datamodule_hyper_parameters"
.Any arguments specified through **kwargs will override args stored in
"datamodule_hyper_parameters"
.- Parameters:
checkpoint_path – Path to checkpoint. This can also be a URL, or file-like object
map_location – If your checkpoint saved a GPU model and you now load on CPUs or a different number of GPUs, use this to map to the new setup. The behaviour is the same as in
torch.load()
.hparams_file –
Optional path to a
.yaml
or.csv
file with hierarchical structure as in this example:dataloader: batch_size: 32
You most likely won’t need this since Lightning will always save the hyperparameters to the checkpoint. However, if your checkpoint weights don’t have the hyperparameters saved, use this method to pass in a
.yaml
file with the hparams you’d like to use. These will be converted into adict
and passed into yourLightningDataModule
for use.If your datamodule’s
hparams
argument isNamespace
and.yaml
file has hierarchical structure, you need to refactor your datamodule to treathparams
asdict
.**kwargs – Any extra keyword args needed to init the datamodule. Can also be used to override saved hyperparameter values.
- Returns:
LightningDataModule
instance with loaded weights and hyperparameters (if available).
Note
load_from_checkpoint
is a class method. You must use yourLightningDataModule
class to call it instead of theLightningDataModule
instance, or aTypeError
will be raised.Example:
# load weights without mapping ... datamodule = MyLightningDataModule.load_from_checkpoint('path/to/checkpoint.ckpt') # or load weights and hyperparameters from separate files. datamodule = MyLightningDataModule.load_from_checkpoint( 'path/to/checkpoint.ckpt', hparams_file='/path/to/hparams_file.yaml' ) # override some of the params with new values datamodule = MyLightningDataModule.load_from_checkpoint( PATH, batch_size=32, num_workers=10, )
- load_state_dict(state_dict: dict[str, Any]) None
Called when loading a checkpoint, implement to reload datamodule state given datamodule state_dict.
- Parameters:
state_dict – the datamodule state returned by
state_dict
.
- on_after_batch_transfer(batch: Any, dataloader_idx: int) Any
Override to alter or apply batch augmentations to your batch after it is transferred to the device.
Note
To check the current state of execution of this hook you can use
self.trainer.training/testing/validating/predicting
so that you can add different logic as per your requirement.- Parameters:
batch – A batch of data that needs to be altered or augmented.
dataloader_idx – The index of the dataloader to which the batch belongs.
- Returns:
A batch of data
Example:
def on_after_batch_transfer(self, batch, dataloader_idx): batch['x'] = gpu_transforms(batch['x']) return batch
- on_before_batch_transfer(batch: Any, dataloader_idx: int) Any
Override to alter or apply batch augmentations to your batch before it is transferred to the device.
Note
To check the current state of execution of this hook you can use
self.trainer.training/testing/validating/predicting
so that you can add different logic as per your requirement.- Parameters:
batch – A batch of data that needs to be altered or augmented.
dataloader_idx – The index of the dataloader to which the batch belongs.
- Returns:
A batch of data
Example:
def on_before_batch_transfer(self, batch, dataloader_idx): batch['x'] = transforms(batch['x']) return batch
- on_exception(exception: BaseException) None
Called when the trainer execution is interrupted by an exception.
- predict_dataloader() Any
An iterable or collection of iterables specifying prediction samples.
For more information about multiple dataloaders, see this section.
It’s recommended that all data downloads and preparation happen in
prepare_data()
.predict()
Note
Lightning tries to add the correct sampler for distributed and arbitrary hardware There is no need to set it yourself.
- Returns:
A
torch.utils.data.DataLoader
or a sequence of them specifying prediction samples.
- prepare_data() None
Use this to download and prepare data. Downloading and saving data with multiple processes (distributed settings) will result in corrupted data. Lightning ensures this method is called only within a single process, so you can safely add your downloading logic within.
Warning
DO NOT set state to the model (use
setup
instead) since this is NOT called on every deviceExample:
def prepare_data(self): # good download_data() tokenize() etc() # bad self.split = data_split self.some_state = some_other_state()
In a distributed environment,
prepare_data
can be called in two ways (using prepare_data_per_node)Once per node. This is the default and is only called on LOCAL_RANK=0.
Once in total. Only called on GLOBAL_RANK=0.
Example:
# DEFAULT # called once per node on LOCAL_RANK=0 of that node class LitDataModule(LightningDataModule): def __init__(self): super().__init__() self.prepare_data_per_node = True # call on GLOBAL_RANK=0 (great for shared file systems) class LitDataModule(LightningDataModule): def __init__(self): super().__init__() self.prepare_data_per_node = False
This is called before requesting the dataloaders:
model.prepare_data() initialize_distributed() model.setup(stage) model.train_dataloader() model.val_dataloader() model.test_dataloader() model.predict_dataloader()
- save_hyperparameters(*args: Any, ignore: Sequence[str] | str | None = None, frame: FrameType | None = None, logger: bool = True) None
Save arguments to
hparams
attribute.- Parameters:
args – single object of dict, NameSpace or OmegaConf or string names or arguments from class
__init__
ignore – an argument name or a list of argument names from class
__init__
to be ignoredframe – a frame object. Default is None
logger – Whether to send the hyperparameters to the logger. Default: True
- Example::
>>> from lightning.pytorch.core.mixins import HyperparametersMixin >>> class ManuallyArgsModel(HyperparametersMixin): ... def __init__(self, arg1, arg2, arg3): ... super().__init__() ... # manually assign arguments ... self.save_hyperparameters('arg1', 'arg3') ... def forward(self, *args, **kwargs): ... ... >>> model = ManuallyArgsModel(1, 'abc', 3.14) >>> model.hparams "arg1": 1 "arg3": 3.14
>>> from lightning.pytorch.core.mixins import HyperparametersMixin >>> class AutomaticArgsModel(HyperparametersMixin): ... def __init__(self, arg1, arg2, arg3): ... super().__init__() ... # equivalent automatic ... self.save_hyperparameters() ... def forward(self, *args, **kwargs): ... ... >>> model = AutomaticArgsModel(1, 'abc', 3.14) >>> model.hparams "arg1": 1 "arg2": abc "arg3": 3.14
>>> from lightning.pytorch.core.mixins import HyperparametersMixin >>> class SingleArgModel(HyperparametersMixin): ... def __init__(self, params): ... super().__init__() ... # manually assign single argument ... self.save_hyperparameters(params) ... def forward(self, *args, **kwargs): ... ... >>> model = SingleArgModel(Namespace(p1=1, p2='abc', p3=3.14)) >>> model.hparams "p1": 1 "p2": abc "p3": 3.14
>>> from lightning.pytorch.core.mixins import HyperparametersMixin >>> class ManuallyArgsModel(HyperparametersMixin): ... def __init__(self, arg1, arg2, arg3): ... super().__init__() ... # pass argument(s) to ignore as a string or in a list ... self.save_hyperparameters(ignore='arg2') ... def forward(self, *args, **kwargs): ... ... >>> model = ManuallyArgsModel(1, 'abc', 3.14) >>> model.hparams "arg1": 1 "arg3": 3.14
- setup(stage: 'fit' | 'validate' | 'test') None [source]
Sets up the data module for a given stage.
- Parameters:
stage (Literal['fit', 'validate', 'test']) – Stage to set up the data module for
- Raises:
ValueError – If the stage is fit and no training dataset is provided
- state_dict() dict[str, Any]
Called when saving a checkpoint, implement to generate and save datamodule state.
- Returns:
A dictionary containing datamodule state.
- teardown(stage: str) None
Called at the end of fit (train + validate), validate, test, or predict.
- Parameters:
stage – either
'fit'
,'validate'
,'test'
, or'predict'
- test_dataloader() List[DataLoader] [source]
Returns a list of dataloaders for testing.
- Returns:
Dataloaders for testing
- Return type:
List[DataLoader]
- train_dataloader() DataLoader [source]
Returns a dataloader for training.
- Raises:
ValueError – If no training dataset is found
- Returns:
Dataloader for training
- Return type:
DataLoader
- transfer_batch_to_device(batch: Any, device: device, dataloader_idx: int) Any
Override this hook if your
DataLoader
returns tensors wrapped in a custom data structure.The data types listed below (and any arbitrary nesting of them) are supported out of the box:
torch.Tensor
or anything that implements .to(…)list
dict
tuple
For anything else, you need to define how the data is moved to the target device (CPU, GPU, TPU, …).
Note
This hook should only transfer the data and not modify it, nor should it move the data to any other device than the one passed in as argument (unless you know what you are doing). To check the current state of execution of this hook you can use
self.trainer.training/testing/validating/predicting
so that you can add different logic as per your requirement.- Parameters:
batch – A batch of data that needs to be transferred to a new device.
device – The target device as defined in PyTorch.
dataloader_idx – The index of the dataloader to which the batch belongs.
- Returns:
A reference to the data on the new device.
Example:
def transfer_batch_to_device(self, batch, device, dataloader_idx): if isinstance(batch, CustomBatch): # move all tensors in your custom data structure to the device batch.samples = batch.samples.to(device) batch.targets = batch.targets.to(device) elif dataloader_idx == 0: # skip device transfer for the first dataloader or anything you wish pass else: batch = super().transfer_batch_to_device(batch, device, dataloader_idx) return batch
See also
move_data_to_device()
apply_to_collection()
- val_dataloader() List[DataLoader] [source]
Returns a list of dataloaders for validation.
- Returns:
Dataloaders for validation
- Return type:
List[DataLoader]