diff --git a/404.html b/404.html index ee44d90c9..ec3f4c34d 100644 --- a/404.html +++ b/404.html @@ -12,25 +12,22 @@ - + - - - - - + + @@ -178,7 +175,7 @@
Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +The CHANGELOG for the current development version is available at https://github.com/rasbt/mlxtend/blob/master/docs/sources/CHANGELOG.md.
Files updated:
+ - mlxtend.evaluate.time_series.plot_splits
+ - Improved plot_splits
for better visualization of time series splits
mlxtend/feature_selection/exhaustive_feature_selector.py
set_output
method into TransactionEncoder
(#1087 via it176131)mlxtend.frequent_patterns.fpcommon
] Added the null_values parameter in valid_input_check signature to check in case the input also includes null values. Changes the returns statements and function signatures for setup_fptree and generated_itemsets respectively to return the disabled array created and to include it as a parameter. Added code in [mlxtend.frequent_patterns.fpcommon
] and mlxtend.frequent_patterns.association_rules
to implement the algorithms in case null values exist when null_values is True.LinearRegression
model of sklearn in the test removing the normalize
parameter as it is deprecated. (#1036)pyproject.toml
(#1065 via jmahlik)mlxtend.image
submodule with face recognition functions due to poor dlib
support in modern environments.SequentialFeatureSelector
and multiclass ROC AUC. ExhaustiveFeatureSelector
is run with n_jobs == 1
, joblib is now disabled, which enables more immediate (live) feedback when the verbose
mode is enabled. (#985 via Nima Sarajpoor)EnsembleVoteClassifier
(#941)mlxtend.frequent_patterns.association_rules
function has a new metric - Zhang's Metric, which measures both association and dissociation. (#980)mlxtend.frequent_patterns.fpmax
code improvement that avoids casting a sparse DataFrame into a dense NumPy array. (#1000 via Tim Kellogg)mlxtend.frequent_patterns.hmine
algorithm and documentation for mining frequent itemsets using the H-Mine algorithm. (#1020 via Fatih Sen)mlxtend.evaluate.feature_importance_permutation
function has a new feature_groups
argument to treat user-specified feature groups as single features, which is useful for one-hot encoded features. (#955)mlxtend.feature_selection.ExhaustiveFeatureSelector
and SequentialFeatureSelector
also gained support for feature_groups
with a behavior similar to the one described above. (#957 and #965 via Nima Sarajpoor)custom_feature_names
parameter was removed from the ExhaustiveFeatureSelector
due to redundancy and to simplify the code base. The ExhaustiveFeatureSelector
documentation illustrates how the same behavior and outcome can be achieved using pandas DataFrames. (#957)mlxtend.evaluate.bootstrap_point632_score
now supports fit_params
. (#861)mlxtend/plotting/decision_regions.py
function now has a contourf_kwargs
for matplotlib to change the look of the decision boundaries if desired. (#881 via [pbloem])norm_colormap
parameter to mlxtend.plotting.plot_confusion_matrix
, to allow normalizing the colormap, e.g., using matplotlib.colors.LogNorm()
(#895)GroupTimeSeriesSplit
class for evaluation in time series tasks with support of custom groups and additional parameters in comparison with scikit-learn's TimeSeriesSplit
. (#915 via Dmitry Labazkin)mlxtend.plotting.plot_confusion_matrix
when string class names are passed (#894)evaluate.permutation_test
function now accepts a paired
argument to specify to support paired permutation/randomization tests. (#768)StackingCVRegressor
now also supports multi-dimensional targets similar to StackingRegressor
via StackingCVRegressor(..., multi_output=True)
. (#802 via Marco Tiraboschi)StackingRegressor
now requires setting StackingRegressor(..., multi_output=True)
if the target is multi-dimensional; this allows for better input validation. (#802)mlxtend.classifier.OneRClassifier
(One Rule Classfier) class, a simple rule-based classifier that is often used as a performance baseline or simple interpretable model. (#726create_counterfactual
method for creating counterfactuals to explain model predictions. (#740)permutation_test
(mlxtend.evaluate.permutation
) ìs corrected to give the proportion of permutations whose statistic is at least as extreme as the one observed. (#721 via Florian Charlier)bias_variance_decomp
where when the mse
loss was used, downcasting to integers caused imprecise results for small numbers. (#749)predict_proba
kwarg to bootstrap methods, to allow bootstrapping of scoring functions that take in probability values. (#700 via Adam Li)cell_values
parameter to mlxtend.plotting.heatmap()
to optionally suppress cell annotations by setting cell_values=False
. (#703use_clones
and fit_base_estimators
(previously refit
in EnsembleVoteClassifier
) for EnsembleVoteClassifier
and StackingClassifier
. (#670 via Katrina Ni)mlxtend.text
to prevent deprecation warning in Python 3.8 (#688)fpmax
that could lead to incorrect support values. (#692 via Steve Harenberg)OnehotTransactions
has been removed in favor of the TransactionEncoder.
SparseDataFrame
support in frequent pattern mining functions in favor of pandas >=1.0's new way for working sparse data. If you used SparseDataFrame
formats, please see pandas' migration guide at https://pandas.pydata.org/pandas-docs/stable/user_guide/sparse.html#migrating. (#667)accuracy_score
function to mlxtend.evaluate
for computing basic classifcation accuracy, per-class accuracy, and average per-class accuracy. (#624 via Deepan Das)StackingClassifier
and StackingCVClassifier
now have a decision_function
method, which serves as a preferred choice over predict_proba
in calculating roc_auc and average_precision scores when the meta estimator is a linear model or support vector classifier. (#634 via Qiang Gu)apriori
frequent itemset generating function when low_memory=True
. Setting low_memory=False
(default) is still faster for small itemsets, but low_memory=True
can be much faster for large itemsets and requires less memory. Also, input validation for apriori
, ̀ fpgrowthand
fpmaxtakes a significant amount of time when input pandas DataFrame is large; this is now dramatically reduced when input contains boolean values (and not zeros/ones), which is the case when using
TransactionEncoder`. (#619 via Denis Barbier)apriori
, ̀ fpgrowthand
fpmax` runs much faster on sparse DataFrame when input pandas DataFrame contains integer values. (#621 via Denis Barbier)StackingCVClassifier
because it causes issues if pipelines are used as input. #606low_memory
option for the apriori
frequent itemset generating function. Setting low_memory=False
(default) uses a substantially optimized version of the algorithm that is 3-6x faster than the original implementation (low_memory=True
). (#567 via jmayse)QR decomposition
and Singular Value Decomposition
(SVD) methods to LinearRegression
in mlxtend.regressor.linear_regression
. (#575 via PuneetGrov3r)sklearn.externals.joblib
. (#547)StackingCVClassifier
and StackingCVRegressor
such that first-level models are allowed to generate output of non-numeric type. (#562)'svd'
mode is used in PCA, the number of eigenvalues is the same as when using 'eigen'
(append 0's zeros in that case) (#565)class_name
parameter to the confusion matrix function to display class names on the axis as tick marks. (#487 via sandpiturtle)pca.e_vals_normalized_
attribute to PCA for storing the eigenvalues also in normalized form; this is commonly referred to as variance explained ratios. #545GridSearchCV
, etc.) the StackingCVRegressor
's meta regressor is now being accessed via 'meta_regressor__*
in the parameter grid. E.g., if a RandomForestRegressor
as meta- egressor was previously tuned via 'randomforestregressor__n_estimators'
, this has now changed to 'meta_regressor__n_estimators'
. (#515 via Qiang Gu)StackingClassifier
, StackingCVClassifier
and StackingRegressor
. (#522 via Qiang Gu)mlxtend.evaluate.feature_importance_permutation
now correctly accepts scoring functions with proper function signature as metric
argument. #528mlxtend.evaluate.bias_variance_decomp
that decomposes the loss of a regressor or classifier into bias and variance terms. (#470)whitening
parameter to PrincipalComponentAnalysis
, to optionally whiten the transformed data such that the features have unit variance. (#475)PrincipalComponentAnalysis
to 'svd'
instead of 'eigen'
to improve numerical stability. (#474)mlxtend.image.extract_face_landmarks
now returns None
if no facial landmarks were detected instead of an array of all zeros. (#466)'eigen'
in PrincipalComponentAnalysis
and LinearDiscriminantAnalysis
. (#477, #478)mlxtend.evaluate.combined_ftest_5x2cv
function to perform an combined 5x2cv F-Test for comparing the performance of two models. (#461)mlxtend.evaluate.difference_proportions
test for comparing two proportions (e.g., classifier accuracies) (#462)mlxtend.plotting.plot_confusion_matrix
. (#428)StackingRegressor
(via use_features_in_secondary
) like it is already supported in the other Stacking classes. (#418)support_only
to the association_rules
function, which allow constructing association rules (based on the support metric only) for cropped input DataFrames that don't contain a complete set of antecedent and consequent support values. (#421)apriori
are now frozenset
s (#393 by William Laney and #394)apriori
contains non 0, 1, True, False values. #419)StackingCVClassifier
to work with sparse matrices when use_features_in_secondary=True
(#417)SequentialFeatureSelector
now optionally accepts
**fit_params
for the estimator that is used for the feature selection. (#350 by Zach Griffith)plot_decision_regions
colors by a colorblind-friendly palette and adds contour lines for decision regions. (#348)NonFittedErrors
if any method for inference is called prior to fitting the estimator. (#353)refit
parameter was added to stacking classes (similar to the refit
parameter in the EnsembleVoteClassifier
), to support classifiers and regressors that follow the scikit-learn API but are not compatible with scikit-learn's clone
function. (#322)ColumnSelector
now has a drop_axis
argument to use it in pipelines with CountVectorizers
. (#333)predict
or predict_meta_features
is called prior to calling the fit
method in StackingRegressor
and StackingCVRegressor
. (#315)plot_decision_regions
function now automatically determines the optimal setting based on the feature dimensions and supports anti-aliasing. The old res
parameter has been deprecated. (#309 by Guillaume Poirier-Morency)evaluate.mcnemar_tables
) for creating multiple 2x2 contigency from model predictions arrays that can be used in multiple McNemar (post-hoc) tests or Cochran's Q or F tests, etc. (#307)evaluate.cochrans_q
) for performing Cochran's Q test to compare the accuracy of multiple classifiers. (#310)requirements.txt
to setup.py
. (#304 via Colin Carrol)nose
is not required to use the library (#302)mlxtend.evaluate.bootstrap_point632_score
to evaluate the performance of estimators using the .632 bootstrap. (#283)max_len
parameter for the frequent itemset generation via the apriori
function to allow for early stopping. (#270)SequentialFeatureSelector
or now in sorted order. (#262)SequentialFeatureSelector
now runs the continuation of the floating inclusion/exclusion as described in Novovicova & Kittler (1994).
@@ -1181,7 +1199,7 @@ BootstrapOutOfBag
class, an implementation of the out-of-bag bootstrap to evaluate supervised learning algorithms. (#265)StackingClassifier
, StackingCVClassifier
, StackingRegressor
, StackingCVRegressor
, and EnsembleVoteClassifier
can now be tuned using scikit-learn's GridSearchCV
(#254 via James Bourbeau)'support'
column returned by frequent_patterns.association_rules
was changed to compute the support of "antecedant union consequent", and new antecedant support'
and 'consequent support'
column were added to avoid ambiguity. (#245)OnehotTransactions
to be cloned via scikit-learn's clone
function, which is required by e.g., scikit-learn's FeatureUnion
or GridSearchCV
(via Iaroslav Shcherbatyi). (#249)PrincipalComponentAnalysis
are now being scaled so that the eigenvalues via solver='eigen'
and solver='svd'
now store eigenvalues that have the same magnitudes. (#251)mlxtend.evaluate.bootstrap
that implements the ordinary nonparametric bootstrap to bootstrap a single statistic (for example, the mean. median, R^2 of a regression fit, and so forth) #232SequentialFeatureSelecor
's k_features
now accepts a string argument "best" or "parsimonious" for more "automated" feature selection. For instance, if "best" is provided, the feature selector will return the feature subset with the best cross-validation performance. If "parsimonious" is provided as an argument, the smallest feature subset that is within one standard error of the cross-validation performance will be selected. #238SequentialFeatureSelector
now uses np.nanmean
over normal mean to support scorers that may return np.nan
#211 (via mrkaiser)skip_if_stuck
parameter was removed from SequentialFeatureSelector
in favor of a more efficient implementation comparing the conditional inclusion/exclusion results (in the floating versions) to the performances of previously sampled feature sets that were cached #237SequentialFeatureSelector
selected a feature subset larger than then specified via the k_features
tuple max-value #213StackingCVRegressor
for stacking regressors with out-of-fold predictions to prevent overfitting (#201via Eike Dehling).plot_decision_regions
now supports plotting decision regions for more than 2 training features #189, via James Bourbeau).math.num_combinations
and math.num_permutations
numerically stable for large numbers of combinations and permutations (#200).association_rules
function is implemented that allows to generate rules based on a list of frequent itemsets (via Joshua Goerner).edgecolor
to plots via plotting.plot_decision_regions
to make markers more distinguishable from the background in matplotlib>=2.0
.association
submodule was renamed to frequent_patterns
.StackingClassifier
and StackingRegressor
support multivariate targets if the underlying models do (via kernc).StackingClassifier
has a new use_features_in_secondary
attribute like StackingCVClassifier
.SequentialFeatureSelector
to 0EnsembleVoteClassifier
now raises a NotFittedError
if the estimator wasn't fit
before calling predict
. (via Anton Loss)SequentialFeatureSelector
if there are similarly-well performing subsets in the floating variants (via Zac Wellmer).checkerboard_plot
function in plotting
to plot checkerboard tables / heat mapsmcnemar_table
and mcnemar
functions in evaluate
to compute 2x2 contingency tables and McNemar's testmlxtend.plotting
for compatibility reasons with continuous integration services and to make the installation of matplotlib
optional for users of mlxtend
's core functionalityscikit-learn 0.18
using the new model_selection
module while maintaining backwards compatibility to scikit-learn 0.17.AttributeError
in plot_decision_regions
when the X_higlight
argument is a 1D array (chkoar)preprocessing.CopyTransformer
, a mock class that returns copies of
imput arrays via transform
and fit_transform
_layer_mapping
functions that caused a swap between the random number generation seed when initializing weights and biasescluster.Kmeans
)tf_cluster.Kmeans
)init_weights
parameter of the fit
methods was globally renamed to init_params
mlxtend.feature_extraction.RBFKernelPCA
mlxtend.feature_extraction.LinearDiscriminantAnalysis
column
parameter in mlxtend.preprocessing.standardize
now defaults to None
to standardize all columns more convenientlyhousing dataset
shuffle
parameter for classifier.NeuralNetMLP
mlxtend.preprocessing.standardize
function now optionally returns the parameters, which are estimated from the array, for re-use. A further improvement makes the standardize
function smarter in order to avoid zero-division errorsevaluate.plot_decision_regions
function such as hiding plot axesmlxtend.plotting
to mlxtend.general_plotting
in order to distinguish general plotting function from specialized utility function such as evaluate.plot_decision_regions
regularization
& lambda
parameters in LogisticRegression
to single parameter l2_lambda
Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +utils
Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +utils
Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +Copyright © 2014-2023 Sebastian Raschka
Documentation built with MkDocs.
+ + - - - - + + + +