Package mdp :: Package nodes
[hide private]
[frames] | no frames]

Package nodes

Classes [hide private]
  ARDRegressionScikitsLearnNode
Bayesian ARD regression. This node has been automatically generated by wrapping the scikits.learn.linear_model.bayes.ARDRegression class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Fit the weights of a regression model, using an ARD prior. The weights of the regression model are assumed to be in Gaussian distributions. Also estimate the parameters lambda (precisions of the distributions of the weights) and alpha (precision of the distribution of the noise). The estimation is done by an iterative procedures (Evidence Maximization)
  AdaptiveCutoffNode
Node which uses the data history during training to learn cutoff values.
  BayesianRidgeScikitsLearnNode
Bayesian ridge regression This node has been automatically generated by wrapping the scikits.learn.linear_model.bayes.BayesianRidge class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Fit a Bayesian ridge model and optimize the regularization parameters lambda (precision of the weights) and alpha (precision of the noise).
  BinarizerScikitsLearnNode
This node has been automatically generated by wrapping the scikits.learn.preprocessing.sparse.Binarizer class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  CCAScikitsLearnNode
CCA Canonical Correlation Analysis.
  CCIPCANode
Candid-Covariance free Incremental Principal Component Analysis (CCIPCA) extracts the principal components from the input data incrementally.
  CCIPCAWhiteningNode
Incrementally updates whitening vectors for the input data using CCIPCA.
  Convolution2DNode
Convolve input data with filter banks.
  CountVectorizerScikitsLearnNode
Convert a collection of raw documents to a matrix of token counts This node has been automatically generated by wrapping the scikits.learn.feature_extraction.text.CountVectorizer class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. This implementation produces a sparse representation of the counts using scipy.sparse.coo_matrix.
  CuBICANode
Perform Independent Component Analysis using the CuBICA algorithm.
  CutoffNode
Node to cut off values at specified bounds.
  DiscreteHopfieldClassifier
Node for simulating a simple discrete Hopfield model
  ElasticNetCVScikitsLearnNode
Elastic Net model with iterative fitting along a regularization path This node has been automatically generated by wrapping the scikits.learn.linear_model.coordinate_descent.ElasticNetCV class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. The best model is selected by cross-validation.
  ElasticNetScikitsLearnNode
Linear Model trained with L1 and L2 prior as regularizer This node has been automatically generated by wrapping the ``scikits.learn.linear_model.coordinate_descent.ElasticNet`` class from the ``sklearn`` library.
  EtaComputerNode
Compute the eta values of the normalized training data.
  FANode
Perform Factor Analysis.
  FDANode
Perform a (generalized) Fisher Discriminant Analysis of its input. It is a supervised node that implements FDA using a generalized eigenvalue approach.
  FastICANode
Perform Independent Component Analysis using the FastICA algorithm.
  FastICAScikitsLearnNode
FastICA; a fast algorithm for Independent Component Analysis This node has been automatically generated by wrapping the scikits.learn.decomposition.fastica_.FastICA class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  GMMHMMScikitsLearnNode
Hidden Markov Model with Gaussin mixture emissions This node has been automatically generated by wrapping the scikits.learn.hmm.GMMHMM class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Attributes
  GMMScikitsLearnNode
Gaussian Mixture Model This node has been automatically generated by wrapping the scikits.learn.mixture.GMM class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Representation of a Gaussian mixture model probability distribution. This class allows for easy evaluation of, sampling from, and maximum-likelihood estimation of the parameters of a GMM distribution.
  GNBScikitsLearnNode
Gaussian Naive Bayes (GNB) This node has been automatically generated by wrapping the scikits.learn.naive_bayes.GNB class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  GSFANode
This node implements "Graph-Based SFA (GSFA)", which is the main component of hierarchical GSFA (HGSFA).
  GaussianClassifier
Perform a supervised Gaussian classification.
  GaussianHMMScikitsLearnNode
Hidden Markov Model with Gaussian emissions This node has been automatically generated by wrapping the scikits.learn.hmm.GaussianHMM class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Representation of a hidden Markov model probability distribution. This class allows for easy evaluation of, sampling from, and maximum-likelihood estimation of the parameters of a HMM.
  GaussianProcessScikitsLearnNode
The Gaussian Process model class. This node has been automatically generated by wrapping the scikits.learn.gaussian_process.gaussian_process.GaussianProcess class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  GeneralExpansionNode
Expands the input samples by applying to them one or more functions provided.
  GenericUnivariateSelectScikitsLearnNode
  GrowingNeuralGasExpansionNode
Perform a trainable radial basis expansion, where the centers and sizes of the basis functions are learned through a growing neural gas.
  GrowingNeuralGasNode
Learn the topological structure of the input data by building a corresponding graph approximation.
  HLLENode
Perform a Hessian Locally Linear Embedding analysis on the data.
  HistogramNode
Node which stores a history of the data during its training phase.
  HitParadeNode
Collect the first n local maxima and minima of the training signal which are separated by a minimum gap d.
  ICANode
ICANode is a general class to handle different batch-mode algorithm for Independent Component Analysis.
  ISFANode
Perform Independent Slow Feature Analysis on the input data.
  IdentityNode
Execute returns the input data and the node is not trainable.
  IncSFANode
Incremental Slow Feature Analysis (IncSFA) extracts the slowly varying components from the input data incrementally.
  JADENode
Perform Independent Component Analysis using the JADE algorithm.
  KMeansClassifier
Employs K-Means Clustering for a given number of centroids.
  KNNClassifier
K-Nearest-Neighbour Classifier.
  KernelCentererScikitsLearnNode
Centers a kernel. This is equivalent to centering phi(X) with This node has been automatically generated by wrapping the scikits.learn.preprocessing.KernelCenterer class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  KernelPCAScikitsLearnNode
Kernel Principal component analysis (KPCA) This node has been automatically generated by wrapping the ``scikits.learn.decomposition.pca.KernelPCA`` class from the ``sklearn`` library.
  LARSScikitsLearnNode
Least Angle Regression model a.k.a. LAR This node has been automatically generated by wrapping the scikits.learn.linear_model.least_angle.LARS class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  LDAScikitsLearnNode
Linear Discriminant Analysis (LDA) This node has been automatically generated by wrapping the scikits.learn.lda.LDA class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  LLENode
Perform a Locally Linear Embedding analysis on the data.
  LabelBinarizerScikitsLearnNode
Binarize labels in a one-vs-all fashion. This node has been automatically generated by wrapping the scikits.learn.preprocessing.LabelBinarizer class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Several regression and binary classification algorithms are available in the scikit. A simple way to extend these algorithms to the multi-class classification case is to use the so-called one-vs-all scheme.
  LassoCVScikitsLearnNode
Lasso linear model with iterative fitting along a regularization path This node has been automatically generated by wrapping the scikits.learn.linear_model.coordinate_descent.LassoCV class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. The best model is selected by cross-validation.
  LassoLARSScikitsLearnNode
Lasso model fit with Least Angle Regression a.k.a. LARS This node has been automatically generated by wrapping the scikits.learn.linear_model.least_angle.LassoLARS class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. It is a Linear Model trained with an L1 prior as regularizer. lasso).
  LassoScikitsLearnNode
Linear Model trained with L1 prior as regularizer (aka the Lasso) This node has been automatically generated by wrapping the scikits.learn.linear_model.coordinate_descent.Lasso class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Technically the Lasso model is optimizing the same objective function as the Elastic Net with rho=1.0 (no L2 penalty).
  LengthNormalizerScikitsLearnNode
  LinearModelCVScikitsLearnNode
This node has been automatically generated by wrapping the scikits.learn.linear_model.coordinate_descent.LinearModelCV class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  LinearRegressionNode
Compute least-square, multivariate linear regression on the input data, i.e., learn coefficients b_j so that the linear combination y_i = b_0 + b_1 x_1 + ... b_N x_N , for i = 1 ... M, minimizes the sum of squared error given the training x's and y's.
  LinearRegressionScikitsLearnNode
Ordinary least squares Linear Regression. This node has been automatically generated by wrapping the scikits.learn.linear_model.base.LinearRegression class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Attributes
  LinearSVCScikitsLearnNode
Linear Support Vector Classification, Sparse Version This node has been automatically generated by wrapping the scikits.learn.svm.sparse.classes.LinearSVC class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Similar to SVC with parameter kernel='linear', but uses internally liblinear rather than libsvm, so it has more flexibility in the choice of penalties and loss functions and should be faster for huge datasets.
  LogisticRegressionScikitsLearnNode
Logistic Regression. This node has been automatically generated by wrapping the scikits.learn.linear_model.logistic.LogisticRegression class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Implements L1 and L2 regularized logistic regression.
  MCANode
Minor Component Analysis (MCA) extracts minor components (dual of principal components) from the input data incrementally.
  MultinomialHMMScikitsLearnNode
Hidden Markov Model with multinomial (discrete) emissions This node has been automatically generated by wrapping the scikits.learn.hmm.MultinomialHMM class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Attributes
  NIPALSNode
Perform Principal Component Analysis using the NIPALS algorithm.
  NMFScikitsLearnNode
Non-Negative matrix factorization by Projected Gradient (NMF) This node has been automatically generated by wrapping the ``scikits.learn.decomposition.nmf.NMF`` class from the ``sklearn`` library.
  NearestMeanClassifier
Nearest-Mean classifier.
  NeighborsClassifierScikitsLearnNode
Classifier implementing k-Nearest Neighbor Algorithm. This node has been automatically generated by wrapping the scikits.learn.neighbors.NeighborsClassifier class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  NeighborsRegressorScikitsLearnNode
Regression based on k-Nearest Neighbor Algorithm This node has been automatically generated by wrapping the scikits.learn.neighbors.NeighborsRegressor class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. The target is predicted by local interpolation of the targets associated of the k-Nearest Neighbors in the training set.
  NeuralGasNode
Learn the topological structure of the input data by building a corresponding graph approximation (original Neural Gas algorithm).
  NoiseNode
Inject multiplicative or additive noise into the input data.
  NormalNoiseNode
Special version of NoiseNode for Gaussian additive noise.
  NormalizeNode
Make input signal meanfree and unit variance.
  NormalizerScikitsLearnNode
This node has been automatically generated by wrapping the scikits.learn.preprocessing.Normalizer class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  NormalizingRecursiveExpansionNode
Recursively computable (orthogonal) expansions and a trainable transformation to the domain of the expansions.
  NuSVCScikitsLearnNode
NuSVC for sparse matrices (csr).
  NuSVRScikitsLearnNode
NuSVR for sparse matrices (csr) This node has been automatically generated by wrapping the ``scikits.learn.svm.sparse.classes.NuSVR`` class from the ``sklearn`` library.
  OneClassSVMScikitsLearnNode
Unsupervised Outliers Detection. This node has been automatically generated by wrapping the scikits.learn.svm.classes.OneClassSVM class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Estimate the support of a high-dimensional distribution.
  OnlineCenteringNode
OnlineCenteringNode centers the input data, that is, subtracts the arithmetic mean (average) from the input data. This is an online learnable node.
  OnlineTimeDiffNode
Compute the discrete time derivative of the input using backward difference approximation:
  PCANode
Filter the input data through the most significatives of its principal components.
  PCAScikitsLearnNode
Principal component analysis (PCA) This node has been automatically generated by wrapping the ``scikits.learn.decomposition.pca.PCA`` class from the ``sklearn`` library.
  PLSCanonicalScikitsLearnNode
PLS canonical.
  PLSRegressionScikitsLearnNode
PLS regression (Also known PLS2 or PLS in case of one dimensional response).
  PLSSVDScikitsLearnNode
Partial Least Square SVD This node has been automatically generated by wrapping the ``scikits.learn.pls.PLSSVD`` class from the ``sklearn`` library.
  PerceptronClassifier
A simple perceptron with input_dim input nodes.
  PolynomialExpansionNode
Perform expansion in a polynomial space.
  ProbabilisticPCAScikitsLearnNode
Additional layer on top of PCA that adds a probabilistic evaluation This node has been automatically generated by wrapping the ``scikits.learn.decomposition.pca.ProbabilisticPCA`` class from the ``sklearn`` library.
  ProjectedGradientNMFScikitsLearnNode
Non-Negative matrix factorization by Projected Gradient (NMF) This node has been automatically generated by wrapping the ``scikits.learn.decomposition.nmf.ProjectedGradientNMF`` class from the ``sklearn`` library.
  QDAScikitsLearnNode
Quadratic Discriminant Analysis (QDA) This node has been automatically generated by wrapping the scikits.learn.qda.QDA class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  QuadraticExpansionNode
Perform expansion in the space formed by all linear and quadratic monomials. QuadraticExpansionNode() is equivalent to a PolynomialExpansionNode(2)
  RBFExpansionNode
Expand input space with Gaussian Radial Basis Functions (RBFs).
  RBMNode
Restricted Boltzmann Machine node. An RBM is an undirected probabilistic network with binary variables. The graph is bipartite into observed (visible) and hidden (latent) variables. By default, the execute method returns the probability of one of the hiden variables being equal to 1 given the input. Use the sample_v method to sample from the observed variables given a setting of the hidden variables, and sample_h to do the opposite. The energy method can be used to compute the energy of a given setting of all variables.
  RBMWithLabelsNode
Restricted Boltzmann Machine with softmax labels. An RBM is an undirected probabilistic network with binary variables. In this case, the node is partitioned into a set of observed (visible) variables, a set of hidden (latent) variables, and a set of label variables (also observed), only one of which is active at any time. The node is able to learn associations between the visible variables and the labels. By default, the execute method returns the probability of one of the hiden variables being equal to 1 given the input. Use the sample_v method to sample from the observed variables (visible and labels) given a setting of the hidden variables, and sample_h to do the opposite. The energy method can be used to compute the energy of a given setting of all variables.
  RFECVScikitsLearnNode
Feature ranking with Recursive feature elimination and cross validation This node has been automatically generated by wrapping the scikits.learn.feature_selection.rfe.RFECV class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  RFEScikitsLearnNode
Feature ranking with Recursive feature elimination This node has been automatically generated by wrapping the scikits.learn.feature_selection.rfe.RFE class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  RandomizedPCAScikitsLearnNode
Principal component analysis (PCA) using randomized SVD This node has been automatically generated by wrapping the ``scikits.learn.decomposition.pca.RandomizedPCA`` class from the ``sklearn`` library.
  RecursiveExpansionNode
Recursively computable (orthogonal) expansions.
  RidgeCVScikitsLearnNode
Ridge regression with built-in cross-validation. This node has been automatically generated by wrapping the scikits.learn.linear_model.ridge.RidgeCV class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. By default, it performs Generalized Cross-Validation, which is a form of efficient Leave-One-Out cross-validation. Currently, only the n_features > n_samples case is handled efficiently.
  RidgeClassifierCVScikitsLearnNode
  RidgeClassifierScikitsLearnNode
Classifier using Ridge regression This node has been automatically generated by wrapping the scikits.learn.linear_model.ridge.RidgeClassifier class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  RidgeScikitsLearnNode
Ridge regression. This node has been automatically generated by wrapping the scikits.learn.linear_model.ridge.Ridge class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  SFA2Node
Get an input signal, expand it in the space of inhomogeneous polynomials of degree 2 and extract its slowly varying components.
  SFANode
Extract the slowly varying components from the input data.
  SGDClassifierScikitsLearnNode
Linear model fitted by minimizing a regularized empirical loss with SGD.
  SGDRegressorScikitsLearnNode
Linear model fitted by minimizing a regularized empirical loss with SGD This node has been automatically generated by wrapping the scikits.learn.linear_model.sparse.stochastic_gradient.SGDRegressor class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. SGD stands for Stochastic Gradient Descent: the gradient of the loss is estimated each sample at a time and the model is updated along the way with a decreasing strength schedule (aka learning rate).
  SVCScikitsLearnNode
C-Support Vector Classification. This node has been automatically generated by wrapping the scikits.learn.svm.classes.SVC class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  SVRScikitsLearnNode
epsilon-Support Vector Regression. This node has been automatically generated by wrapping the scikits.learn.svm.classes.SVR class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. The free parameters in the model are C and epsilon.
  ScalerScikitsLearnNode
Object to standardize a dataset This node has been automatically generated by wrapping the scikits.learn.preprocessing.Scaler class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. It centers the dataset and optionaly scales to fix the variance to 1 for each feature
  SelectFdrScikitsLearnNode
Filter : Select the p-values corresponding to an estimated false This node has been automatically generated by wrapping the scikits.learn.feature_selection.univariate_selection.SelectFdr class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  SelectFprScikitsLearnNode
This node has been automatically generated by wrapping the scikits.learn.feature_selection.univariate_selection.SelectFpr class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  SelectFweScikitsLearnNode
This node has been automatically generated by wrapping the scikits.learn.feature_selection.univariate_selection.SelectFwe class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  SelectKBestScikitsLearnNode
This node has been automatically generated by wrapping the scikits.learn.feature_selection.univariate_selection.SelectKBest class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  SelectPercentileScikitsLearnNode
This node has been automatically generated by wrapping the scikits.learn.feature_selection.univariate_selection.SelectPercentile class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute.
  SignumClassifier
This classifier node classifies as 1 if the sum of the data points is positive and as -1 if the data point is negative.
  SimpleMarkovClassifier
A simple version of a Markov classifier.
  SparseBaseLibLinearScikitsLearnNode
  SparseBaseLibSVMScikitsLearnNode
  TDSEPNode
Perform Independent Component Analysis using the TDSEP algorithm.
  TfidfTransformerScikitsLearnNode
Transform a count matrix to a TF or TF-IDF representation This node has been automatically generated by wrapping the scikits.learn.feature_extraction.text.TfidfTransformer class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. TF means term-frequency while TF-IDF means term-frequency times inverse document-frequency:
  TimeDelayNode
Copy delayed version of the input signal on the space dimensions.
  TimeDelaySlidingWindowNode
TimeDelaySlidingWindowNode is an alternative to TimeDelayNode which should be used for online learning/execution. Whereas the TimeDelayNode works in a batch manner, for online application a sliding window is necessary which yields only one row per call.
  TimeFramesNode
Copy delayed version of the input signal on the space dimensions.
  VartimeSFANode
Extract the slowly varying components from the input data. This node can be understood as a generalization of the SFANode that allows non-constant time increments between samples.
  VectorizerScikitsLearnNode
Convert a collection of raw documents to a matrix This node has been automatically generated by wrapping the scikits.learn.feature_extraction.text.Vectorizer class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Equivalent to CountVectorizer followed by TfidfTransformer.
  WardAgglomerationScikitsLearnNode
Feature agglomeration based on Ward hierarchical clustering This node has been automatically generated by wrapping the scikits.learn.cluster.hierarchical.WardAgglomeration class from the sklearn library. The wrapped instance can be accessed through the scikits_alg attribute. Parameters
  WhiteningNode
Whiten the input data by filtering it through the most significant of its principal components.
  XSFANode
Perform Non-linear Blind Source Separation using Slow Feature Analysis. This node is designed to iteratively extract statistically independent sources from (in principle) arbitrary invertible nonlinear mixtures. The method relies on temporal correlations in the sources and consists of a combination of nonlinear SFA and a projection algorithm. More details can be found in the reference given below (once it's published).
  _OneDimensionalHitParade
Class to produce hit-parades (i.e., a list of the locally largest and smallest values) out of a one-dimensional time-series.
  iGSFANode
This node implements "information-preserving graph-based SFA (iGSFA)", which is the main component of hierarchical iGSFA (HiGSFA).
Functions [hide private]
int
_expanded_dim(degree, nvariables)
Return the size of a vector of dimension nvariables after a polynomial expansion of degree degree.
Variables [hide private]
  __package__ = 'mdp.nodes'
Function Details [hide private]

_expanded_dim(degree, nvariables)

 
Return the size of a vector of dimension nvariables after a polynomial expansion of degree degree.
Parameters:
  • degree (int) - The degree of polynomial expansion.
  • nvariables (int) - The number of variables, i.e. the dimension of the vector space.
Returns: int
The size of a vector of dimension nvariables after a polynomial expansion of degree degree.

Variables Details [hide private]

__package__

Value:
'mdp.nodes'