adapt.instance_based.IWN
- class adapt.instance_based.IWN(estimator=None, weighter=None, Xt=None, yt=None, pretrain=True, sigma_init=0.1, update_sigma=True, verbose=1, copy=True, random_state=None, **params)[source]
IWN : Importance Weighting Network
IWN is an instance-based method for unsupervised domain adaptation.
The goal of IWN is to reweight the source instances in order to minimize the Maximum Mean Discreancy (MMD) between the reweighted source and the target distributions.
IWN uses a weighting network to parameterized the weights of the source instances. The MMD is computed with gaussian kernels parameterized by the bandwidth \(\sigma\). The \(\sigma\) parameter is updated during the IWN optimization in order to maximize the discriminative power of the MMD.
- Parameters
- estimatorsklearn estimator or tensorflow Model (default=None)
Estimator used to learn the task. If estimator is
None
, aLinearRegression
instance is used as estimator.- weightertensorflow Model (default=None)
Encoder netwok. If
None
, a two layers network with 10 neurons per layer and ReLU activation is used as weighter network.- Xtnumpy array (default=None)
Target input data.
- pretrainbool (default=True)
Weither to perform pretraining of the
weighter
network or not. If True, theweighter
is pretrained in order to predict 1 for each source data.- sigma_initfloat (default=.1)
Initialization for the kernel bandwidth
- update_sigmabool (default=True)
Weither to update the kernel bandwidth or not. If False, the bandwidth stay equal to sigma_init.
- copyboolean (default=True)
Whether to make a copy of
estimator
or not.- verboseint (default=1)
Verbosity level.
- random_stateint (default=None)
Seed of random generator.
- paramskey, value arguments
Arguments given at the different level of the adapt object. It can be, for instance, compile or fit parameters of the estimator or kernel parameters etc… Accepted parameters can be found by calling the method
_get_legal_params(params)
.
- Yields
- optimizerstr or instance of tf.keras.optimizers (default=”rmsprop”)
Optimizer for the task. It should be an instance of tf.keras.optimizers as:
tf.keras.optimizers.SGD(0.001)
ortf.keras.optimizers.Adam(lr=0.001, beta_1=0.5)
. A string can also be given as"adam"
. Default optimizer isrmsprop
.- lossstr or instance of tf.keras.losses (default=”mse”)
Loss for the task. It should be an instance of tf.keras.losses as:
tf.keras.losses.MeanSquaredError()
ortf.keras.losses.CategoricalCrossentropy()
. A string can also be given as"mse"
orcategorical_crossentropy
. Default loss ismse
.- metricslist of str or list of tf.keras.metrics.Metric instance
List of metrics to be evaluated by the model during training and testing. Typically you will use
metrics=['accuracy']
.- optimizer_encstr or instance of tf.keras.optimizers
If the Adapt Model has an
encoder
attribute, a specific optimizer for theencoder
network can be given. Typically, this parameter can be used to give a smaller learning rate to the encoder. If not specified,optimizer_enc=optimizer
.- optimizer_discstr or instance of tf.keras.optimizers
If the Adapt Model has a
discriminator
attribute, a specific optimizer for thediscriminator
network can be given. If not specified,optimizer_disc=optimizer
.- kwargskey, value arguments
Any arguments of the
fit
method from the Tensorflow Model can be given, asepochs
andbatch_size
. Specific arguments fromoptimizer
can also be given aslearning_rate
orbeta_1
forAdam
. This allows to performGridSearchCV
from scikit-learn on these arguments.
References
- 1
[1] A. de Mathelin, F. Deheeger, M. Mougeot and N. Vayatis “Fast and Accurate Importance Weighting for Correcting Sample Bias” In ECML-PKDD, 2022.
Examples
>>> from sklearn.linear_model import RidgeClassifier >>> from adapt.utils import make_classification_da >>> from adapt.instance_based import IWN >>> Xs, ys, Xt, yt = make_classification_da() >>> model = IWN(RidgeClassifier(0.), Xt=Xt, sigma_init=0.1, random_state=0, ... pretrain=True, pretrain__epochs=100, pretrain__verbose=0) >>> model.fit(Xs, ys, epochs=100, batch_size=256, verbose=1) >>> model.score(Xt, yt) 0.78
- Attributes
- weighter_tensorflow Model
weighting network.
- history_dict
history of the losses and metrics across the epochs.
- sigma_tf.Variable
fitted kernel bandwidth.
Methods
__init__
([estimator, weighter, Xt, yt, ...])compile
([optimizer, loss, metrics, ...])Configures the model for training.
fit
(X[, y, Xt, yt, domains, ...])Fit Model.
fit_estimator
(X, y[, sample_weight, ...])Fit estimator on X, y.
fit_weights
(Xs, Xt, **fit_params)Fit importance weighting.
get_params
([deep])Get parameters for this estimator.
load_weights
(filepath[, skip_mismatch, ...])Loads all layer weights from a saved files.
predict
(X[, domain])Return estimator predictions
predict_disc
(X)Return predictions of the discriminator on the encoded features.
predict_task
(X)Return predictions of the task on the encoded features.
Return the predictions of weighting network
pretrain_step
(data)save_weights
(filepath[, overwrite, ...])Saves all layer weights.
score
(X, y[, sample_weight, domain])Return the estimator score.
set_params
(**params)Set the parameters of this estimator.
transform
(X)Return the encoded features of X.
unsupervised_score
(Xs, Xt)Return unsupervised score.
- __init__(estimator=None, weighter=None, Xt=None, yt=None, pretrain=True, sigma_init=0.1, update_sigma=True, verbose=1, copy=True, random_state=None, **params)[source]
- compile(optimizer=None, loss=None, metrics=None, loss_weights=None, weighted_metrics=None, run_eagerly=None, steps_per_execution=None, **kwargs)[source]
Configures the model for training.
- Parameters
- optimizer: str or `tf.keras.optimizer` instance
Optimizer
- loss: str or `tf.keras.losses.Loss` instance
Loss function. A loss function is any callable with the signature loss = fn(y_true, y_pred), where y_true are the ground truth values, and y_pred are the model’s predictions. y_true should have shape (batch_size, d0, .. dN) (except in the case of sparse loss functions such as sparse categorical crossentropy which expects integer arrays of shape (batch_size, d0, .. dN-1)). y_pred should have shape (batch_size, d0, .. dN). The loss function should return a float tensor. If a custom Loss instance is used and reduction is set to None, return value has shape (batch_size, d0, .. dN-1) i.e. per-sample or per-timestep loss values; otherwise, it is a scalar. If the model has multiple outputs, you can use a different loss on each output by passing a dictionary or a list of losses. The loss value that will be minimized by the model will then be the sum of all individual losses, unless loss_weights is specified.
- metrics: list of str or list of `tf.keras.metrics.Metric` instance
List of metrics to be evaluated by the model during training and testing. Typically you will use metrics=[‘accuracy’]. A function is any callable with the signature result = fn(y_true, y_pred). To specify different metrics for different outputs of a multi-output model, you could also pass a dictionary, such as metrics={‘output_a’: ‘accuracy’, ‘output_b’: [‘accuracy’, ‘mse’]}. You can also pass a list to specify a metric or a list of metrics for each output, such as metrics=[[‘accuracy’], [‘accuracy’, ‘mse’]] or metrics=[‘accuracy’, [‘accuracy’, ‘mse’]]. When you pass the strings ‘accuracy’ or ‘acc’, we convert this to one of tf.keras.metrics.BinaryAccuracy, tf.keras.metrics.CategoricalAccuracy, tf.keras.metrics.SparseCategoricalAccuracy based on the loss function used and the model output shape. We do a similar conversion for the strings ‘crossentropy’ and ‘ce’ as well.
- loss_weights: List or dict of floats
Scalars to weight the loss contributions of different model outputs. The loss value that will be minimized by the model will then be the weighted sum of all individual losses, weighted by the loss_weights coefficients. If a list, it is expected to have a 1:1 mapping to the model’s outputs. If a dict, it is expected to map output names (strings) to scalar coefficients.
- weighted_metrics: list of metrics
List of metrics to be evaluated and weighted by sample_weight or class_weight during training and testing.
- run_eagerly: bool (default=False)
If True, this Model’s logic will not be wrapped in a tf.function. Recommended to leave this as None unless your Model cannot be run inside a tf.function. run_eagerly=True is not supported when using tf.distribute.experimental.ParameterServerStrategy.
- steps_per_execution: int (default=1)
The number of batches to run during each tf.function call. Running multiple batches inside a single tf.function call can greatly improve performance on TPUs or small models with a large Python overhead. At most, one full epoch will be run each execution. If a number larger than the size of the epoch is passed, the execution will be truncated to the size of the epoch. Note that if steps_per_execution is set to N, Callback.on_batch_begin and Callback.on_batch_end methods will only be called every N batches (i.e. before/after each tf.function execution).
- **kwargs: key, value arguments
Arguments supported for backwards compatibility only.
- Returns
- None: None
- fit(X, y=None, Xt=None, yt=None, domains=None, fit_params_estimator={}, **fit_params)[source]
Fit Model. Note that
fit
does not reset the model but extend the training.Notice also that the compile method will be called if the model has not been compiled yet.
- Parameters
- Xarray or Tensor
Source input data.
- yarray or Tensor (default=None)
Source output data.
- Xtarray (default=None)
Target input data. If None, the Xt argument given in init is used.
- ytarray (default=None)
Target input data. Only needed for supervised and semi-supervised Adapt model. If None, the yt argument given in init is used.
- domainsarray (default=None)
Vector giving the domain for each source data. Can be used for multisource purpose.
- fit_paramskey, value arguments
Arguments given to the fit method of the model (epochs, batch_size, callbacks…).
- Returns
- selfreturns an instance of self
- fit_estimator(X, y, sample_weight=None, random_state=None, warm_start=True, **fit_params)[source]
Fit estimator on X, y.
- Parameters
- Xarray
Input data.
- yarray
Output data.
- sample_weightarray
Importance weighting.
- random_stateint (default=None)
Seed of the random generator
- warm_startbool (default=True)
If True, continue to fit
estimator_
, else, a new estimator is fitted based on a copy ofestimator
. (Be sure to setcopy=True
to usewarm_start=False
)- fit_paramskey, value arguments
Arguments given to the fit method of the estimator and to the compile method for tensorflow estimator.
- Returns
- estimator_fitted estimator
- fit_weights(Xs, Xt, **fit_params)[source]
Fit importance weighting.
- Parameters
- Xsarray
Input source data.
- Xtarray
Input target data.
- fit_paramskey, value arguments
Arguments given to the fit method of the model (epochs, batch_size, callbacks…).
- Returns
- weights_sample weights
- get_params(deep=True)[source]
Get parameters for this estimator.
- Parameters
- deepbool, default=True
Not used, here for scikit-learn compatibility.
- Returns
- paramsdict
Parameter names mapped to their values.
- load_weights(filepath, skip_mismatch=False, by_name=False, options=None)[source]
Loads all layer weights from a saved files.
The saved file could be a SavedModel file, a .keras file (v3 saving format), or a file created via model.save_weights().
By default, weights are loaded based on the network’s topology. This means the architecture should be the same as when the weights were saved. Note that layers that don’t have weights are not taken into account in the topological ordering, so adding or removing layers is fine as long as they don’t have weights.
Partial weight loading
If you have modified your model, for instance by adding a new layer (with weights) or by changing the shape of the weights of a layer, you can choose to ignore errors and continue loading by setting skip_mismatch=True. In this case any layer with mismatching weights will be skipped. A warning will be displayed for each skipped layer.
Weight loading by name
If your weights are saved as a .h5 file created via model.save_weights(), you can use the argument by_name=True.
In this case, weights are loaded into layers only if they share the same name. This is useful for fine-tuning or transfer-learning models where some of the layers have changed.
Note that only topological loading (by_name=False) is supported when loading weights from the .keras v3 format or from the TensorFlow SavedModel format.
- Args:
- filepath: String, path to the weights file to load. For weight files
in TensorFlow format, this is the file prefix (the same as was passed to save_weights()). This can also be a path to a SavedModel or a .keras file (v3 saving format) saved via model.save().
- skip_mismatch: Boolean, whether to skip loading of layers where
there is a mismatch in the number of weights, or a mismatch in the shape of the weights.
- by_name: Boolean, whether to load weights by name or by topological
order. Only topological loading is supported for weight files in the .keras v3 format or in the TensorFlow SavedModel format.
- options: Optional tf.train.CheckpointOptions object that specifies
options for loading weights (only valid for a SavedModel file).
- predict(X, domain=None, **predict_params)[source]
Return estimator predictions
- Parameters
- Xarray
input data
- domainstr (default=None)
Not used. For compatibility with adapt objects
- Returns
- y_predarray
prediction of the Adapt Model.
- predict_disc(X)[source]
Return predictions of the discriminator on the encoded features.
- Parameters
- Xarray
input data
- Returns
- y_discarray
predictions of discriminator network
- predict_task(X)[source]
Return predictions of the task on the encoded features.
- Parameters
- Xarray
input data
- Returns
- y_taskarray
predictions of task network
- predict_weights(X)[source]
Return the predictions of weighting network
- Parameters
- X: array
input data
- Returns
- array:
weights
- save_weights(filepath, overwrite=True, save_format=None, options=None)[source]
Saves all layer weights.
Either saves in HDF5 or in TensorFlow format based on the save_format argument.
- When saving in HDF5 format, the weight file has:
- layer_names (attribute), a list of strings
(ordered names of model layers).
- For every layer, a group named layer.name
- For every such layer group, a group attribute weight_names,
a list of strings (ordered names of weights tensor of the layer).
- For every weight in the layer, a dataset
storing the weight value, named after the weight tensor.
When saving in TensorFlow format, all objects referenced by the network are saved in the same format as tf.train.Checkpoint, including any Layer instances or Optimizer instances assigned to object attributes. For networks constructed from inputs and outputs using tf.keras.Model(inputs, outputs), Layer instances used by the network are tracked/saved automatically. For user-defined classes which inherit from tf.keras.Model, Layer instances must be assigned to object attributes, typically in the constructor. See the documentation of tf.train.Checkpoint and tf.keras.Model for details.
While the formats are the same, do not mix save_weights and tf.train.Checkpoint. Checkpoints saved by Model.save_weights should be loaded using Model.load_weights. Checkpoints saved using tf.train.Checkpoint.save should be restored using the corresponding tf.train.Checkpoint.restore. Prefer tf.train.Checkpoint over save_weights for training checkpoints.
The TensorFlow format matches objects and variables by starting at a root object, self for save_weights, and greedily matching attribute names. For Model.save this is the Model, and for Checkpoint.save this is the Checkpoint even if the Checkpoint has a model attached. This means saving a tf.keras.Model using save_weights and loading into a tf.train.Checkpoint with a Model attached (or vice versa) will not match the Model’s variables. See the [guide to training checkpoints]( https://www.tensorflow.org/guide/checkpoint) for details on the TensorFlow format.
- Args:
- filepath: String or PathLike, path to the file to save the weights
to. When saving in TensorFlow format, this is the prefix used for checkpoint files (multiple files are generated). Note that the ‘.h5’ suffix causes weights to be saved in HDF5 format.
- overwrite: Whether to silently overwrite any existing file at the
target location, or provide the user with a manual prompt.
- save_format: Either ‘tf’ or ‘h5’. A filepath ending in ‘.h5’ or
‘.keras’ will default to HDF5 if save_format is None. Otherwise, None becomes ‘tf’. Defaults to None.
- options: Optional tf.train.CheckpointOptions object that specifies
options for saving weights.
- Raises:
- ImportError: If h5py is not available when attempting to save in
HDF5 format.
- score(X, y, sample_weight=None, domain=None)[source]
Return the estimator score.
Call score on sklearn estimator and evaluate on tensorflow Model.
- Parameters
- Xarray
input data
- yarray
output data
- sample_weightarray (default=None)
Sample weights
- domainstr (default=None)
Not used.
- Returns
- scorefloat
estimator score.
- set_params(**params)[source]
Set the parameters of this estimator.
- Parameters
- **paramsdict
Estimator parameters.
- Returns
- selfestimator instance
Estimator instance.