#!/usr/bin/env python # coding: utf-8 # # Advanced usage # This notebook shows some more advanced features of `skorch`. More examples will be added with time. # #
# # Run in Google Colab # # View source on GitHub
# ### Table of contents # * [Setup](#Setup) # * [Callbacks](#Callbacks) # * [Writing your own callback](#Writing-a-custom-callback) # * [Accessing callback parameters](#Accessing-callback-parameters) # * [Working with different data types](#Working-with-different-data-types) # * [Working with datasets](#Working-with-Datasets) # * [Working with dicts](#Working-with-dicts) # * [Multiple return values](#Multiple-return-values-from-forward) # * [Implementing a simple autoencoder](#Implementing-a-simple-autoencoder) # * [Training the autoencoder](#Training-the-autoencoder) # * [Extracting the decoder and the encoder output](#Extracting-the-decoder-and-the-encoder-output) # In[1]: import subprocess # Installation on Google Colab try: import google.colab subprocess.run(['python', '-m', 'pip', 'install', 'skorch' , 'torch']) except ImportError: pass # In[2]: import torch from torch import nn import torch.nn.functional as F # In[3]: torch.manual_seed(0) torch.cuda.manual_seed(0) # ## Setup # ### A toy binary classification task # We load a toy classification task from `sklearn`. # In[4]: import numpy as np from sklearn.datasets import make_classification # In[5]: np.random.seed(0) # In[6]: X, y = make_classification(1000, 20, n_informative=10, random_state=0) X, y = X.astype(np.float32), y.astype(np.int64) # In[7]: X.shape, y.shape, y.mean() # ### Definition of the `pytorch` classification `module` # We define a vanilla neural network with two hidden layers. The output layer should have 2 output units since there are two classes. In addition, it should have a softmax nonlinearity, because later, when calling `predict_proba`, the output from the `forward` call will be used. # In[8]: from skorch import NeuralNetClassifier # In[9]: class ClassifierModule(nn.Module): def __init__( self, num_units=10, nonlin=F.relu, dropout=0.5, ): super(ClassifierModule, self).__init__() self.num_units = num_units self.nonlin = nonlin self.dropout = dropout self.dense0 = nn.Linear(20, num_units) self.nonlin = nonlin self.dropout = nn.Dropout(dropout) self.dense1 = nn.Linear(num_units, 10) self.output = nn.Linear(10, 2) def forward(self, X, **kwargs): X = self.nonlin(self.dense0(X)) X = self.dropout(X) X = F.relu(self.dense1(X)) X = F.softmax(self.output(X), dim=-1) return X # ## Callbacks # Callbacks are a powerful and flexible way to customize the behavior of your neural network. They are all called at specific points during the model training, e.g. when training starts, or after each batch. Have a look at the `skorch.callbacks` module to see the callbacks that are already implemented. # ### Writing a custom callback # Although `skorch` comes with a handful of useful callbacks, you may find that you would like to write your own callbacks. Doing so is straightforward, just remember these rules: # * They should inherit from `skorch.callbacks.Callback`. # * They should implement at least one of the `on_`-methods provided by the parent class (e.g. `on_batch_begin` or `on_epoch_end`). # * As argument, the `on_`-methods first get the `NeuralNet` instance, and, where appropriate, the local data (e.g. the data from the current batch). The method should also have `**kwargs` in the signature for potentially unused arguments. # * *Optional*: If you have attributes that should be reset when the model is re-initialized, those attributes should be set in the `initialize` method. # Here is an example of a callback that remembers at which epoch the validation accuracy reached a certain value. Then, when training is finished, it calls a mock Twitter API and tweets that epoch. We proceed as follows: # * We set the desired minimum accuracy during `__init__`. # * We set the critical epoch during `initialize`. # * After each epoch, if the critical accuracy has not yet been reached, we check if it was reached. # * When training finishes, we send a tweet informing us whether our training was successful or not. # In[10]: from skorch.callbacks import Callback def tweet(msg): print("~" * 60) print("*tweet*", msg, "#skorch #pytorch") print("~" * 60) class AccuracyTweet(Callback): def __init__(self, min_accuracy): self.min_accuracy = min_accuracy def initialize(self): self.critical_epoch_ = -1 # This runs after every epoch def on_epoch_end(self, net, **kwargs): if self.critical_epoch_ > -1: return # look at the validation accuracy of the last epoch if net.history[-1, 'valid_acc'] >= self.min_accuracy: self.critical_epoch_ = len(net.history) # This runs at the end of training def on_train_end(self, net, **kwargs): if self.critical_epoch_ < 0: msg = "Accuracy never reached {} :(".format(self.min_accuracy) else: msg = "Accuracy reached {} at epoch {}!!!".format( self.min_accuracy, self.critical_epoch_) tweet(msg) # Now we initialize a `NeuralNetClassifier` and pass your new callback in a list to the `callbacks` argument. After that, we train the model and see what happens. # In[11]: net = NeuralNetClassifier( ClassifierModule, max_epochs=15, lr=0.02, warm_start=True, callbacks=[AccuracyTweet(min_accuracy=0.7)], ) # In[12]: net.fit(X, y) # Oh no, our model never reached a validation accuracy of 0.7. Let's train some more (this is possible because we set `warm_start=True`): # In[13]: # warm_start starts training from the point training stoped previously. net.fit(X, y) # In[14]: assert net.history[-1, 'valid_acc'] >= 0.7 # Finally, the validation score exceeded 0.7. Hooray! # ### Accessing callback parameters # Say you would like to use a learning rate schedule with your neural net, but you don't know what parameters are best for that schedule. Wouldn't it be nice if you could find those parameters with a grid search? With `skorch`, this is possible. Below, we show how to access the parameters of your callbacks. # To simplify the access to your callback parameters, it is best if you give your callback a name. This is achieved by passing the `callbacks` parameter a list of *name*, *callback* tuples, such as: # # callbacks=[ # ('scheduler', LearningRateScheduler)), # ... # ], # # This way, you can access your callbacks using the double underscore semantics (as, for instance, in an `sklearn` `Pipeline`): # # callbacks__scheduler__epoch=50, # # So if you would like to perform a grid search on, say, the number of units in the hidden layer and the learning rate schedule, it could look something like this: # # param_grid = { # 'module__num_units': [50, 100, 150], # 'callbacks__scheduler__epoch': [10, 50, 100], # } # # *Note*: If you would like to refresh your knowledge on grid search, look [here](http://scikit-learn.org/stable/modules/grid_search.html#grid-search), [here](http://scikit-learn.org/stable/auto_examples/model_selection/grid_search_text_feature_extraction.html), or in the *Basic_Usage* notebok. # Below, we show how accessing the callback parameters works our `AccuracyTweet` callback: # In[15]: net = NeuralNetClassifier( ClassifierModule, max_epochs=10, lr=0.1, warm_start=True, callbacks=[ ('tweet', AccuracyTweet(min_accuracy=0.7)), ], callbacks__tweet__min_accuracy=0.6, ) # In[16]: net.fit(X, y) # As you can see, by passing `callbacks__tweet__min_accuracy=0.6`, we changed that parameter. The same can be achieved by calling the `set_params` method with the corresponding arguments: # In[17]: net.set_params(callbacks__tweet__min_accuracy=0.75) # In[18]: net.fit(X, y) # ## Working with different data types # ### Working with `Dataset`s # We encourage you to not pass `Dataset`s to `net.fit` but to let skorch handle `Dataset`s internally. Nonetheless, there are situations where passing `Dataset`s to `net.fit` is hard to avoid (e.g. if you want to load the data lazily during the training). This is supported by skorch but may have some unwanted side-effects relating to sklearn. For instance, `Dataset`s cannot split into train and validation in a stratified fashion without explicit knowledge of the classification targets. # Below we show what happens when you try to fit with `Dataset` and the stratified split fails: # In[19]: class MyDataset(torch.utils.data.Dataset): def __init__(self, X, y): self.X = X self.y = y assert len(X) == len(y) def __len__(self): return len(self.X) def __getitem__(self, i): return self.X[i], self.y[i] # In[20]: X, y = make_classification(1000, 20, n_informative=10, random_state=0) X, y = X.astype(np.float32), y.astype(np.int64) dataset = MyDataset(X, y) # In[21]: net = NeuralNetClassifier(ClassifierModule) # In[22]: try: net.fit(dataset, y=None) except ValueError as e: print("Error:", e) # In[23]: net.train_split.stratified # As you can see, the stratified split fails since `y` is not known. There are two solutions to this: # # * turn off stratified splitting ( `net.train_split.stratified=False`) # * pass `y` explicitly (if possible), even if it is implicitely contained in the `Dataset` # # The second solution is shown below: # In[24]: net.fit(dataset, y=y) # ### Working with dicts # #### The standard case # skorch has built-in support for dictionaries as data containers. Here we show a somewhat contrived example of how to use dicts, but it should get the point across. First we create data and put it into a dictionary `X_dict` with two keys `X0` and `X1`: # In[25]: X, y = make_classification(1000, 20, n_informative=10, random_state=0) X, y = X.astype(np.float32), y.astype(np.int64) X0, X1 = X[:, :10], X[:, 10:] X_dict = {'X0': X0, 'X1': X1} # When skorch passes the dict to the pytorch module, it will pass the data as keyword arguments to the forward call. That means that we should accept the two keys `XO` and `X1` in the forward method, as shown below: # In[26]: class ClassifierWithDict(nn.Module): def __init__( self, num_units0=50, num_units1=50, nonlin=F.relu, dropout=0.5, ): super(ClassifierWithDict, self).__init__() self.num_units0 = num_units0 self.num_units1 = num_units1 self.nonlin = nonlin self.dropout = dropout self.dense0 = nn.Linear(10, num_units0) self.dense1 = nn.Linear(10, num_units1) self.nonlin = nonlin self.dropout = nn.Dropout(dropout) self.output = nn.Linear(num_units0 + num_units1, 2) # NOTE: We accept X0 and X1, the keys from the dict, as arguments def forward(self, X0, X1, **kwargs): X0 = self.nonlin(self.dense0(X0)) X0 = self.dropout(X0) X1 = self.nonlin(self.dense1(X1)) X1 = self.dropout(X1) X = torch.cat((X0, X1), dim=1) X = F.relu(X) X = F.softmax(self.output(X), dim=-1) return X # As long as we keep this in mind, we are good to go. # In[27]: net = NeuralNetClassifier(ClassifierWithDict, verbose=0) # In[28]: net.fit(X_dict, y) # #### Working with sklearn `Pipeline` and `GridSearchCV` # In[29]: from sklearn.pipeline import Pipeline from sklearn.preprocessing import FunctionTransformer from sklearn.model_selection import GridSearchCV # sklearn makes the assumption that incoming data should be numpy/sparse arrays or something similar. This clashes with the use of dictionaries. Unfortunately, it is sometimes impossible to work around that for now (for instance using skorch with `BaggingClassifier`). Other times, there are possibilities. # # When we have a preprocessing pipeline that involves `FunctionTransformer`, we have to pass the parameter `validate=False` (which is the default value now) so that sklearn allows the dictionary to pass through. Everything else works: # In[30]: pipe = Pipeline([ ('do-nothing', FunctionTransformer(validate=False)), ('net', net), ]) # In[31]: pipe.fit(X_dict, y) # When trying a grid or randomized search, it is not that easy to pass a dict. If we try, we will get an error: # In[32]: param_grid = { 'net__module__num_units0': [10, 25, 50], 'net__module__num_units1': [10, 25, 50], 'net__lr': [0.01, 0.1], } # In[33]: grid_search = GridSearchCV(pipe, param_grid, scoring='accuracy', verbose=1, cv=3) # In[34]: try: grid_search.fit(X_dict, y) except Exception as e: print(e) # The error above occurs because sklearn gets the length of the input data, which is 2 for the dict, and believes that is inconsistent with the length of the target (1000). # # To get around that, skorch provides a helper class called `SliceDict`. It allows us to wrap our dictionaries so that they also behave like a numpy array: # In[35]: from skorch.helper import SliceDict # In[36]: X_slice_dict = SliceDict(X0=X0, X1=X1) # X_slice_dict = SliceDict(**X_dict) would also work # The SliceDict shows the correct length, shape, and is sliceable across values: # In[37]: print("Length of dict: {}, length of SliceDict: {}".format(len(X_dict), len(X_slice_dict))) print("Shape of SliceDict: {}".format(X_slice_dict.shape)) # In[38]: print("Slicing the SliceDict slices across values: {}".format(X_slice_dict[:2])) # With this, we can call `GridSearchCV` just as expected: # In[39]: grid_search.fit(X_slice_dict, y) # In[40]: grid_search.best_score_, grid_search.best_params_ # ## Multiple return values from `forward` # Often, we want our `Module.forward` method to return more than just one value. There can be several reasons for this. Maybe, the criterion requires not one but several outputs. Or perhaps we want to inspect intermediate values to learn more about our model (say inspecting attention in a sequence-to-sequence model). Fortunately, `skorch` makes it easy to achieve this. In the following, we demonstrate how to handle multiple outputs from the `Module`. # To demonstrate this, we implement a very simple autoencoder. It consists of an encoder that reduces our input of 20 units to 5 units using two linear layers, and a decoder that tries to reconstruct the original input, again using two linear layers. # ### Implementing a simple autoencoder # In[41]: from skorch import NeuralNetRegressor # In[42]: class Encoder(nn.Module): def __init__(self, num_units=5): super().__init__() self.num_units = num_units self.encode = nn.Sequential( nn.Linear(20, 10), nn.ReLU(), nn.Linear(10, self.num_units), nn.ReLU(), ) def forward(self, X): encoded = self.encode(X) return encoded # In[43]: class Decoder(nn.Module): def __init__(self, num_units): super().__init__() self.num_units = num_units self.decode = nn.Sequential( nn.Linear(self.num_units, 10), nn.ReLU(), nn.Linear(10, 20), ) def forward(self, X): decoded = self.decode(X) return decoded # The autoencoder module below actually returns a tuple of two values, the decoded input and the encoded input. This way, we cannot only use the decoded input to calculate the normal loss but also have access to the encoded state. # In[44]: class AutoEncoder(nn.Module): def __init__(self, num_units): super().__init__() self.num_units = num_units self.encoder = Encoder(num_units=self.num_units) self.decoder = Decoder(num_units=self.num_units) def forward(self, X): encoded = self.encoder(X) decoded = self.decoder(encoded) return decoded, encoded # <- return a tuple of two values # Since the module's `forward` method returns two values, we have to adjust our objective to do the right thing with those values. If we don't do this, the criterion wouldn't know what to do with the two values and would raise an error. # # One strategy would be to only use the decoded state for the loss and discard the encoded state. For this demonstration, we have a different plan: We would like the encoded state to be sparse. Therefore, we add an L1 loss of the encoded state to the reconstruction loss. This way, the net will try to reconstruct the input as accurately as possible while keeping the encoded state as sparse as possible. # # To implement this, the right method to override is called `get_loss`, which is where `skorch` computes and returns the loss. It gets the prediction (our tuple) and the target as input, as well as other arguments and keywords that we pass through. We create a subclass of `NeuralNetRegressor` that overrides said method and implements our idea for the loss. # In[45]: class AutoEncoderNet(NeuralNetRegressor): def get_loss(self, y_pred, y_true, *args, **kwargs): decoded, encoded = y_pred # <- unpack the tuple that was returned by `forward` loss_reconstruction = super().get_loss(decoded, y_true, *args, **kwargs) loss_l1 = 1e-3 * torch.abs(encoded).sum() return loss_reconstruction + loss_l1 # *Note*: Alternatively, we could have used an unaltered `NeuralNetRegressor` but implement a custom criterion that is responsible for unpacking the tuple and computing the loss. # ### Training the autoencoder # Now that everything is ready, we train the model as usual. We initialize our net subclass with the `AutoEncoder` module and call the `fit` method with `X` both as input and as target (since we want to reconstruct the original data): # In[46]: net = AutoEncoderNet( AutoEncoder, module__num_units=5, lr=0.3, ) # In[47]: net.fit(X, X) # VoilĂ , the model was trained using our custom loss function that makes use of both predicted values. # ### Extracting the decoder and the encoder output # Sometimes, we may wish to inspect all the values returned by the `foward` method of the module. There are several ways to achieve this. In theory, we can always access the module directly by using the `net.module_` attribute. However, this is unwieldy, since this completely shortcuts the prediction loop, which takes care of important steps like casting `numpy` arrays to `pytorch` tensors and batching. # # Also, we cannot use the `predict` method on the net. This method will only return the first output from the forward method, in this case the decoded state. The reason for this is that `predict` is part of the `sklearn` API, which requires there to be only one output. This is shown below: # In[48]: y_pred = net.predict(X) y_pred.shape # only the decoded state is returned # However, the net itself provides two methods to retrieve all outputs. The first one is the `net.forward` method, which retrieves *all* the predicted batches from the `Module.forward` and concatenates them. Use this to retrieve the complete decoded and encoded state: # In[49]: decoded_pred, encoded_pred = net.forward(X) decoded_pred.shape, encoded_pred.shape # The other method is called `net.forward_iter`. It is similar to `net.forward` but instead of collecting all the batches, this method is lazy and only yields one batch at a time. This can be especially useful if the output doesn't fit into memory: # In[50]: for decoded_pred, encoded_pred in net.forward_iter(X): # do something with each batch break decoded_pred.shape, encoded_pred.shape # Finally, let's make sure that our initial goal of having a sparse encoded state was met. We check how many activities are close to zero: # In[51]: torch.isclose(encoded_pred, torch.zeros_like(encoded_pred)).float().mean() # As we had hoped, the encoded state is quite sparse, with the majority of outpus being 0.