merlion.models package
Broadly, Merlion contains two types of models: anomaly detection (merlion.models.anomaly)
and forecasting (merlion.models.forecast). Note that there is a distinct subset of anomaly
detection models that use forecasting models at their core (merlion.models.anomaly.forecast_based).
We implement an abstract ModelBase class which provides the following functionality for all models:
- model = ModelClass(config)- initialization with a model-specific config (which inherits from - Config)
- configs contain: - a (potentially trainable) data pre-processing transform from - merlion.transform; note that- model.transformis a property which refers to- model.config.transform
- model-specific hyperparameters 
 
 
- model.save(dirname, save_config=None)- saves the model to the specified directory. The model’s configuration is saved to - <dirname>/config.json, while the model’s binary data is (by default) saved in binary form to- <dirname>/model.pkl. Note that if you edit the saved- <dirname>/config.jsonon disk, the changes will be loaded when you call- ModelClass.load(dirname)!
- this method heavily exploits the fact that many objects in Merlion are JSON-serializable 
 
- ModelClass.load(dirname, **kwargs)- this class method initializes an instance of - ModelClassfrom the config file saved in- <dirname>/config.json, (overriding any parameters of the config with- kwargswhere relevant), loads the remaining binary data into the model object, and returns the fully initialized model.
 
For users who aren’t familiar with the specific details of various models, we provide default models for anomaly
detection and forecasting in merlion.models.defaults.
We also provide a ModelFactory which can be used to conveniently instantiate models from their name and a set of
keyword arguments, or to load them directly from disk. For example, we may have the following workflow:
from merlion.models.factory import ModelFactory
from merlion.models.anomaly.windstats import WindStats, WindStatsConfig
# creates the same kind of model in 2 equivalent ways
model1a = WindStats(WindStatsConfig(wind_sz=60))
model1b = ModelFactory.create("WindStats", wind_sz=60)
# save the model & load it in 2 equivalent ways
model1a.save("tmp")
model2a = WindStats.load("tmp")
model2b = ModelFactory.load("tmp")
Finally, we support ensembles of models in merlion.models.ensemble.
| Default models for anomaly detection & forecasting that balance speed and performance. | |
| Contains the  | |
| Contains the base classes for all models. | |
| Base class for layered models. | |
| Contains all anomaly detection models. | |
| Contains all change point detection algorithms. | |
| Contains all forecaster-based anomaly detectors. | |
| Contains all forecasting models. | |
| Ensembles of models and automated model selection. | |
| Contains all AutoML layers. | 
Subpackages
- merlion.models.anomaly package- Subpackages
- Submodules
- merlion.models.anomaly.base module
- merlion.models.anomaly.dbl module
- merlion.models.anomaly.windstats module
- merlion.models.anomaly.isolation_forest module
- merlion.models.anomaly.random_cut_forest module
- merlion.models.anomaly.spectral_residual module
- merlion.models.anomaly.stat_threshold module
- merlion.models.anomaly.zms module
- merlion.models.anomaly.autoencoder module
- merlion.models.anomaly.vae module
- merlion.models.anomaly.dagmm module
- merlion.models.anomaly.lstm_ed module
- merlion.models.anomaly.deep_point_anomaly_detector module
 
- merlion.models.anomaly.change_point package
- merlion.models.anomaly.forecast_based package- Submodules
- merlion.models.anomaly.forecast_based.base module
- merlion.models.anomaly.forecast_based.arima module
- merlion.models.anomaly.forecast_based.sarima module
- merlion.models.anomaly.forecast_based.ets module
- merlion.models.anomaly.forecast_based.prophet module
- merlion.models.anomaly.forecast_based.lstm module
- merlion.models.anomaly.forecast_based.mses module
 
- merlion.models.forecast package- Submodules
- merlion.models.forecast.base module
- merlion.models.forecast.arima module
- merlion.models.forecast.sarima module
- merlion.models.forecast.ets module
- merlion.models.forecast.prophet module
- merlion.models.forecast.smoother module
- merlion.models.forecast.vector_ar module
- merlion.models.forecast.trees module
- merlion.models.forecast.lstm module
 
- merlion.models.ensemble package
- merlion.models.automl package
Submodules
merlion.models.defaults module
Default models for anomaly detection & forecasting that balance speed and performance.
- class merlion.models.defaults.DefaultDetectorConfig(model=None, granularity=None, n_threads=1, model_kwargs=None, transform=None, **kwargs)
- Bases: - LayeredModelConfig- Config object for default anomaly detection model. - Parameters
- model – The model being wrapped, or a dict representing it. 
- granularity – the granularity at which the input time series should be sampled, e.g. “5min”, “1h”, “1d”, etc. 
- n_threads ( - int) – the number of parallel threads to use for relevant models
- model_kwargs – Keyword arguments used specifically to initialize the underlying model. Only used if - modelis a dict. Will override keys in the- modeldict if specified.
- transform – Transformation to pre-process input time series. 
- kwargs – Any other keyword arguments (e.g. for initializing a base class). If - modelis a dict, we will also try to pass these arguments when creating the actual underlying model. However, they will not override arguments in either the- modeldict or- model_kwargsdict.
 
 
- class merlion.models.defaults.DefaultDetector(config=None, model=None, **kwargs)
- Bases: - LayeredDetector- Default anomaly detection model that balances efficiency with performance. - Parameters
- config ( - Optional[- LayeredModelConfig]) – model configuration
 - config_class
- alias of - DefaultDetectorConfig
 - property granularity
 - train(train_data, anomaly_labels=None, train_config=None, post_rule_train_config=None)
- Trains the model on the specified time series, optionally with some additional implementation-specific config options - train_config.- Parameters
- train_data ( - TimeSeries) – a- TimeSeriesto use as a training set
- train_config – additional configurations (if needed) 
 
- Return type
 
 
- class merlion.models.defaults.DefaultForecasterConfig(model=None, max_forecast_steps=None, target_seq_index=None, granularity=None, model_kwargs=None, transform: TransformBase = None, **kwargs)
- Bases: - LayeredModelConfig- Config object for default forecasting model. - Parameters
- model – The model being wrapped, or a dict representing it. 
- max_forecast_steps – Max # of steps we would like to forecast for. Required for some models like - MSESand- LGBMForecaster.
- target_seq_index – The index of the univariate (amongst all univariates in a general multivariate time series) whose value we would like to forecast. 
- granularity – the granularity at which the input time series should be sampled, e.g. “5min”, “1h”, “1d”, etc. 
- model_kwargs – Keyword arguments used specifically to initialize the underlying model. Only used if - modelis a dict. Will override keys in the- modeldict if specified.
- transform – Transformation to pre-process input time series. 
- kwargs – Any other keyword arguments (e.g. for initializing a base class). If - modelis a dict, we will also try to pass these arguments when creating the actual underlying model. However, they will not override arguments in either the- modeldict or- model_kwargsdict.
 
 
- class merlion.models.defaults.DefaultForecaster(config=None, model=None, **kwargs)
- Bases: - LayeredForecaster- Default forecasting model that balances efficiency with performance. - config_class
- alias of - DefaultForecasterConfig
 - property granularity
 - train(train_data, train_config=None)
- Trains the model on the specified time series, optionally with some additional implementation-specific config options - train_config.- Parameters
- train_data ( - TimeSeries) – a- TimeSeriesto use as a training set
- train_config – additional configurations (if needed) 
 
- Return type
- Tuple[- TimeSeries,- Optional[- TimeSeries]]
 
 
merlion.models.factory module
Contains the ModelFactory.
- class merlion.models.factory.ModelFactory
- Bases: - object- classmethod create(name, return_unused_kwargs=False, **kwargs)
 
- merlion.models.factory.instantiate_or_copy_model(model)
merlion.models.base module
Contains the base classes for all models.
- class merlion.models.base.Config(transform=None, **kwargs)
- Bases: - object- Abstract class which defines a model config. - Parameters
- transform ( - Optional[- TransformBase]) – Transformation to pre-process input time series.
 - filename = 'config.json'
 - transform: TransformBase = None
 - dim: Optional[int] = None
 - property base_model
- The base model of a base model is itself. 
 - to_dict(_skipped_keys=None)
- Returns
- dict with keyword arguments used to initialize the config class. 
 
 - classmethod from_dict(config_dict, return_unused_kwargs=False, dim=None, **kwargs)
- Constructs a - Configfrom a Python dictionary of parameters.- Parameters
- config_dict ( - Dict[- str,- Any]) – dict that will be used to instantiate this object.
- return_unused_kwargs – whether to return any unused keyword args. 
- dim – the dimension of the time series. handled as a special case. 
- kwargs – any additional parameters to set (overriding config_dict). 
 
- Returns
- Configobject initialized from the dict.
 
 - get_unused_kwargs(**kwargs)
 
- class merlion.models.base.NormalizingConfig(normalize=None, transform=None, **kwargs)
- Bases: - Config- Model config where the transform must return normalized values. Applies additional normalization after the initial data pre-processing transform. - Parameters
- normalize ( - Optional[- Rescale]) – Pre-trained normalization transformation (optional).
- transform – Transformation to pre-process input time series. 
 
 - property full_transform
- Returns the full transform, including the pre-processing step, lags, and final mean/variance normalization. 
 - property transform
 
- class merlion.models.base.ModelBase(config)
- Bases: - object- Abstract base class for models. - filename = 'model.pkl'
 - train_data: Optional[TimeSeries] = None
- The data used to train the model. 
 - reset()
- Resets the model’s internal state. 
 - abstract property require_even_sampling: bool
- Whether the model assumes that training data is sampled at a fixed frequency - Return type
- bool
 
 - abstract property require_univariate: bool
- Whether the model only works with univariate time series. - Return type
- bool
 
 - property auto_align: bool
- Whether to ensure that all univariates in the training data are aligned. - Return type
- bool
 
 - property dim
 - property transform
- Returns
- The data pre-processing transform to apply on any time series, before giving it to the model. 
 
 - property timedelta
- Returns
- the gap (as a - pandas.Timedeltaor- pandas.DateOffset) between data points in the training data
 
 - property last_train_time
- Returns
- the last time (as a - pandas.Timestamp) that the model was trained on
 
 - train_pre_process(train_data)
- Applies pre-processing steps common for training most models. - Parameters
- train_data ( - TimeSeries) – the original time series of training data
- Return type
- Returns
- the training data, after any necessary pre-processing has been applied 
 
 - transform_time_series(time_series, time_series_prev=None)
- Applies the model’s pre-processing transform to - time_seriesand- time_series_prev.- Parameters
- time_series ( - TimeSeries) – The time series
- time_series_prev ( - Optional[- TimeSeries]) – A time series of context, immediately preceding- time_series. Optional.
 
- Return type
- Tuple[- TimeSeries,- Optional[- TimeSeries]]
- Returns
- The transformed - time_series.
 
 - abstract train(train_data, train_config=None)
- Trains the model on the specified time series, optionally with some additional implementation-specific config options - train_config.- Parameters
- train_data ( - TimeSeries) – a- TimeSeriesto use as a training set
- train_config – additional configurations (if needed) 
 
 
 - save(dirname, **save_config)
- Parameters
- dirname ( - str) – directory to save the model & its config
- save_config – additional configurations (if needed) 
 
 
 - classmethod load(dirname, **kwargs)
- Parameters
- dirname ( - str) – directory to load model (and config) from
- kwargs – config params to override manually 
 
- Returns
- ModelBaseobject loaded from file
 
 - to_bytes(**save_config)
- Converts the entire model state and configuration to a single byte object. - Returns
- bytes object representing the model. 
 
 - classmethod from_bytes(obj, **kwargs)
- Creates a fully specified model from a byte object - Parameters
- obj – byte object to convert into a model 
- Returns
- ModelBase object loaded from - obj
 
 
- class merlion.models.base.MultipleTimeseriesModelMixin
- Bases: - object- Abstract mixin for models supporting training on multiple time series. - abstract train_multiple(multiple_train_data, train_config=None)
- Trains the model on multiple time series, optionally with some additional implementation-specific config options - train_config.- Parameters
- multiple_train_data ( - List[- TimeSeries]) – a list of- TimeSeriesto use as a training set
- train_config – additional configurations (if needed) 
 
 
 
merlion.models.layers module
Base class for layered models. These are models which act as a wrapper around another model, often with additional functionality. This is the basis for default models and AutoML models.
- class merlion.models.layers.LayeredModelConfig(model, model_kwargs=None, transform=None, **kwargs)
- Bases: - Config- Config object for a - LayeredModel. See- LayeredModeldocumentation for more details.- Parameters
- model ( - Union[- ModelBase,- Dict]) – The model being wrapped, or a dict representing it.
- model_kwargs – Keyword arguments used specifically to initialize the underlying model. Only used if - modelis a dict. Will override keys in the- modeldict if specified.
- transform – Transformation to pre-process input time series. 
- kwargs – Any other keyword arguments (e.g. for initializing a base class). If - modelis a dict, we will also try to pass these arguments when creating the actual underlying model. However, they will not override arguments in either the- modeldict or- model_kwargsdict.
 
 - property base_model
- The base model at the heart of the full layered model. 
 - to_dict(_skipped_keys=None)
- Returns
- dict with keyword arguments used to initialize the config class. 
 
 - classmethod from_dict(config_dict, return_unused_kwargs=False, dim=None, **kwargs)
- Constructs a - Configfrom a Python dictionary of parameters.- Parameters
- config_dict ( - Dict[- str,- Any]) – dict that will be used to instantiate this object.
- return_unused_kwargs – whether to return any unused keyword args. 
- dim – the dimension of the time series. handled as a special case. 
- kwargs – any additional parameters to set (overriding config_dict). 
 
- Returns
- Configobject initialized from the dict.
 
 - get_unused_kwargs(**kwargs)
 
- class merlion.models.layers.LayeredModel(config=None, model=None, **kwargs)
- Bases: - ModelBase- Abstract class implementing a model which wraps around another internal model. - The actual underlying model is stored in - model.config.model, and- model.modelis a property which references this. This is to allow the model to retain the initializer- LayeredModel(config), and to ensure that various attributes do not become de-synchronized (e.g. if we were to store- config.model_configand- model.modelseparately).- We define the base model as the non-layered model at the base of the overall model hierarchy. - The layered model is allowed to access any callable attribute of the base model, e.g. - model.set_seasonality(...)resolves to``model.base_model.set_seasonality(…)`` for a- SeasonalityModel. If the base model is a forecaster, the layered model will automatically inherit from- ForecasterBase; similarly for- DetectorBaseor- ForecastingDetectorBase. The abstract methods (- forecastand- get_anomaly_score) are overridden to call the underlying model.- If the base model is a forecaster, the top-level config - model.configdoes not duplicate attributes of the underlying forecaster config (e.g.- max_forecast_stepsor- target_seq_index). Instead,- model.config.max_forecast_stepswill resolve to- model.config.base_model.max_forecast_steps. As a result, you will only need to specify this parameter once. The same holds true for- DetectorConfigattributes (e.g.- thresholdor- calibrator) when the base model is an anomaly detector.- Note - For the time being, every layer of the model is allowed to have its own - transform. However, after the model is trained, the entire transform will be composed as a single- TransformSequenceand will be owned by the base model.- config_class
- alias of - LayeredModelConfig
 - property require_even_sampling: bool
- Whether the model assumes that training data is sampled at a fixed frequency - Return type
- bool
 
 - property require_univariate: bool
- Whether the model only works with univariate time series. - Return type
- bool
 
 - property model
 - property base_model
 - property train_data
 - reset()
- Resets the model’s internal state. 
 - train_model(train_data, *args, **kwargs)
- Trains the underlying model. May be overridden, e.g. for AutoML. - Parameters
- train_data – the data to train on, after any pre-processing transforms have been applied. 
 
 - train(train_data, *args, **kwargs)
- Trains the model on the specified time series, optionally with some additional implementation-specific config options - train_config.- Parameters
- train_data ( - TimeSeries) – a- TimeSeriesto use as a training set
- train_config – additional configurations (if needed) 
 
 
 
- class merlion.models.layers.LayeredDetector(config=None, model=None, **kwargs)
- Bases: - LayeredModel,- DetectorBase- Base class for a layered anomaly detector. Only to be used as a subclass. - Parameters
- config ( - Optional[- LayeredModelConfig]) – model configuration
 - get_anomaly_score(time_series, time_series_prev=None)
- Returns the model’s predicted sequence of anomaly scores. - Parameters
- time_series ( - TimeSeries) – the- TimeSerieswe wish to predict anomaly scores for.
- time_series_prev ( - Optional[- TimeSeries]) – a- TimeSeriesimmediately preceding- time_series. If given, we use it to initialize the time series anomaly detection model. Otherwise, we assume that- time_seriesimmediately follows the training data.
 
- Return type
- Returns
- a univariate - TimeSeriesof anomaly scores
 
 
- class merlion.models.layers.LayeredForecaster(config=None, model=None, **kwargs)
- Bases: - LayeredModel,- ForecasterBase- Base class for a layered forecaster. Only to be used as a subclass. - forecast(time_stamps, time_series_prev=None, *args, **kwargs)
- Returns the model’s forecast on the timestamps given. Note that if - self.transformis specified in the config, the forecast is a forecast of transformed values! It is up to you to manually invert the transform if desired.- Parameters
- time_stamps – Either a - listof timestamps we wish to forecast for, or the number of steps (- int) we wish to forecast for.
- time_series_prev ( - Optional[- TimeSeries]) – a list of (timestamp, value) pairs immediately preceding- time_series. If given, we use it to initialize the time series model. Otherwise, we assume that- time_seriesimmediately follows the training data.
- return_iqr – whether to return the inter-quartile range for the forecast. Note that not all models support this option. 
- return_prev – whether to return the forecast for - time_series_prev(and its stderr or IQR if relevant), in addition to the forecast for- time_stamps. Only used if- time_series_previs provided.
 
- Returns
- (forecast, forecast_stderr)if- return_iqris false,- (forecast, forecast_lb, forecast_ub)otherwise.- forecast: the forecast for the timestamps given
- forecast_stderr: the standard error of each forecast value.
- May be - None.
 
- forecast_lb: 25th percentile of forecast values for each timestamp
- forecast_ub: 75th percentile of forecast values for each timestamp
 
 
 
- class merlion.models.layers.LayeredForecastingDetector(config=None, model=None, **kwargs)
- Bases: - LayeredForecaster,- LayeredDetector,- ForecastingDetectorBase- Base class for a layered forecasting detector. Only to be used as a subclass. - Parameters
- config ( - Optional[- LayeredModelConfig]) – model configuration