.. _l-methods: Methods ======= .. contents:: :local: :depth: 1 Summary +++++++ +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | method | class parent | truncated documentation | +========================================================================================================================================+=====================================+================================================================================================================================================+ | :py:meth:`__eq__ ` | SkBase | Compares two objects, more precisely, compares the parameters which define the object. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | BaseEstimatorDebugInformation | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | MLCache | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | PipelineCache | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | ApproximateNMFPredictor | *kwargs* should contains parameters for :epkg:`sklearn:decomposition:NMF`. The parameter *force_positive* ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | CategoriesToIntegers | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | ClassifierAfterKMeans | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | DecisionTreeLogisticRegression | constructor | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | _DecisionTreeLogisticRegressionNode | constructor | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | ExtendedFeatures | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | IntervalRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | ConstraintKMeans | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | KMeansL1L2 | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | PiecewiseClassifier | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | PiecewiseEstimator | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | PiecewiseRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | PiecewiseTreeRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | PredictableTSNE | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | CustomizedMultilayerPerceptron | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | QuantileMLPRegressor | See :epkg:`sklearn:neural_networks:MLPRegressor` | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | QuantileLinearRegression | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | BaseReciprocalTransformer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | FunctionReciprocalTransformer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | PermutationReciprocalTransformer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | TransformedTargetClassifier2 | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | TransformedTargetRegressor2 | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | TransferTransformer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SearchEnginePredictions | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SearchEngineVectors | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkBase | Stores the parameters, see :class:`SkLearnParameters`, it keeps a copy of the parameters to easily implements ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkBaseClassifier | constructor | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkBaseLearner | constructor | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkBaseRegressor | constructor | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkBaseTransform | Stores the parameters. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkBaseTransformLearner | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkBaseTransformStacking | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | SkLearnParameters | Stores parameters as members of the class itself. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | ARTimeSeriesRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | BaseReciprocalTimeSeriesTransformer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | BaseTimeSeries | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | DummyTimeSeriesRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | TimeSeriesDifference | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__init__ ` | TimeSeriesDifferenceInv | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__len__ ` | MLCache | Returns the number of cached items. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | BaseEstimatorDebugInformation | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | ClassifierAfterKMeans | Overloads `repr` as *scikit-learn* now relies on the constructor signature. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | SearchEnginePredictions | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | SearchEngineVectors | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | SkBase | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | SkBaseTransformLearner | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | SkBaseTransformStacking | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__repr__ ` | SkLearnParameters | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`__str__ ` | CategoriesToIntegers | usual | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_applies_preprocessing ` | BaseTimeSeries | Applies the preprocessing to the series. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_applies_preprocessing_inv ` | BaseTimeSeries | Applies the preprocessing to the series. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_apply ` | TransformedTargetClassifier2 | Calls *predict*, *predict_proba* or *decision_function* using the base classifier, applying inverse. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_apply_predict_method ` | PiecewiseClassifier | Generic *predict* method, works for *predict_proba* and *decision_function* as well. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_apply_predict_method ` | PiecewiseEstimator | Generic *predict* method, works for *predict_proba* and *decision_function* as well. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_apply_predict_method ` | PiecewiseRegressor | Generic *predict* method, works for *predict_proba* and *decision_function* as well. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_backprop ` | CustomizedMultilayerPerceptron | Computes the MLP loss function and its corresponding derivatives with respect to each parameter: weights and bias ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_backprop ` | QuantileMLPRegressor | Computes the MLP loss function and its corresponding derivatives with respect to each parameter: weights and bias ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_base_fit_predict ` | BaseTimeSeries | Trains the preprocessing and returns the modified *X*, *y*, *sample_weight*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_build_schema ` | CategoriesToIntegers | Concatenates all the categories given the information stored in *_categories*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_check_is_fitted ` | PermutationReciprocalTransformer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_check_is_fitted ` | TransformedTargetClassifier2 | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_find_closest ` | PermutationReciprocalTransformer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_first_pass ` | SearchEngineVectors | Finds the closest *n_neighbors*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit ` | PipelineCache | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit_knn ` | SearchEngineVectors | Fits the nearest neighbors. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit_l1 ` | KMeansL1L2 | Computes k-means clustering with norm `'L1'`. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit_parallel ` | DecisionTreeLogisticRegression | Implements the parallel strategy. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit_perpendicular ` | DecisionTreeLogisticRegression | Implements the perpendicular strategy. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit_poly ` | ExtendedFeatures | Fitting method for the polynomial features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit_preprocessing ` | BaseTimeSeries | Applies the preprocessing. *X*, *y*, *sample_weight*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_fit_reglin ` | PiecewiseTreeRegressor | Fits linear regressions for all leaves. Sets attributes ``leaves_mapping_``, ``betas_``, ``leaves_index_``. ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_get_feature_names_poly ` | ExtendedFeatures | Returns feature names for output features for the polynomial features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_get_fit_params_steps ` | PipelineCache | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_get_loss_function ` | CustomizedMultilayerPerceptron | Returns the loss functions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_get_loss_function ` | QuantileMLPRegressor | Returns the loss functions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_is_iterable ` | SearchEngineVectors | Tells if an objet is an iterator or not. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_mapping_train ` | PiecewiseClassifier | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_mapping_train ` | PiecewiseEstimator | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_mapping_train ` | PiecewiseRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_mapping_train ` | PiecewiseTreeRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_modify_loss_derivatives ` | CustomizedMultilayerPerceptron | Modifies the loss derivatives. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_modify_loss_derivatives ` | QuantileMLPRegressor | Modifies the loss derivatives. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_more_tags ` | TransformedTargetClassifier2 | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_more_tags ` | TransformedTargetRegressor2 | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_predict_l1 ` | KMeansL1L2 | Returns the distance of each point in *X* to every fit clusters. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_predict_reglin ` | PiecewiseTreeRegressor | Computes the predictions with a linear regression fitted with the observations mapped to each leave of the ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_prepare_fit ` | SearchEnginePredictionImages | Stores data in the class itself. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_prepare_fit ` | SearchEngineVectors | Stores data in the class itself. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_second_pass ` | SearchEngineVectors | Reorders the closest *n_neighbors*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_set_method ` | SkBaseTransformLearner | Defines the method to use to convert the features into predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_transform_l1 ` | KMeansL1L2 | Returns the distance of each point in *X* to every fit clusters. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_transform_poly ` | ExtendedFeatures | Transforms data to polynomial features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_transform_poly_slow ` | ExtendedFeatures | Transforms data to polynomial features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_validate_input ` | QuantileMLPRegressor | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_word_ngrams ` | NGramsMixin | Turn tokens into a sequence of n-grams after stop words filtering | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_word_ngrams ` | TraceableCountVectorizer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :py:meth:`_word_ngrams ` | TraceableTfidfVectorizer | | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`cache ` | MLCache | Caches one object. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`cluster_edges ` | ConstraintKMeans | Computes edges between clusters based on a `Delaunay `_ ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`constraint_kmeans ` | ConstraintKMeans | Completes the constraint k-means. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`count ` | MLCache | Retrieves the number of times an elements was retrieved from the cache. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`decision_function ` | ClassifierAfterKMeans | Calls *decision_function*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`decision_function ` | DecisionTreeLogisticRegression | Calls *decision_function*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`decision_function ` | PiecewiseClassifier | Computes the predictions probabilities. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`decision_function ` | TransformedTargetClassifier2 | Predicts using the base classifier, applying inverse. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`decision_function ` | SkBaseLearner | Output of the model in case of a regressor, matrix with a score for each class and each sample for a classifier. ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`decision_path ` | DecisionTreeLogisticRegression | Returns the decision path. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`decision_path ` | _DecisionTreeLogisticRegressionNode | Returns the classification probabilities. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`display ` | BaseEstimatorDebugInformation | Displays the first | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`enumerate_leaves_index ` | _DecisionTreeLogisticRegressionNode | Returns the leaves index. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | ApproximateNMFPredictor | Trains a :epkg:`sklearn:decomposition:NMF` then a multi-output regressor. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | CategoriesToIntegers | Makes the list of all categories in input *X*. *X* must be a dataframe. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | ClassifierAfterKMeans | Runs a *k-means* on each class then trains a classifier on the extended set of features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | DecisionTreeLogisticRegression | Builds the tree model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | _DecisionTreeLogisticRegressionNode | Fits a logistic regression, then splits the sample into positive and negative examples, finally tries to fit ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | ExtendedFeatures | Compute number of output features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | IntervalRegressor | Trains the binner and an estimator on every bucket. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | ConstraintKMeans | Compute k-means clustering. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | KMeansL1L2 | Computes k-means clustering. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | PiecewiseClassifier | Trains the binner and an estimator on every bucket. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | PiecewiseEstimator | Trains the binner and an estimator on every bucket. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | PiecewiseRegressor | Trains the binner and an estimator on every bucket. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | PiecewiseTreeRegressor | Replaces the string stored in criterion by an instance of a class. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | PredictableTSNE | Trains a :epkg:`TSNE` then trains an estimator to approximate its outputs. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | QuantileLinearRegression | Fits a linear model with :epkg:`L1` norm which is equivalent to a quantile regression. The implementation ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | FunctionReciprocalTransformer | Just defines *fct* and *fct_inv*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | PermutationReciprocalTransformer | Defines a random permutation over the targets. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | TransformedTargetClassifier2 | Fits the model according to the given training data. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | TransformedTargetRegressor2 | Fits the model according to the given training data. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | TransferTransformer | The function does nothing. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SearchEnginePredictions | Every vector comes with a list of metadata. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SearchEnginePredictionImages | Processes images through the model and fits a *k-nn*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SearchEngineVectors | Every vector comes with a list of metadata. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SkBase | Trains a model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SkBaseLearner | Trains a model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SkBaseTransform | Trains a model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SkBaseTransformLearner | Trains a model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | SkBaseTransformStacking | Trains a model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | ARTimeSeriesRegressor | Trains the model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | BaseReciprocalTimeSeriesTransformer | Stores the first values. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | DummyTimeSeriesRegressor | Trains the model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | TimeSeriesDifference | Stores the first values. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit ` | TimeSeriesDifferenceInv | Checks that estimator is fitted. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit_improve ` | _DecisionTreeLogisticRegressionNode | The method only works on a linear classifier, it changes the intercept in order to be within the constraints ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit_transform ` | CategoriesToIntegers | Fits and transforms categories in numerical features based on the list of categories found by method *fit*. ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`fit_transform ` | SkBaseTransform | Trains and transforms the data. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get ` | MLCache | Retrieves an element from the cache. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_fct_inv ` | BaseReciprocalTransformer | Returns a trained transform which reverse the target after a predictor. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_fct_inv ` | FunctionReciprocalTransformer | Returns a trained transform which reverse the target after a predictor. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_fct_inv ` | PermutationReciprocalTransformer | Returns a trained transform which reverse the target after a predictor. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_fct_inv ` | BaseReciprocalTimeSeriesTransformer | Returns the reverse tranform. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_fct_inv ` | TimeSeriesDifference | Returns the reverse tranform. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_feature_names ` | ExtendedFeatures | Returns feature names for output features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_leaves_index ` | DecisionTreeLogisticRegression | Returns the index of every leave. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_params ` | ApproximateNMFPredictor | Returns the parameters of the estimator as a dictionary. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_params ` | ClassifierAfterKMeans | Returns the parameters for both the clustering and the classifier. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_params ` | SkBase | Returns the parameters which define the objet, all are needed to clone the object. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_params ` | SkBaseTransformLearner | Returns the parameters mandatory to clone the class. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`get_params ` | SkBaseTransformStacking | Returns the parameters which define the object. It follows :epkg:`scikit-learn` API. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`has_preprocessing ` | BaseTimeSeries | Tells if there is one preprocessing. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`items ` | MLCache | Enumerates all cached items. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`keys ` | MLCache | Enumerates all cached keys. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`kneighbors ` | SearchEnginePredictions | Searches for neighbors close to *X*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`kneighbors ` | SearchEnginePredictionImages | Searches for neighbors close to the first image returned by *iter_images*. It returns the neighbors only ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`kneighbors ` | SearchEngineVectors | Searches for neighbors close to *X*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | ApproximateNMFPredictor | Predicts based on the multi-output regressor. The output has the same dimension as *X*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | ClassifierAfterKMeans | Runs the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | DecisionTreeLogisticRegression | Runs the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | _DecisionTreeLogisticRegressionNode | Predicts | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | IntervalRegressor | Computes the average predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | ConstraintKMeans | Computes the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | KMeansL1L2 | Predicts the closest cluster each sample in X belongs to. In the vector quantization literature, `cluster_centers_` ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | PiecewiseClassifier | Computes the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | PiecewiseRegressor | Computes the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | PiecewiseTreeRegressor | Overloads method *predict*. Falls back into the predict from a decision tree is criterion is *mse*, *mae*, ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | QuantileMLPRegressor | Predicts using the multi-layer perceptron model. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | TransformedTargetClassifier2 | Predicts using the base classifier, applying inverse. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | TransformedTargetRegressor2 | Predicts using the base regressor, applying inverse. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | SkBaseLearner | Predicts. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | ARTimeSeriesRegressor | Returns the prediction | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict ` | DummyTimeSeriesRegressor | Returns the prediction | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_all ` | IntervalRegressor | Computes the predictions for all estimators. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_leaves ` | PiecewiseTreeRegressor | Returns the leave index for each observation of *X*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_proba ` | ClassifierAfterKMeans | Converts predictions into probabilities. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_proba ` | DecisionTreeLogisticRegression | Converts predictions into probabilities. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_proba ` | _DecisionTreeLogisticRegressionNode | Returns the classification probabilities. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_proba ` | PiecewiseClassifier | Computes the predictions probabilities. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_proba ` | TransformedTargetClassifier2 | Predicts using the base classifier, applying inverse. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_proba ` | SkBaseClassifier | Returns probability estimates for the test data X. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`predict_sorted ` | IntervalRegressor | Computes the predictions for all estimators. Sorts them for all observations. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | ConstraintKMeans | Returns the distances to all clusters. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | QuantileMLPRegressor | Returns mean absolute error regression loss. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | QuantileLinearRegression | Returns Mean absolute error regression loss. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | TransformedTargetClassifier2 | Scores the model with :epkg:`sklearn:metrics:accuracy_score`. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | TransformedTargetRegressor2 | Scores the model with :epkg:`sklearn:metrics:r2_score`. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | SkBaseClassifier | Returns the mean accuracy on the given test data and labels. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | SkBaseLearner | Returns the mean accuracy on the given test data and labels. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | SkBaseRegressor | Returns the mean accuracy on the given test data and labels. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`score ` | TimeSeriesRegressorMixin | Scores the prediction using :func:`ts_mape` | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`set_params ` | ClassifierAfterKMeans | Sets the parameters before training. Every parameter prefixed by ``'e_'`` is an estimator parameter, every ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`set_params ` | SkBase | Udpates parameters which define the object, all needed to clone the object. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`set_params ` | SkBaseTransformLearner | Sets parameters. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`set_params ` | SkBaseTransformStacking | Sets the parameters. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`test_equality ` | SkBase | Compares two objects and checks parameters have the same values. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`to_dict ` | SkLearnParameters | Returns parameters as a dictionary. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`to_str ` | BaseEstimatorDebugInformation | Tries to produce a readable message. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`to_zip ` | SearchEngineVectors | Saves the features and the metadata into a zipfile. The function does not save the *k-nn*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | CategoriesToIntegers | Transforms categories in numerical features based on the list of categories found by method *fit*. *X* must ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | ExtendedFeatures | Transforms data to extended features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | ConstraintKMeans | Computes the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | KMeansL1L2 | Transforms *X* to a cluster-distance space. In the new space, each dimension is the distance to the cluster ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | PredictableTSNE | Runs the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | BaseReciprocalTransformer | Transforms *X* and *y*. Returns transformed *X* and *y*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | FunctionReciprocalTransformer | Transforms *X* and *y*. Returns transformed *X* and *y*. If *y* is None, the returned value for *y* ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | PermutationReciprocalTransformer | Transforms *X* and *y*. Returns transformed *X* and *y*. If *y* is None, the returned value for *y* ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | TransferTransformer | Runs the predictions. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | SkBaseTransform | Transforms the data. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | SkBaseTransformLearner | Predictions, output of the embedded learner. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | SkBaseTransformStacking | Calls the learners predictions to convert the features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | BaseReciprocalTimeSeriesTransformer | Transforms both *X* and *y*. Returns *X* and *y*, returns *sample_weight* as well if not None. The ... | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | TimeSeriesDifference | Transforms both *X* and *y*. Returns *X* and *y*, returns *sample_weight* as well if not None. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform ` | TimeSeriesDifferenceInv | Transforms both *X* and *y*. Returns *X* and *y*, returns *sample_weight* as well if not None. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform_bins ` | PiecewiseClassifier | Maps every row to a tree in *self.estimators_*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform_bins ` | PiecewiseEstimator | Maps every row to a tree in *self.estimators_*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform_bins ` | PiecewiseRegressor | Maps every row to a tree in *self.estimators_*. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`transform_features ` | ClassifierAfterKMeans | Applies all the clustering objects on every observations and extends the list of features. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+ | :meth:`validate ` | SkLearnParameters | Verifies a parameter and its value. | +----------------------------------------------------------------------------------------------------------------------------------------+-------------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------+