When working on a research problem, I found myself with the multiple instance learning (MIL) framework, which I found quite interesting and unique. After carefully reviewing the literature, I decided to try few of the algorithms on the problem I was working on, but surprisingly, there was no standard, easy, and updated MIL library for any programming language. So... here we are.
The mil library tries to achieve reproducible and productive research using the MIL framework.
Use the package manager pip to install mil.
$ pip install mil
The requirement packages for mil library are: numpy, scikit-learn, scipy, tensorflow or tensorflow-gpu. Installing mil with the package manager does not install the package dependencies. So install them with the package manager manually if not already downloaded.
$ pip install numpy
$ pip install scikit-learn
$ pip install scipy
$ pip install tensorflow
The overall implementation tries to be as much user-friendly as possible. That's why most of it is constructed on top of sklearn and tensorflow.keras.
- mil.data
- mil.bag_representation
- mil.dimensionality_reduction
- mil.metrics
- mil.models
- mil.preprocessing
- mil.utils
- mil.validators
- mil.trainer
Very well known datasets of the multiple instance learning framework have been added to the library. For each of the datasets a train and test split have been done for reproducibility purposes. The API is similar to the tensorflow datasets in order to create and experiment in a fast and easy way.
# importing all the datasets modules
from mil.data.datasets import musk1, musk2, protein, elephant, corel_dogs, \
ucsb_breast_cancer, web_recommendation_1, birds_brown_creeper, \
mnist_bags
# load the musk1 dataset
(bags_train, y_train), (bags_test, y_test) = musk1.load()
Also, the mnist_bags dataset has been created. The main reason of creating this dataset is to have a good benchmark to evaluate the instances predictions. To be more specific, if we can classify correctly a bag, can we detect which instance/s caused this classification? In the mnist_bags dataset, there are 3 different types of problems with their own dataset. https://drive.google.com/drive/folders/1_F9qAIrOUQBPTBwSQrIrn0ZzBSkMBfrK?usp=sharing
# importing all the datasets modules
from mil.data.datasets import mnist_bags
# load the mnist_bags
(bags_train, y_train), (bags_test, y_test) = mnist_bags.load()
# importing all the datasets modules
from mil.data.datasets import mnist_bags
# load the mnist_bags 2 and 3
(bags_train, y_train), (bags_test, y_test) = mnist_bags.load_2_and_3()
# importing all the datasets modules
from mil.data.datasets import mnist_bags
# load the mnist_bags 4 2
(bags_train, y_train), (bags_test, y_test) = mnist_bags.load_42()
In multiple instance learning, bag representation is the technique that consists in obtaining a unique vector representing all the bag. The classes implemented in the mil.bag_representation inherit from BagRepresentation base class which is a wrapper to sklearn transformer which have to implement fit and transform method.
- MILESMapping
- DiscriminativeMapping
- ArithmeticMeanBagRepresentation
- MedianBagRepresentation
- GeometricMeanBagRepresentation
- MinBagRepresentation
- MaxBagRepresentation
- MeanMinMaxBagRepresentation
from mil.bag_representation import MILESMapping, DiscriminativeMapping, ArithmeticMeanBagRepresentation, \
MedianBagRepresentation, GeometricMeanBagRepresentation, MinBagRepresentation, \
MaxBagRepresentation, MeanMinMaxBagRepresentation
A wrapper to sklearn.decomposition and sklearn.feature_selection.
# for example import sklearn PCA
from mil.dimensionality_reduction import PCA
Includes a manager to handle all the metrics, some custom metric and a wrapper of tensorflow.keras.metrics. Custom metrics have to inherit from Metrics base class and implement methods update_state, result, and reset_states.
# importing a custom metric
from mil.metrics import Specificity
# importing a keras metric
from mil.metrics import AUC
It contains all the end-to-end models. All the models implement a sklearn-like structure with fit, predict, and sometimes get_positive_instances when the method allows it.
- MILES
- APR
- AttentionDeepPoolingMil
# importing mil models
from mil.models import APR, AttentionDeepPoolingMil, MILES
# importing sklearn models
from mil.models import RandomForestClassifier, SVC
It is also a wrapper to sklearn.svm, sklearn.ensemble, sklearn.linear_model, and sklearn.neighbors.
It contains few transformers to normalize and standardize bags of type list, and is also a wrapper to sklearn.preprocessing.
# standarize bags of lists
from mil.preprocessing import StandarizerBagsList
It contains few utility functions, such as bags2instances, padding, progress bar ...
# for example importing bags2instances function
from mil.utils.utils import bags2instances
A wrapper to sklearn.model_selection. Includes all the validation strategies to be used in the training process.
# for example importing sklearn KFold
from mil.validators import KFold
valid = KFold(n_splits=10, shuffle=True)
It is the central part of the library, it allows to train, and evaluate models in a very simple and intuitive way. It has 4 principal methods.
-
prepare(model, preprocess_pipeline=[], metrics=[]).
Which is kind of what 'compile' method is for keras models. What it does is preparing the training and evaluation routine. The 'model' parameter accepts any of the mil.models objects. The 'preprocess_pipeline' parameter is a list containing all the transforming operations we wish to do before inputing the data into the 'model' object. It basically accepts any sklearn transformer. The 'metrics' takes some strings of typical metrics, or the callables modules from the metrics. -
fit(X_train, y_train, X_val=None, y_val=None, groups=None, validation_strategy=None, sample_weights=None, verbose=1)
This is the method to train the model. It also handles a sample_weights parameters and mil.validators objects and custom validations splits. -
predict(X_train, y_train, X_val=None, y_val=None, groups=None, validation_strategy=None, sample_weights=None, verbose=1)
This method is used to get the predictions of the model. -
get_positive_instances(X)
Whenever the model has implemented the method it returns the positive instances from the bags.
# importing dataset
from mil.data.datasets import musk1
# importing bag_representation
from mil.bag_representation import MILESMapping
# importing validation strategy
from mil.validators import LeaveOneOut
# importing final model, which in this case is the SVC classifier from sklearn
from mil.models import SVC
# importing trainer
from mil.trainer import Trainer
# importing preprocessing
from mil.preprocessing import StandarizerBagsList
# importing metrics, which in this case are from tf keras metrics
from mil.metrics import AUC
# loading dataset
(bags_train, y_train), (bags_test, y_test) = musk1.load()
# instantiate trainer
trainer = Trainer()
# preparing trainer
metrics = ['acc', AUC]
model = SVC(kernel='linear', C=1, class_weight='balanced')
pipeline = [('scale', StandarizerBagsList()), ('disc_mapping', MILESMapping())]
trainer.prepare(model, preprocess_pipeline=pipeline ,metrics=metrics)
# fitting trainer
valid = LeaveOneOut()
history = trainer.fit(bags_train, y_train, sample_weights='balanced', validation_strategy=valid, verbose=1)
# printing validation results for each fold
print(history['metrics_val'])
# predicting metrics for the test set
trainer.predict_metrics(bags_test, y_test)
For more examples, check examples subdirectory.
Pull requests are welcome. Priority things are on To-do-list. For major changes, please open an issue first to discuss what you would like to change. Also, please make sure to update tests when appropriate.
Pending tasks to do:
- Implement other algorithms, such as the SVM based ones.
- Make C/C++ extension of the APR algorithm to run faster.
- Make C/C++ extension of the MILESMapping algorithm to run faster.
- MILESMapping generates a symmetric matrix of bag instance similarity, optimize it to calculate only half matrix and apply other possible optimizations to reduce time and space complexity.
- Implement get_positive_instances for MILES model.
- Implement logging and replace print functions calls.
- Add parallelization for Trainer, for example in the validation folds.
- Implement Tuner class for hyperparameter tuning.
- Implement Callbacks for using on Trainer.
- Add one cycle learning rate to use it on optimizers of KerasClassifiers models.
- For the Trainer class, implement to get the best validation loss for calculating the metrics, right now when evaluating a KerasClassifier model, the metrics are the ones from the last epoch.