Overview¶
anomaly¶
Anomaly detection.
Estimators in the anomaly
module have a bespoke API. Each anomaly detector has a score_one
method instead of a predict_one
method. This method returns an anomaly score. Normal observations
should have a low score, whereas anomalous observations should have a high score. The range of the
scores is relative to each estimator.
Anomaly detectors are usually unsupervised, in that they analyze the distribution of the features they are shown. But River also has a notion of supervised anomaly detectors. These analyze the distribution of a target variable, and optionally include the distribution of the features as well. They are useful for detecting labelling anomalies, which can be detrimental if they learned by a model.
base¶
base¶
Base interfaces.
Every estimator in river
is a class, and as such inherits from at least one base interface.
These are used to categorize, organize, and standardize the many estimators that river
contains.
This module contains mixin classes, which are all suffixed by Mixin
. Their purpose is to
provide additional functionality to an estimator, and thus need to be used in conjunction with a
non-mixin base class.
This module also contains utilities for type hinting and tagging estimators.
- Base
- Classifier
- Clusterer
- DriftDetector
- Ensemble
- Estimator
- MiniBatchClassifier
- MiniBatchRegressor
- MiniBatchTransformer
- MultiOutputMixin
- Regressor
- SupervisedTransformer
- Transformer
- Wrapper
- WrapperEnsemble
cluster¶
Unsupervised clustering.
compat¶
Compatibility tools.
This module contains adapters for making river
estimators compatible with other libraries, and
vice-versa whenever possible. The relevant adapters will only be usable if you have installed the
necessary library. For instance, you have to install scikit-learn in order to use the
compat.convert_sklearn_to_river
function.
Classes
- PyTorch2RiverClassifier
- PyTorch2RiverRegressor
- River2SKLClassifier
- River2SKLClusterer
- River2SKLRegressor
- River2SKLTransformer
- SKL2RiverClassifier
- SKL2RiverRegressor
Functions
compose¶
Model composition.
This module contains utilities for merging multiple modeling steps into a single pipeline. Although pipelines are not the only way to process a stream of data, we highly encourage you to use them.
- Discard
- FuncTransformer
- Grouper
- Pipeline
- Prefixer
- Renamer
- Select
- SelectType
- Suffixer
- TargetTransformRegressor
- TransformerProduct
- TransformerUnion
datasets¶
Datasets.
This module contains a collection of datasets for multiple tasks: classification, regression, etc.
The data corresponds to popular datasets and are conveniently wrapped to easily iterate over
the data in a stream fashion. All datasets have fixed size. Please refer to river.synth
if you
are interested in infinite synthetic data generators.
- AirlinePassengers
- Bananas
- Bikes
- ChickWeights
- CreditCard
- Elec2
- HTTP
- Higgs
- ImageSegments
- Insects
- Keystroke
- MaliciousURL
- MovieLens100K
- Music
- Phishing
- Restaurants
- SMSSpam
- SMTP
- SolarFlare
- TREC07
- Taxis
- TrumpApproval
- WaterFlow
base¶
drift¶
Concept Drift Detection.
This module contains concept drift detection methods. The purpose of a drift detector is to raise an alarm if the data distribution changes. A good drift detector method is the one that maximizes the true positives while keeping the number of false positives to a minimum.
dummy¶
Dummy estimators.
This module is here for testing purposes, as well as providing baseline performances.
ensemble¶
Ensemble learning.
Broadly speaking, there are two kinds of ensemble approaches. There are those that copy a single model several times and aggregate the predictions of said copies. This includes bagging as well as boosting. Then there are those that are composed of an arbitrary list of models, and can therefore aggregate predictions from different kinds of models.
- ADWINBaggingClassifier
- AdaBoostClassifier
- AdaptiveRandomForestClassifier
- AdaptiveRandomForestRegressor
- BaggingClassifier
- BaggingRegressor
- EWARegressor
- LeveragingBaggingClassifier
- SRPClassifier
- SRPRegressor
- StackingClassifier
- VotingClassifier
evaluate¶
Model evaluation.
This module provides utilities to evaluate an online model. The goal is to reproduce a real-world
scenario with high fidelity. The core function of this module is progressive_val_score
, which
allows to evaluate a model via progressive validation.
This module also exposes "tracks". A track is a predefined combination of a dataset and one or more
metrics. This allows a principled manner to compare models with each other. For instance,
the load_binary_clf_tracks
returns tracks that are to be used to evaluate the performance of
a binary classification model.
The benchmarks
directory at the root of the River repository uses these tracks.
Classes
Functions
facto¶
Factorization machines.
- FFMClassifier
- FFMRegressor
- FMClassifier
- FMRegressor
- FwFMClassifier
- FwFMRegressor
- HOFMClassifier
- HOFMRegressor
feature_extraction¶
Feature extraction.
This module can be used to extract information from raw features. This includes encoding
categorical data as well as looking at interactions between existing features. This differs from
the processing
module in that the latter's purpose is rather to clean the data so that it may
be processed by a particular machine learning algorithm.
feature_selection¶
Feature selection.
imblearn¶
Sampling methods.
- ChebyshevOverSampler
- ChebyshevUnderSampler
- HardSamplingClassifier
- HardSamplingRegressor
- RandomOverSampler
- RandomSampler
- RandomUnderSampler
linear_model¶
Linear models.
- ALMAClassifier
- LinearRegression
- LogisticRegression
- PAClassifier
- PARegressor
- Perceptron
- SoftmaxRegression
base¶
metrics¶
Evaluation metrics.
All the metrics are updated one sample at a time. This way we can track performance of predictive methods over time.
- Accuracy
- AdjustedMutualInfo
- AdjustedRand
- BalancedAccuracy
- ClassificationReport
- CohenKappa
- Completeness
- ConfusionMatrix
- CrossEntropy
- F1
- FBeta
- FowlkesMallows
- GeometricMean
- Homogeneity
- Jaccard
- LogLoss
- MAE
- MCC
- MSE
- MacroF1
- MacroFBeta
- MacroJaccard
- MacroPrecision
- MacroRecall
- MicroF1
- MicroFBeta
- MicroJaccard
- MicroPrecision
- MicroRecall
- MultiFBeta
- MutualInfo
- NormalizedMutualInfo
- Precision
- R2
- RMSE
- RMSLE
- ROCAUC
- Rand
- Recall
- Rolling
- SMAPE
- Silhouette
- TimeRolling
- VBeta
- WeightedF1
- WeightedFBeta
- WeightedJaccard
- WeightedPrecision
- WeightedRecall
base¶
multioutput¶
Metrics for multi-output learning.
base¶
misc¶
Miscellaneous.
This module essentially regroups some implementations that have nowhere else to go.
model_selection¶
Model selection.
This module regroups a variety of methods that may be used for performing model selection. An model selector is provided with a list of models. These are called "experts" in the expert learning literature. The model selector's goal is to perform at least as well as the best model. Indeed, initially, the best model is not known. The performance of each model becomes more apparent as time goes by. Different strategies are possible, each one offering a different tradeoff in terms of accuracy and computational performance.
Model selection can be used for tuning the hyperparameters of a model. This may be done by creating
a copy of the model for each set of hyperparameters, and treating each copy as a separate model.
The utils.expand_param_grid
function can be used for this purpose.
- EpsilonGreedyRegressor
- GreedyRegressor
- SuccessiveHalvingClassifier
- SuccessiveHalvingRegressor
- UCBRegressor
base¶
multiclass¶
Multi-class classification.
multioutput¶
Multi-output models.
naive_bayes¶
Naive Bayes algorithms.
neighbors¶
Neighbors-based learning.
Also known as lazy methods. In these methods, generalisation of the training data is delayed until a query is received.
neural_net¶
Neural networks.
activations¶
optim¶
Stochastic optimization.
- AMSGrad
- AdaBound
- AdaDelta
- AdaGrad
- AdaMax
- Adam
- Averager
- FTRLProximal
- Momentum
- Nadam
- NesterovMomentum
- RMSProp
- SGD
base¶
initializers¶
Weight initializers.
losses¶
Loss functions.
Each loss function is intended to work with both single values as well as numpy vectors.
- Absolute
- BinaryFocalLoss
- BinaryLoss
- Cauchy
- CrossEntropy
- EpsilonInsensitiveHinge
- Hinge
- Huber
- Log
- MultiClassLoss
- Poisson
- Quantile
- RegressionLoss
- Squared
schedulers¶
Learning rate schedulers.
preprocessing¶
Feature preprocessing.
The purpose of this module is to modify an existing set of features so that they can be processed
by a machine learning algorithm. This may be done by scaling numeric parts of the data or by
one-hot encoding categorical features. The difference with the feature_extraction
module is that
the latter extracts new information from the data
- AdaptiveStandardScaler
- Binarizer
- FeatureHasher
- LDA
- MaxAbsScaler
- MinMaxScaler
- Normalizer
- OneHotEncoder
- PredClipper
- PreviousImputer
- RobustScaler
- StandardScaler
- StatImputer
- TargetStandardScaler
proba¶
Probability distributions.
base¶
reco¶
Recommender systems module.
Recommender systems (recsys for short) is a large topic. This module is far from comprehensive. It simply provides models which can contribute towards building a recommender system.
A typical recommender system is made up of a retrieval phase, followed by a ranking phase. The output of the retrieval phase is a shortlist of the catalogue of items. The items in the shortlist are then usually ranked according to the expected preference the user will have for each item. This module focuses on the ranking phase.
Models which inherit from the Ranker
class have a rank
method. This allows sorting a set of
items for a given user. Each model also has a learn_one(user, item, y, context)
which allows
learning user preferences. The y
parameter is a reward value, the nature of which depends is
specific to each and every recommendation task. Typically the reward is a number or a boolean
value. It is up to the user to determine how to translate a user session into training data.
base¶
rules¶
Decision rules-based algorithms.
stats¶
Running statistics
- AbsMax
- AutoCorr
- BayesianMean
- Count
- Cov
- EWMean
- EWVar
- Entropy
- IQR
- Kurtosis
- Link
- MAD
- Max
- Mean
- Min
- Mode
- NUnique
- PeakToPeak
- PearsonCorr
- Quantile
- RollingAbsMax
- RollingCov
- RollingIQR
- RollingMax
- RollingMean
- RollingMin
- RollingMode
- RollingPeakToPeak
- RollingPearsonCorr
- RollingQuantile
- RollingSEM
- RollingSum
- RollingVar
- SEM
- Shift
- Skew
- Sum
- Var
base¶
stream¶
Streaming utilities.
The module includes tools to iterate over data streams.
Classes
Functions
- iter_arff
- iter_array
- iter_csv
- iter_libsvm
- iter_pandas
- iter_sklearn_dataset
- iter_sql
- iter_vaex
- shuffle
- simulate_qa
synth¶
Synthetic datasets.
Each synthetic dataset is a stream generator. The benefit of using a generator is that they do not store the data and each data sample is generated on the fly. Except for a couple of methods, the majority of these methods are infinite data generators.
- Agrawal
- AnomalySine
- ConceptDriftStream
- Friedman
- FriedmanDrift
- Hyperplane
- LED
- LEDDrift
- Logical
- Mixed
- Mv
- Planes2D
- RandomRBF
- RandomRBFDrift
- RandomTree
- SEA
- STAGGER
- Sine
- Waveform
time_series¶
Time series forecasting.
Classes
Functions
base¶
tree¶
This module implements incremental Decision Tree (iDT) algorithms for handling classification and regression tasks.
Each family of iDT will be presented in a dedicated section.
At any moment, iDT might face situations where an input feature previously used to make a split decision is missing in an incoming sample. In this case, the most traversed path is selected to pass down the instance. Moreover, in the case of nominal features, if a new category arises and the feature is used in a decision node, a new branch is created to accommodate the new value.
1. Hoeffding Trees
This family of iDT algorithms use the Hoeffding Bound to determine whether or not the incrementally computed best split candidates would be equivalent to the ones obtained in a batch-processing fashion.
All the available Hoeffding Tree (HT) implementation share some common functionalities:
-
Set the maximum tree depth allowed (
max_depth
). -
Handle Active and Inactive nodes: Active learning nodes update their own internal state to improve predictions and monitor input features to perform split attempts. Inactive learning nodes do not update their internal state and only keep the predictors; they are used to save memory in the tree (
max_size
). -
Enable/disable memory management.
-
Define strategies to sort leaves according to how likely they are going to be split. This enables deactivating non-promising leaves to save memory.
-
Disabling βpoorβ attributes to save memory and speed up tree construction. A poor attribute is an input feature whose split merit is much smaller than the current best candidate. Once a feature is disabled, the tree stops saving statistics necessary to split such a feature.
-
Define properties to access leaf prediction strategies, split criteria, and other relevant characteristics.
2. Stochastic Gradient Trees
Stochastic Gradient Trees (SGT) directly optimize a loss function, rather than relying on split heuristics to guide the tree growth. F-tests are performed do decide whether a leaf should be expanded or its prediction value should be updated.
SGTs can deal with binary classification and single-target regression. They also support dynamic and static feature quantizers to deal with numerical inputs.
- ExtremelyFastDecisionTreeClassifier
- HoeffdingAdaptiveTreeClassifier
- HoeffdingAdaptiveTreeRegressor
- HoeffdingTreeClassifier
- HoeffdingTreeRegressor
- LabelCombinationHoeffdingTreeClassifier
- SGTClassifier
- SGTRegressor
- iSOUPTreeRegressor
base¶
This module defines generic branch and leaf implementations. These should be used in River by each tree-based model. Using these classes makes the code more DRY. The only exception for not doing so would be for performance, whereby a tree-based model uses a bespoke implementation.
This module defines a bunch of methods to ease the manipulation and diagnostic of trees. Its intention is to provide utilities for walking over a tree and visualizing it.
splitter¶
This module implements the Attribute Observers (AO) (or tree splitters) that are used by the Hoeffding Trees (HT). It also implements the feature quantizers (FQ) used by Stochastic Gradient Trees (SGT). AOs are a core aspect of the HTs construction, and might represent one of the major bottlenecks when building the trees. The same holds for SGTs and FQs. The correct choice and setup of a splitter might result in significant differences in the running time and memory usage of the incremental decision trees.
AOs for classification and regression trees can be differentiated by using the property
is_target_class
(True
for splitters designed to classification tasks). An error will be raised
if one tries to use a classification splitter in a regression tree and vice-versa.
Lastly, AOs cannot be used in SGT and FQs cannot be used in Hoeffding Trees. So, care must be taken
when choosing the correct feature splitter.
- DynamicQuantizer
- EBSTSplitter
- ExhaustiveSplitter
- GaussianSplitter
- HistogramSplitter
- QOSplitter
- Quantizer
- Splitter
- StaticQuantizer
- TEBSTSplitter
utils¶
Shared utility classes and functions
Classes
Functions
math¶
Mathematical utility functions (intended for internal purposes).
A lot of this is experimental and has a high probability of changing in the future.
- argmax
- chain_dot
- clamp
- dot
- dotvecmat
- matmul2d
- minkowski_distance
- norm
- outer
- prod
- sherman_morrison
- sigmoid
- sign
- softmax
pretty¶
Helper functions for making things readable by humans.