{ "load_data": [ [ "benchmarks/bench_covertype.py", [ "load_data" ] ], [ "benchmarks/bench_hist_gradient_boosting_higgsboson.py", [ "load_data" ] ], [ "benchmarks/bench_mnist.py", [ "load_data" ] ], [ "benchmarks/bench_tsne_mnist.py", [ "load_data" ] ], [ "sklearn/datasets/base.py", [ "load_data" ] ] ], "rmse": [ [ "benchmarks/bench_glmnet.py", [ "rmse" ] ] ], "bench": [ [ "benchmarks/bench_glmnet.py", [ "bench" ] ], [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "bench" ] ] ], "get_estimator_and_data": [ [ "benchmarks/bench_hist_gradient_boosting.py", [ "get_estimator_and_data" ] ] ], "one_run": [ [ "benchmarks/bench_hist_gradient_boosting.py", [ "one_run" ] ] ], "print_outlier_ratio": [ [ "benchmarks/bench_isolation_forest.py", [ "print_outlier_ratio" ] ] ], "generate_perturbed_logarithm_dataset": [ [ "benchmarks/bench_isotonic.py", [ "generate_perturbed_logarithm_dataset" ] ] ], "generate_logistic_dataset": [ [ "benchmarks/bench_isotonic.py", [ "generate_logistic_dataset" ] ] ], "generate_pathological_dataset": [ [ "benchmarks/bench_isotonic.py", [ "generate_pathological_dataset" ] ] ], "bench_isotonic_regression": [ [ "benchmarks/bench_isotonic.py", [ "bench_isotonic_regression" ] ] ], "compute_bench": [ [ "benchmarks/bench_lasso.py", [ "compute_bench" ] ], [ "benchmarks/bench_plot_fastkmeans.py", [ "compute_bench" ] ], [ "benchmarks/bench_plot_lasso_path.py", [ "compute_bench" ] ], [ "benchmarks/bench_plot_omp_lars.py", [ "compute_bench" ] ], [ "benchmarks/bench_plot_svd.py", [ "compute_bench" ] ] ], "benchmark": [ [ "benchmarks/bench_multilabel_metrics.py", [ "benchmark" ] ], [ "benchmarks/bench_plot_incremental_pca.py", [ "benchmark" ] ], [ "examples/applications/plot_prediction_latency.py", [ "benchmark" ] ], [ "examples/text/plot_document_classification_20newsgroups.py", [ "benchmark" ] ] ], "_tabulate": [ [ "benchmarks/bench_multilabel_metrics.py", [ "_tabulate" ] ] ], "_plot": [ [ "benchmarks/bench_multilabel_metrics.py", [ "_plot" ] ] ], "compute_bench_2": [ [ "benchmarks/bench_plot_fastkmeans.py", [ "compute_bench_2" ] ] ], "plot_results": [ [ "benchmarks/bench_plot_incremental_pca.py", [ "plot_results" ] ], [ "benchmarks/bench_plot_nmf.py", [ "plot_results" ] ], [ "examples/mixture/plot_concentration_prior.py", [ "plot_results" ] ], [ "examples/mixture/plot_gmm.py", [ "plot_results" ] ], [ "examples/mixture/plot_gmm_sin.py", [ "plot_results" ] ] ], "plot_feature_times": [ [ "benchmarks/bench_plot_incremental_pca.py", [ "plot_feature_times" ] ] ], "plot_feature_errors": [ [ "benchmarks/bench_plot_incremental_pca.py", [ "plot_feature_errors" ] ] ], "plot_batch_times": [ [ "benchmarks/bench_plot_incremental_pca.py", [ "plot_batch_times" ] ] ], "plot_batch_errors": [ [ "benchmarks/bench_plot_incremental_pca.py", [ "plot_batch_errors" ] ] ], "fixed_batch_size_comparison": [ [ "benchmarks/bench_plot_incremental_pca.py", [ "fixed_batch_size_comparison" ] ] ], "variable_batch_size_comparison": [ [ "benchmarks/bench_plot_incremental_pca.py", [ "variable_batch_size_comparison" ] ] ], "get_data": [ [ "benchmarks/bench_plot_neighbors.py", [ "get_data" ] ], [ "benchmarks/bench_plot_randomized_svd.py", [ "get_data" ] ] ], "barplot_neighbors": [ [ "benchmarks/bench_plot_neighbors.py", [ "barplot_neighbors" ] ] ], "_norm": [ [ "benchmarks/bench_plot_nmf.py", [ "_norm" ] ] ], "_nls_subproblem": [ [ "benchmarks/bench_plot_nmf.py", [ "_nls_subproblem" ] ] ], "_fit_projected_gradient": [ [ "benchmarks/bench_plot_nmf.py", [ "_fit_projected_gradient" ] ] ], "fit": [ [ "benchmarks/bench_plot_nmf.py", [ "_PGNMF", "fit" ] ], [ "examples/applications/svm_gui.py", [ "Controller", "fit" ] ], [ "examples/cluster/plot_inductive_clustering.py", [ "InductiveClusterer", "fit" ] ], [ "examples/compose/plot_column_transformer.py", [ "TextStats", "fit" ] ], [ "examples/compose/plot_column_transformer.py", [ "SubjectBodyExtractor", "fit" ] ], [ "sklearn/calibration.py", [ "CalibratedClassifierCV", "fit" ] ], [ "sklearn/calibration.py", [ "_CalibratedClassifier", "fit" ] ], [ "sklearn/calibration.py", [ "_SigmoidCalibration", "fit" ] ], [ "sklearn/cluster/affinity_propagation_.py", [ "AffinityPropagation", "fit" ] ], [ "sklearn/cluster/bicluster.py", [ "BaseSpectral", "fit" ] ], [ "sklearn/cluster/birch.py", [ "Birch", "fit" ] ], [ "sklearn/cluster/dbscan_.py", [ "DBSCAN", "fit" ] ], [ "sklearn/cluster/hierarchical.py", [ "AgglomerativeClustering", "fit" ] ], [ "sklearn/cluster/hierarchical.py", [ "FeatureAgglomeration", "fit" ] ], [ "sklearn/cluster/k_means_.py", [ "KMeans", "fit" ] ], [ "sklearn/cluster/k_means_.py", [ "MiniBatchKMeans", "fit" ] ], [ "sklearn/cluster/mean_shift_.py", [ "MeanShift", "fit" ] ], [ "sklearn/cluster/optics_.py", [ "OPTICS", "fit" ] ], [ "sklearn/cluster/spectral.py", [ "SpectralClustering", "fit" ] ], [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "fit" ] ], [ "sklearn/compose/_target.py", [ "TransformedTargetRegressor", "fit" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "Trans", "fit" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "DoubleTrans", "fit" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "SparseMatrixTrans", "fit" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "TransNo2D", "fit" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "TransRaise", "fit" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_dataframe", "TransAssert", "fit" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_invalid_transformer", "NoTrans", "fit" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyCheckerArrayTransformer", "fit" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyCheckerListRegressor", "fit" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyTransformer", "fit" ] ], [ "sklearn/covariance/elliptic_envelope.py", [ "EllipticEnvelope", "fit" ] ], [ "sklearn/covariance/empirical_covariance_.py", [ "EmpiricalCovariance", "fit" ] ], [ "sklearn/covariance/graph_lasso_.py", [ "GraphicalLasso", "fit" ] ], [ "sklearn/covariance/graph_lasso_.py", [ "GraphicalLassoCV", "fit" ] ], [ "sklearn/covariance/robust_covariance.py", [ "MinCovDet", "fit" ] ], [ "sklearn/covariance/shrunk_covariance_.py", [ "ShrunkCovariance", "fit" ] ], [ "sklearn/covariance/shrunk_covariance_.py", [ "LedoitWolf", "fit" ] ], [ "sklearn/covariance/shrunk_covariance_.py", [ "OAS", "fit" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "_PLS", "fit" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "PLSSVD", "fit" ] ], [ "sklearn/decomposition/base.py", [ "_BasePCA", "fit" ] ], [ "sklearn/decomposition/dict_learning.py", [ "SparseCoder", "fit" ] ], [ "sklearn/decomposition/dict_learning.py", [ "DictionaryLearning", "fit" ] ], [ "sklearn/decomposition/dict_learning.py", [ "MiniBatchDictionaryLearning", "fit" ] ], [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "fit" ] ], [ "sklearn/decomposition/fastica_.py", [ "FastICA", "fit" ] ], [ "sklearn/decomposition/incremental_pca.py", [ "IncrementalPCA", "fit" ] ], [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "fit" ] ], [ "sklearn/decomposition/nmf.py", [ "NMF", "fit" ] ], [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "fit" ] ], [ "sklearn/decomposition/pca.py", [ "PCA", "fit" ] ], [ "sklearn/decomposition/sparse_pca.py", [ "SparsePCA", "fit" ] ], [ "sklearn/decomposition/sparse_pca.py", [ "MiniBatchSparsePCA", "fit" ] ], [ "sklearn/decomposition/truncated_svd.py", [ "TruncatedSVD", "fit" ] ], [ "sklearn/discriminant_analysis.py", [ "LinearDiscriminantAnalysis", "fit" ] ], [ "sklearn/discriminant_analysis.py", [ "QuadraticDiscriminantAnalysis", "fit" ] ], [ "sklearn/dummy.py", [ "DummyClassifier", "fit" ] ], [ "sklearn/dummy.py", [ "DummyRegressor", "fit" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/binning.py", [ "_BinMapper", "fit" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "fit" ] ], [ "sklearn/ensemble/bagging.py", [ "BaseBagging", "fit" ] ], [ "sklearn/ensemble/forest.py", [ "BaseForest", "fit" ] ], [ "sklearn/ensemble/forest.py", [ "RandomTreesEmbedding", "fit" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "QuantileEstimator", "fit" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MeanEstimator", "fit" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LogOddsEstimator", "fit" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "PriorProbabilityEstimator", "fit" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ZeroEstimator", "fit" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "fit" ] ], [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "fit" ] ], [ "sklearn/ensemble/tests/test_bagging.py", [ "test_sparse_classification", "CustomSVC", "fit" ] ], [ "sklearn/ensemble/tests/test_bagging.py", [ "test_sparse_regression", "CustomSVR", "fit" ] ], [ "sklearn/ensemble/tests/test_bagging.py", [ "DummySizeEstimator", "fit" ] ], [ "sklearn/ensemble/tests/test_bagging.py", [ "DummyZeroEstimator", "fit" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "_NoSampleWeightWrapper", "fit" ] ], [ "sklearn/ensemble/tests/test_voting.py", [ "test_sample_weight", "ClassifierErrorFit", "fit" ] ], [ "sklearn/ensemble/tests/test_voting.py", [ "test_sample_weight_kwargs", "MockClassifier", "fit" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sparse_classification", "CustomSVC", "fit" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sparse_regression", "CustomSVR", "fit" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sample_weight_adaboost_regressor", "DummyEstimator", "fit" ] ], [ "sklearn/ensemble/voting.py", [ "_BaseVoting", "fit" ] ], [ "sklearn/ensemble/voting.py", [ "VotingClassifier", "fit" ] ], [ "sklearn/ensemble/voting.py", [ "VotingRegressor", "fit" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "BaseWeightBoosting", "fit" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "fit" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostRegressor", "fit" ] ], [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "fit" ] ], [ "sklearn/feature_extraction/hashing.py", [ "FeatureHasher", "fit" ] ], [ "sklearn/feature_extraction/image.py", [ "PatchExtractor", "fit" ] ], [ "sklearn/feature_extraction/text.py", [ "HashingVectorizer", "fit" ] ], [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "fit" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfTransformer", "fit" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "fit" ] ], [ "sklearn/feature_selection/from_model.py", [ "SelectFromModel", "fit" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "fit" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFECV", "fit" ] ], [ "sklearn/feature_selection/tests/test_base.py", [ "StepSelector", "fit" ] ], [ "sklearn/feature_selection/tests/test_from_model.py", [ "FixedImportanceEstimator", "fit" ] ], [ "sklearn/feature_selection/tests/test_rfe.py", [ "MockClassifier", "fit" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "_BaseFilter", "fit" ] ], [ "sklearn/feature_selection/variance_threshold.py", [ "VarianceThreshold", "fit" ] ], [ "sklearn/gaussian_process/gpc.py", [ "_BinaryGaussianProcessClassifierLaplace", "fit" ] ], [ "sklearn/gaussian_process/gpc.py", [ "GaussianProcessClassifier", "fit" ] ], [ "sklearn/gaussian_process/gpr.py", [ "GaussianProcessRegressor", "fit" ] ], [ "sklearn/impute/_base.py", [ "SimpleImputer", "fit" ] ], [ "sklearn/impute/_base.py", [ "MissingIndicator", "fit" ] ], [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "fit" ] ], [ "sklearn/inspection/tests/test_partial_dependence.py", [ "NoPredictProbaNoDecisionFunction", "fit" ] ], [ "sklearn/isotonic.py", [ "IsotonicRegression", "fit" ] ], [ "sklearn/kernel_approximation.py", [ "RBFSampler", "fit" ] ], [ "sklearn/kernel_approximation.py", [ "SkewedChi2Sampler", "fit" ] ], [ "sklearn/kernel_approximation.py", [ "AdditiveChi2Sampler", "fit" ] ], [ "sklearn/kernel_approximation.py", [ "Nystroem", "fit" ] ], [ "sklearn/kernel_ridge.py", [ "KernelRidge", "fit" ] ], [ "sklearn/linear_model/base.py", [ "LinearModel", "fit" ] ], [ "sklearn/linear_model/base.py", [ "LinearRegression", "fit" ] ], [ "sklearn/linear_model/bayes.py", [ "BayesianRidge", "fit" ] ], [ "sklearn/linear_model/bayes.py", [ "ARDRegression", "fit" ] ], [ "sklearn/linear_model/coordinate_descent.py", [ "ElasticNet", "fit" ] ], [ "sklearn/linear_model/coordinate_descent.py", [ "LinearModelCV", "fit" ] ], [ "sklearn/linear_model/coordinate_descent.py", [ "MultiTaskElasticNet", "fit" ] ], [ "sklearn/linear_model/huber.py", [ "HuberRegressor", "fit" ] ], [ "sklearn/linear_model/least_angle.py", [ "Lars", "fit" ] ], [ "sklearn/linear_model/least_angle.py", [ "LarsCV", "fit" ] ], [ "sklearn/linear_model/least_angle.py", [ "LassoLarsIC", "fit" ] ], [ "sklearn/linear_model/logistic.py", [ "LogisticRegression", "fit" ] ], [ "sklearn/linear_model/logistic.py", [ "LogisticRegressionCV", "fit" ] ], [ "sklearn/linear_model/omp.py", [ "OrthogonalMatchingPursuit", "fit" ] ], [ "sklearn/linear_model/omp.py", [ "OrthogonalMatchingPursuitCV", "fit" ] ], [ "sklearn/linear_model/passive_aggressive.py", [ "PassiveAggressiveClassifier", "fit" ] ], [ "sklearn/linear_model/passive_aggressive.py", [ "PassiveAggressiveRegressor", "fit" ] ], [ "sklearn/linear_model/ransac.py", [ "RANSACRegressor", "fit" ] ], [ "sklearn/linear_model/ridge.py", [ "_BaseRidge", "fit" ] ], [ "sklearn/linear_model/ridge.py", [ "Ridge", "fit" ] ], [ "sklearn/linear_model/ridge.py", [ "RidgeClassifier", "fit" ] ], [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "fit" ] ], [ "sklearn/linear_model/ridge.py", [ "_BaseRidgeCV", "fit" ] ], [ "sklearn/linear_model/ridge.py", [ "RidgeClassifierCV", "fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDClassifier", "fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDRegressor", "fit" ] ], [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_multi_class_auto", "fit" ] ], [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "MyPassiveAggressive", "fit" ] ], [ "sklearn/linear_model/tests/test_perceptron.py", [ "MyPerceptron", "fit" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "_SparseSGDClassifier", "fit" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "_SparseSGDRegressor", "fit" ] ], [ "sklearn/linear_model/theil_sen.py", [ "TheilSenRegressor", "fit" ] ], [ "sklearn/manifold/isomap.py", [ "Isomap", "fit" ] ], [ "sklearn/manifold/locally_linear.py", [ "LocallyLinearEmbedding", "fit" ] ], [ "sklearn/manifold/mds.py", [ "MDS", "fit" ] ], [ "sklearn/manifold/spectral_embedding_.py", [ "SpectralEmbedding", "fit" ] ], [ "sklearn/manifold/t_sne.py", [ "TSNE", "fit" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "EstimatorWithFit", "fit" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "EstimatorWithFitAndScore", "fit" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "EstimatorWithFitAndPredict", "fit" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "fit" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "fit" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "MockClassifier", "fit" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "BrokenClassifier", "fit" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "FailingClassifier", "fit" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "test__custom_fit_no_run_search", "NoRunSearchSearchCV", "fit" ] ], [ "sklearn/model_selection/tests/test_split.py", [ "MockClassifier", "fit" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockImprovingEstimator", "fit" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockEstimatorWithParameter", "fit" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockEstimatorWithSingleFitCallAllowed", "fit" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockClassifier", "fit" ] ], [ "sklearn/multiclass.py", [ "_ConstantPredictor", "fit" ] ], [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "fit" ] ], [ "sklearn/multiclass.py", [ "OneVsOneClassifier", "fit" ] ], [ "sklearn/multiclass.py", [ "OutputCodeClassifier", "fit" ] ], [ "sklearn/multioutput.py", [ "MultiOutputEstimator", "fit" ] ], [ "sklearn/multioutput.py", [ "_BaseChain", "fit" ] ], [ "sklearn/multioutput.py", [ "ClassifierChain", "fit" ] ], [ "sklearn/multioutput.py", [ "RegressorChain", "fit" ] ], [ "sklearn/naive_bayes.py", [ "GaussianNB", "fit" ] ], [ "sklearn/naive_bayes.py", [ "BaseDiscreteNB", "fit" ] ], [ "sklearn/neighbors/base.py", [ "SupervisedFloatMixin", "fit" ] ], [ "sklearn/neighbors/base.py", [ "SupervisedIntegerMixin", "fit" ] ], [ "sklearn/neighbors/base.py", [ "UnsupervisedMixin", "fit" ] ], [ "sklearn/neighbors/kde.py", [ "KernelDensity", "fit" ] ], [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "fit" ] ], [ "sklearn/neighbors/nca.py", [ "NeighborhoodComponentsAnalysis", "fit" ] ], [ "sklearn/neighbors/nearest_centroid.py", [ "NearestCentroid", "fit" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "fit" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPClassifier", "fit" ] ], [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "fit" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "fit" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "fit" ] ], [ "sklearn/preprocessing/_discretization.py", [ "KBinsDiscretizer", "fit" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OneHotEncoder", "fit" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OrdinalEncoder", "fit" ] ], [ "sklearn/preprocessing/_function_transformer.py", [ "FunctionTransformer", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "MinMaxScaler", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "StandardScaler", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "MaxAbsScaler", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "RobustScaler", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "PolynomialFeatures", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "Normalizer", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "Binarizer", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "KernelCenterer", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "fit" ] ], [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "fit" ] ], [ "sklearn/preprocessing/label.py", [ "LabelEncoder", "fit" ] ], [ "sklearn/preprocessing/label.py", [ "LabelBinarizer", "fit" ] ], [ "sklearn/preprocessing/label.py", [ "MultiLabelBinarizer", "fit" ] ], [ "sklearn/random_projection.py", [ "BaseRandomProjection", "fit" ] ], [ "sklearn/semi_supervised/label_propagation.py", [ "BaseLabelPropagation", "fit" ] ], [ "sklearn/semi_supervised/label_propagation.py", [ "LabelPropagation", "fit" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "fit" ] ], [ "sklearn/svm/classes.py", [ "LinearSVC", "fit" ] ], [ "sklearn/svm/classes.py", [ "LinearSVR", "fit" ] ], [ "sklearn/svm/classes.py", [ "OneClassSVM", "fit" ] ], [ "sklearn/tests/test_base.py", [ "NoEstimator", "fit" ] ], [ "sklearn/tests/test_base.py", [ "test_clone_pandas_dataframe", "DummyEstimator", "fit" ] ], [ "sklearn/tests/test_calibration.py", [ "test_calibration_accepts_ndarray", "MockTensorClassifier", "fit" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "fit" ] ], [ "sklearn/tests/test_pipeline.py", [ "NoTrans", "fit" ] ], [ "sklearn/tests/test_pipeline.py", [ "TransfFitParams", "fit" ] ], [ "sklearn/tests/test_pipeline.py", [ "Mult", "fit" ] ], [ "sklearn/tests/test_pipeline.py", [ "FitParamT", "fit" ] ], [ "sklearn/tests/test_pipeline.py", [ "DummyTransf", "fit" ] ], [ "sklearn/tests/test_pipeline.py", [ "DummyEstimatorParams", "fit" ] ], [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "fit" ] ], [ "sklearn/tree/tree.py", [ "DecisionTreeClassifier", "fit" ] ], [ "sklearn/tree/tree.py", [ "DecisionTreeRegressor", "fit" ] ], [ "sklearn/utils/mocking.py", [ "CheckingClassifier", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "BaseBadClassifier", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ChangesDict", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "SetsWrongAttribute", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ChangesWrongAttribute", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ChangesUnderscoreAttribute", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "RaisesErrorInSetParams", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ModifiesValueInsteadOfRaisingError", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ModifiesAnotherValue", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "NoCheckinPredict", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "NoSparseClassifier", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "CorrectNotFittedErrorClassifier", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "NoSampleWeightPandasSeriesType", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "BadBalancedWeightsClassifier", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "BadTransformerWithoutMixin", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "NotInvariantPredict", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "LargeSparseNotSupportedClassifier", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "SparseTransformer", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "UntaggedBinaryClassifier", "fit" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_fit_score_takes_y_works_on_deprecated_fit", "TestEstimatorWithDeprecatedFitMethod", "fit" ] ], [ "sklearn/utils/tests/test_pprint.py", [ "LogisticRegression", "fit" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockEst", "fit" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockMetaEstimator", "fit" ] ], [ "sklearn/utils/tests/test_validation.py", [ "test_has_fit_parameter", "TestClassWithDeprecatedFitMethod", "fit" ] ] ], "transform": [ [ "benchmarks/bench_plot_nmf.py", [ "_PGNMF", "transform" ] ], [ "examples/compose/plot_column_transformer.py", [ "TextStats", "transform" ] ], [ "examples/compose/plot_column_transformer.py", [ "SubjectBodyExtractor", "transform" ] ], [ "sklearn/cluster/_feature_agglomeration.py", [ "AgglomerationTransform", "transform" ] ], [ "sklearn/cluster/birch.py", [ "Birch", "transform" ] ], [ "sklearn/cluster/k_means_.py", [ "KMeans", "transform" ] ], [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "transform" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "Trans", "transform" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "DoubleTrans", "transform" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "SparseMatrixTrans", "transform" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "TransNo2D", "transform" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "TransRaise", "transform" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_dataframe", "TransAssert", "transform" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyCheckerArrayTransformer", "transform" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyTransformer", "transform" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "_PLS", "transform" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "PLSSVD", "transform" ] ], [ "sklearn/decomposition/base.py", [ "_BasePCA", "transform" ] ], [ "sklearn/decomposition/dict_learning.py", [ "SparseCodingMixin", "transform" ] ], [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "transform" ] ], [ "sklearn/decomposition/fastica_.py", [ "FastICA", "transform" ] ], [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "transform" ] ], [ "sklearn/decomposition/nmf.py", [ "NMF", "transform" ] ], [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "transform" ] ], [ "sklearn/decomposition/sparse_pca.py", [ "SparsePCA", "transform" ] ], [ "sklearn/decomposition/truncated_svd.py", [ "TruncatedSVD", "transform" ] ], [ "sklearn/discriminant_analysis.py", [ "LinearDiscriminantAnalysis", "transform" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/binning.py", [ "_BinMapper", "transform" ] ], [ "sklearn/ensemble/forest.py", [ "RandomTreesEmbedding", "transform" ] ], [ "sklearn/ensemble/voting.py", [ "VotingClassifier", "transform" ] ], [ "sklearn/ensemble/voting.py", [ "VotingRegressor", "transform" ] ], [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "transform" ] ], [ "sklearn/feature_extraction/hashing.py", [ "FeatureHasher", "transform" ] ], [ "sklearn/feature_extraction/image.py", [ "PatchExtractor", "transform" ] ], [ "sklearn/feature_extraction/text.py", [ "HashingVectorizer", "transform" ] ], [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "transform" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfTransformer", "transform" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "transform" ] ], [ "sklearn/feature_selection/base.py", [ "SelectorMixin", "transform" ] ], [ "sklearn/impute/_base.py", [ "SimpleImputer", "transform" ] ], [ "sklearn/impute/_base.py", [ "MissingIndicator", "transform" ] ], [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "transform" ] ], [ "sklearn/isotonic.py", [ "IsotonicRegression", "transform" ] ], [ "sklearn/kernel_approximation.py", [ "RBFSampler", "transform" ] ], [ "sklearn/kernel_approximation.py", [ "SkewedChi2Sampler", "transform" ] ], [ "sklearn/kernel_approximation.py", [ "AdditiveChi2Sampler", "transform" ] ], [ "sklearn/kernel_approximation.py", [ "Nystroem", "transform" ] ], [ "sklearn/manifold/isomap.py", [ "Isomap", "transform" ] ], [ "sklearn/manifold/locally_linear.py", [ "LocallyLinearEmbedding", "transform" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "transform" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "MockClassifier", "transform" ] ], [ "sklearn/neighbors/nca.py", [ "NeighborhoodComponentsAnalysis", "transform" ] ], [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "transform" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "transform" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "transform" ] ], [ "sklearn/preprocessing/_discretization.py", [ "KBinsDiscretizer", "transform" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OneHotEncoder", "transform" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OrdinalEncoder", "transform" ] ], [ "sklearn/preprocessing/_function_transformer.py", [ "FunctionTransformer", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "MinMaxScaler", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "StandardScaler", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "MaxAbsScaler", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "RobustScaler", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "PolynomialFeatures", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "Normalizer", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "Binarizer", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "KernelCenterer", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "transform" ] ], [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "transform" ] ], [ "sklearn/preprocessing/label.py", [ "LabelEncoder", "transform" ] ], [ "sklearn/preprocessing/label.py", [ "LabelBinarizer", "transform" ] ], [ "sklearn/preprocessing/label.py", [ "MultiLabelBinarizer", "transform" ] ], [ "sklearn/preprocessing/tests/test_base.py", [ "test_transform_selected_retain_order", "transform" ] ], [ "sklearn/random_projection.py", [ "BaseRandomProjection", "transform" ] ], [ "sklearn/tests/test_base.py", [ "test_clone_pandas_dataframe", "DummyEstimator", "transform" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "transform" ] ], [ "sklearn/tests/test_pipeline.py", [ "NoInvTransf", "transform" ] ], [ "sklearn/tests/test_pipeline.py", [ "Transf", "transform" ] ], [ "sklearn/tests/test_pipeline.py", [ "Mult", "transform" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "BadTransformerWithoutMixin", "transform" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "SparseTransformer", "transform" ] ], [ "sklearn/utils/tests/test_pprint.py", [ "StandardScaler", "transform" ] ] ], "inverse_transform": [ [ "benchmarks/bench_plot_nmf.py", [ "_PGNMF", "inverse_transform" ] ], [ "sklearn/cluster/_feature_agglomeration.py", [ "AgglomerationTransform", "inverse_transform" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyCheckerArrayTransformer", "inverse_transform" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyTransformer", "inverse_transform" ] ], [ "sklearn/decomposition/base.py", [ "_BasePCA", "inverse_transform" ] ], [ "sklearn/decomposition/fastica_.py", [ "FastICA", "inverse_transform" ] ], [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "inverse_transform" ] ], [ "sklearn/decomposition/nmf.py", [ "NMF", "inverse_transform" ] ], [ "sklearn/decomposition/truncated_svd.py", [ "TruncatedSVD", "inverse_transform" ] ], [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "inverse_transform" ] ], [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "inverse_transform" ] ], [ "sklearn/feature_selection/base.py", [ "SelectorMixin", "inverse_transform" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "inverse_transform" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "MockClassifier", "inverse_transform" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "inverse_transform" ] ], [ "sklearn/preprocessing/_discretization.py", [ "KBinsDiscretizer", "inverse_transform" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OneHotEncoder", "inverse_transform" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OrdinalEncoder", "inverse_transform" ] ], [ "sklearn/preprocessing/_function_transformer.py", [ "FunctionTransformer", "inverse_transform" ] ], [ "sklearn/preprocessing/data.py", [ "MinMaxScaler", "inverse_transform" ] ], [ "sklearn/preprocessing/data.py", [ "StandardScaler", "inverse_transform" ] ], [ "sklearn/preprocessing/data.py", [ "MaxAbsScaler", "inverse_transform" ] ], [ "sklearn/preprocessing/data.py", [ "RobustScaler", "inverse_transform" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "inverse_transform" ] ], [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "inverse_transform" ] ], [ "sklearn/preprocessing/label.py", [ "LabelEncoder", "inverse_transform" ] ], [ "sklearn/preprocessing/label.py", [ "LabelBinarizer", "inverse_transform" ] ], [ "sklearn/preprocessing/label.py", [ "MultiLabelBinarizer", "inverse_transform" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "inverse_transform" ] ], [ "sklearn/tests/test_pipeline.py", [ "Transf", "inverse_transform" ] ], [ "sklearn/tests/test_pipeline.py", [ "Mult", "inverse_transform" ] ] ], "fit_transform": [ [ "benchmarks/bench_plot_nmf.py", [ "_PGNMF", "fit_transform" ] ], [ "sklearn/base.py", [ "TransformerMixin", "fit_transform" ] ], [ "sklearn/cluster/k_means_.py", [ "KMeans", "fit_transform" ] ], [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "fit_transform" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "_PLS", "fit_transform" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "PLSSVD", "fit_transform" ] ], [ "sklearn/decomposition/fastica_.py", [ "FastICA", "fit_transform" ] ], [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "fit_transform" ] ], [ "sklearn/decomposition/nmf.py", [ "NMF", "fit_transform" ] ], [ "sklearn/decomposition/pca.py", [ "PCA", "fit_transform" ] ], [ "sklearn/decomposition/truncated_svd.py", [ "TruncatedSVD", "fit_transform" ] ], [ "sklearn/ensemble/forest.py", [ "RandomTreesEmbedding", "fit_transform" ] ], [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "fit_transform" ] ], [ "sklearn/feature_extraction/text.py", [ "HashingVectorizer", "fit_transform" ] ], [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "fit_transform" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "fit_transform" ] ], [ "sklearn/impute/_base.py", [ "MissingIndicator", "fit_transform" ] ], [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "fit_transform" ] ], [ "sklearn/manifold/isomap.py", [ "Isomap", "fit_transform" ] ], [ "sklearn/manifold/locally_linear.py", [ "LocallyLinearEmbedding", "fit_transform" ] ], [ "sklearn/manifold/mds.py", [ "MDS", "fit_transform" ] ], [ "sklearn/manifold/spectral_embedding_.py", [ "SpectralEmbedding", "fit_transform" ] ], [ "sklearn/manifold/t_sne.py", [ "TSNE", "fit_transform" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "fit_transform" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "fit_transform" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OneHotEncoder", "fit_transform" ] ], [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "fit_transform" ] ], [ "sklearn/preprocessing/label.py", [ "LabelEncoder", "fit_transform" ] ], [ "sklearn/preprocessing/label.py", [ "LabelBinarizer", "fit_transform" ] ], [ "sklearn/preprocessing/label.py", [ "MultiLabelBinarizer", "fit_transform" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "SparseTransformer", "fit_transform" ] ] ], "_fit_transform": [ [ "benchmarks/bench_plot_nmf.py", [ "_PGNMF", "_fit_transform" ] ], [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_fit_transform" ] ], [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "_fit_transform" ] ], [ "sklearn/manifold/isomap.py", [ "Isomap", "_fit_transform" ] ], [ "sklearn/manifold/locally_linear.py", [ "LocallyLinearEmbedding", "_fit_transform" ] ] ], "bench_one": [ [ "benchmarks/bench_plot_nmf.py", [ "bench_one" ] ], [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "bench_one" ] ] ], "run_bench": [ [ "benchmarks/bench_plot_nmf.py", [ "run_bench" ] ] ], "load_20news": [ [ "benchmarks/bench_plot_nmf.py", [ "load_20news" ] ] ], "load_faces": [ [ "benchmarks/bench_plot_nmf.py", [ "load_faces" ] ] ], "build_clfs": [ [ "benchmarks/bench_plot_nmf.py", [ "build_clfs" ] ] ], "plot": [ [ "benchmarks/bench_plot_parallel_pairwise.py", [ "plot" ] ], [ "benchmarks/bench_saga.py", [ "plot" ] ] ], "euclidean_distances": [ [ "benchmarks/bench_plot_parallel_pairwise.py", [ "euclidean_distances" ] ], [ "sklearn/metrics/pairwise.py", [ "euclidean_distances" ] ] ], "rbf_kernels": [ [ "benchmarks/bench_plot_parallel_pairwise.py", [ "rbf_kernels" ] ] ], "unpickle": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "unpickle" ] ] ], "handle_missing_dataset": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "handle_missing_dataset" ] ] ], "plot_time_vs_s": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "plot_time_vs_s" ] ] ], "scatter_time_vs_s": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "scatter_time_vs_s" ] ] ], "plot_power_iter_vs_s": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "plot_power_iter_vs_s" ] ] ], "svd_timing": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "svd_timing" ] ] ], "norm_diff": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "norm_diff" ] ] ], "scalable_frobenius_norm_discrepancy": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "scalable_frobenius_norm_discrepancy" ] ] ], "bench_a": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "bench_a" ] ] ], "bench_b": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "bench_b" ] ] ], "bench_c": [ [ "benchmarks/bench_plot_randomized_svd.py", [ "bench_c" ] ] ], "type_auto_or_float": [ [ "benchmarks/bench_random_projections.py", [ "type_auto_or_float" ] ] ], "type_auto_or_int": [ [ "benchmarks/bench_random_projections.py", [ "type_auto_or_int" ] ] ], "compute_time": [ [ "benchmarks/bench_random_projections.py", [ "compute_time" ] ], [ "benchmarks/bench_sample_without_replacement.py", [ "compute_time" ] ] ], "bench_scikit_transformer": [ [ "benchmarks/bench_random_projections.py", [ "bench_scikit_transformer" ] ] ], "make_sparse_random_data": [ [ "benchmarks/bench_random_projections.py", [ "make_sparse_random_data" ] ], [ "sklearn/tests/test_random_projection.py", [ "make_sparse_random_data" ] ] ], "print_row": [ [ "benchmarks/bench_random_projections.py", [ "print_row" ] ] ], "get_loss": [ [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "get_loss" ] ] ], "plot_train_losses": [ [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "plot_train_losses" ] ] ], "plot_train_scores": [ [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "plot_train_scores" ] ] ], "plot_test_scores": [ [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "plot_test_scores" ] ] ], "plot_dloss": [ [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "plot_dloss" ] ] ], "get_max_squared_sum": [ [ "benchmarks/bench_rcv1_logreg_convergence.py", [ "get_max_squared_sum" ] ] ], "fit_single": [ [ "benchmarks/bench_saga.py", [ "fit_single" ] ] ], "_predict_proba": [ [ "benchmarks/bench_saga.py", [ "_predict_proba" ] ], [ "sklearn/ensemble/voting.py", [ "VotingClassifier", "_predict_proba" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "SGDClassifier", "_predict_proba" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "_predict_proba" ] ] ], "exp": [ [ "benchmarks/bench_saga.py", [ "exp" ] ] ], "bench_sample": [ [ "benchmarks/bench_sample_without_replacement.py", [ "bench_sample" ] ] ], "sparsity_ratio": [ [ "benchmarks/bench_sparsify.py", [ "sparsity_ratio" ] ] ], "benchmark_dense_predict": [ [ "benchmarks/bench_sparsify.py", [ "benchmark_dense_predict" ] ] ], "benchmark_sparse_predict": [ [ "benchmarks/bench_sparsify.py", [ "benchmark_sparse_predict" ] ] ], "score": [ [ "benchmarks/bench_sparsify.py", [ "score" ] ], [ "sklearn/base.py", [ "ClassifierMixin", "score" ] ], [ "sklearn/base.py", [ "RegressorMixin", "score" ] ], [ "sklearn/base.py", [ "DensityMixin", "score" ] ], [ "sklearn/cluster/k_means_.py", [ "KMeans", "score" ] ], [ "sklearn/covariance/elliptic_envelope.py", [ "EllipticEnvelope", "score" ] ], [ "sklearn/covariance/empirical_covariance_.py", [ "EmpiricalCovariance", "score" ] ], [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "score" ] ], [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "score" ] ], [ "sklearn/decomposition/pca.py", [ "PCA", "score" ] ], [ "sklearn/dummy.py", [ "DummyClassifier", "score" ] ], [ "sklearn/dummy.py", [ "DummyRegressor", "score" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "score" ] ], [ "sklearn/feature_selection/tests/test_rfe.py", [ "MockClassifier", "score" ] ], [ "sklearn/linear_model/logistic.py", [ "LogisticRegressionCV", "score" ] ], [ "sklearn/linear_model/ransac.py", [ "RANSACRegressor", "score" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "EstimatorWithFitAndScore", "score" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "score" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "score" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "MockClassifier", "score" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "LinearSVCNoScore", "score" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "FailingClassifier", "score" ] ], [ "sklearn/model_selection/tests/test_split.py", [ "MockClassifier", "score" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockImprovingEstimator", "score" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockEstimatorWithParameter", "score" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockClassifier", "score" ] ], [ "sklearn/multioutput.py", [ "MultiOutputRegressor", "score" ] ], [ "sklearn/multioutput.py", [ "MultiOutputClassifier", "score" ] ], [ "sklearn/neighbors/kde.py", [ "KernelDensity", "score" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "score" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "score" ] ], [ "sklearn/tests/test_pipeline.py", [ "Mult", "score" ] ], [ "sklearn/tests/test_pipeline.py", [ "FitParamT", "score" ] ], [ "sklearn/utils/mocking.py", [ "CheckingClassifier", "score" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockEst", "score" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockMetaEstimator", "score" ] ] ], "f": [ [ "benchmarks/bench_text_vectorizers.py", [ "run_vectorizer", "f" ] ], [ "examples/ensemble/plot_bias_variance.py", [ "f" ] ], [ "examples/ensemble/plot_gradient_boosting_quantile.py", [ "f" ] ], [ "examples/gaussian_process/plot_gpr_noisy_targets.py", [ "f" ] ], [ "examples/linear_model/plot_ard.py", [ "f" ] ], [ "examples/linear_model/plot_bayesian_ridge.py", [ "f" ] ], [ "examples/linear_model/plot_polynomial_interpolation.py", [ "f" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Matern", "__call__", "if_eval_gradient_", "if_self_nu_0_5_", "else_", "f" ] ], [ "sklearn/gaussian_process/kernels.py", [ "PairwiseKernel", "__call__", "if_eval_gradient_", "if_self_hyperparameter_ga", "else_", "f" ] ], [ "sklearn/gaussian_process/tests/test_gpc.py", [ "f" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "f" ] ], [ "sklearn/linear_model/tests/test_bayes.py", [ "test_return_std", "f" ] ], [ "sklearn/utils/tests/test_testing.py", [ "TestWarns", "test_warn", "f" ] ], [ "sklearn/utils/tests/test_testing.py", [ "TestWarns", "test_warn_wrong_warning", "f" ] ] ], "run_vectorizer": [ [ "benchmarks/bench_text_vectorizers.py", [ "run_vectorizer" ] ] ], "bench_scikit_tree_classifier": [ [ "benchmarks/bench_tree.py", [ "bench_scikit_tree_classifier" ] ] ], "bench_scikit_tree_regressor": [ [ "benchmarks/bench_tree.py", [ "bench_scikit_tree_regressor" ] ] ], "nn_accuracy": [ [ "benchmarks/bench_tsne_mnist.py", [ "nn_accuracy" ] ] ], "tsne_fit_transform": [ [ "benchmarks/bench_tsne_mnist.py", [ "tsne_fit_transform" ] ] ], "sanitize": [ [ "benchmarks/bench_tsne_mnist.py", [ "sanitize" ] ] ], "bhtsne": [ [ "benchmarks/bench_tsne_mnist.py", [ "if___name_____main___", "if_args_bhtsne_", "bhtsne" ] ] ], "json_urlread": [ [ "build_tools/circle/list_versions.py", [ "json_urlread" ] ] ], "human_readable_data_quantity": [ [ "build_tools/circle/list_versions.py", [ "human_readable_data_quantity" ] ] ], "get_pdf_size": [ [ "build_tools/circle/list_versions.py", [ "get_pdf_size" ] ] ], "group_iterable": [ [ "build_tools/generate_authors_table.py", [ "group_iterable" ] ] ], "get_contributors": [ [ "build_tools/generate_authors_table.py", [ "get_contributors" ] ] ], "get_profile": [ [ "build_tools/generate_authors_table.py", [ "get_profile" ] ] ], "key": [ [ "build_tools/generate_authors_table.py", [ "key" ] ] ], "pytest_addoption": [ [ "conftest.py", [ "pytest_addoption" ] ] ], "pytest_collection_modifyitems": [ [ "conftest.py", [ "pytest_collection_modifyitems" ] ] ], "pytest_configure": [ [ "conftest.py", [ "pytest_configure" ] ] ], "pytest_unconfigure": [ [ "conftest.py", [ "pytest_unconfigure" ] ] ], "pytest_runtest_setup": [ [ "conftest.py", [ "pytest_runtest_setup" ] ], [ "doc/conftest.py", [ "pytest_runtest_setup" ] ] ], "pytest_runtest_teardown": [ [ "conftest.py", [ "pytest_runtest_teardown" ] ] ], "make_carousel_thumbs": [ [ "doc/conf.py", [ "make_carousel_thumbs" ] ] ], "setup": [ [ "doc/conf.py", [ "setup" ] ], [ "doc/sphinxext/custom_references_resolver.py", [ "setup" ] ], [ "doc/sphinxext/sphinx_issues.py", [ "setup" ] ] ], "setup_labeled_faces": [ [ "doc/conftest.py", [ "setup_labeled_faces" ] ] ], "setup_rcv1": [ [ "doc/conftest.py", [ "setup_rcv1" ] ] ], "setup_twenty_newsgroups": [ [ "doc/conftest.py", [ "setup_twenty_newsgroups" ] ] ], "setup_working_with_text_data": [ [ "doc/conftest.py", [ "setup_working_with_text_data" ] ] ], "setup_compose": [ [ "doc/conftest.py", [ "setup_compose" ] ] ], "setup_impute": [ [ "doc/conftest.py", [ "setup_impute" ] ] ], "setup_unsupervised_learning": [ [ "doc/conftest.py", [ "setup_unsupervised_learning" ] ] ], "resolve_anyref": [ [ "doc/sphinxext/custom_references_resolver.py", [ "CustomReferencesResolver", "resolve_anyref" ] ] ], "create_node": [ [ "doc/sphinxext/custom_references_resolver.py", [ "CustomReferencesResolver", "create_node" ] ] ], "_get_git_revision": [ [ "doc/sphinxext/github_link.py", [ "_get_git_revision" ] ] ], "_linkcode_resolve": [ [ "doc/sphinxext/github_link.py", [ "_linkcode_resolve" ] ] ], "make_linkcode_resolve": [ [ "doc/sphinxext/github_link.py", [ "make_linkcode_resolve" ] ] ], "user_role": [ [ "doc/sphinxext/sphinx_issues.py", [ "user_role" ] ] ], "cve_role": [ [ "doc/sphinxext/sphinx_issues.py", [ "cve_role" ] ] ], "default_format_text": [ [ "doc/sphinxext/sphinx_issues.py", [ "IssueRole", "default_format_text" ] ] ], "make_node": [ [ "doc/sphinxext/sphinx_issues.py", [ "IssueRole", "make_node" ] ] ], "__call__": [ [ "doc/sphinxext/sphinx_issues.py", [ "IssueRole", "__call__" ] ], [ "examples/svm/plot_rbf_parameters.py", [ "MidpointNormalize", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LossFunction", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastSquaresError", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastAbsoluteError", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "HuberLossFunction", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "QuantileLossFunction", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "BinomialDeviance", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "MultinomialDeviance", "__call__" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ExponentialLoss", "__call__" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "LeastSquares", "__call__" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "BinaryCrossEntropy", "__call__" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "CategoricalCrossEntropy", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LossFunction", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastSquaresError", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastAbsoluteError", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "HuberLossFunction", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "QuantileLossFunction", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BinomialDeviance", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MultinomialDeviance", "__call__" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ExponentialLoss", "__call__" ] ], [ "sklearn/externals/_arff.py", [ "EncodedNominalConversor", "__call__" ] ], [ "sklearn/externals/_arff.py", [ "NominalConversor", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Sum", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Product", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "ConstantKernel", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "WhiteKernel", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "RBF", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Matern", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "RationalQuadratic", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "ExpSineSquared", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "DotProduct", "__call__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "PairwiseKernel", "__call__" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "_ValidationScoreCallback", "__call__" ] ], [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_cv_mock_scorer", "MockScorer", "__call__" ] ], [ "sklearn/manifold/tests/test_t_sne.py", [ "test_gradient_descent_stops", "ObjectiveSmallGradient", "__call__" ] ], [ "sklearn/metrics/scorer.py", [ "_PredictScorer", "__call__" ] ], [ "sklearn/metrics/scorer.py", [ "_ProbaScorer", "__call__" ] ], [ "sklearn/metrics/scorer.py", [ "_ThresholdScorer", "__call__" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "DummyScorer", "__call__" ] ], [ "sklearn/utils/deprecation.py", [ "deprecated", "__call__" ] ], [ "sklearn/utils/testing.py", [ "_IgnoreWarnings", "__call__" ] ], [ "sklearn/utils/tests/test_testing.py", [ "RegistrationCounter", "__call__" ] ] ], "format_commit_text": [ [ "doc/sphinxext/sphinx_issues.py", [ "format_commit_text" ] ] ], "plot_gallery": [ [ "examples/applications/plot_face_recognition.py", [ "plot_gallery" ] ], [ "examples/decomposition/plot_faces_decomposition.py", [ "plot_gallery" ] ] ], "title": [ [ "examples/applications/plot_face_recognition.py", [ "title" ] ] ], "generate_data": [ [ "examples/applications/plot_model_complexity_influence.py", [ "generate_data" ] ], [ "examples/classification/plot_lda.py", [ "generate_data" ] ], [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "generate_data" ] ] ], "benchmark_influence": [ [ "examples/applications/plot_model_complexity_influence.py", [ "benchmark_influence" ] ] ], "plot_influence": [ [ "examples/applications/plot_model_complexity_influence.py", [ "plot_influence" ] ] ], "_count_nonzero_coefficients": [ [ "examples/applications/plot_model_complexity_influence.py", [ "_count_nonzero_coefficients" ] ] ], "_not_in_sphinx": [ [ "examples/applications/plot_out_of_core_classification.py", [ "_not_in_sphinx" ] ], [ "examples/applications/plot_prediction_latency.py", [ "_not_in_sphinx" ] ] ], "handle_starttag": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "handle_starttag" ] ] ], "handle_endtag": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "handle_endtag" ] ] ], "_reset": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "_reset" ] ], [ "sklearn/preprocessing/data.py", [ "MinMaxScaler", "_reset" ] ], [ "sklearn/preprocessing/data.py", [ "StandardScaler", "_reset" ] ], [ "sklearn/preprocessing/data.py", [ "MaxAbsScaler", "_reset" ] ] ], "parse": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "parse" ] ] ], "handle_data": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "handle_data" ] ] ], "start_reuters": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "start_reuters" ] ] ], "end_reuters": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "end_reuters" ] ] ], "start_title": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "start_title" ] ] ], "end_title": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "end_title" ] ] ], "start_body": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "start_body" ] ] ], "end_body": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "end_body" ] ] ], "start_topics": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "start_topics" ] ] ], "end_topics": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "end_topics" ] ] ], "start_d": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "start_d" ] ] ], "end_d": [ [ "examples/applications/plot_out_of_core_classification.py", [ "ReutersParser", "end_d" ] ] ], "progress": [ [ "examples/applications/plot_out_of_core_classification.py", [ "stream_reuters_documents", "if_not_os_path_exists_dat", "progress" ] ], [ "examples/applications/plot_out_of_core_classification.py", [ "progress" ] ] ], "stream_reuters_documents": [ [ "examples/applications/plot_out_of_core_classification.py", [ "stream_reuters_documents" ] ] ], "get_minibatch": [ [ "examples/applications/plot_out_of_core_classification.py", [ "get_minibatch" ] ] ], "iter_minibatches": [ [ "examples/applications/plot_out_of_core_classification.py", [ "iter_minibatches" ] ] ], "plot_accuracy": [ [ "examples/applications/plot_out_of_core_classification.py", [ "plot_accuracy" ] ] ], "autolabel": [ [ "examples/applications/plot_out_of_core_classification.py", [ "autolabel" ] ], [ "examples/ensemble/plot_gradient_boosting_early_stopping.py", [ "autolabel" ] ] ], "atomic_benchmark_estimator": [ [ "examples/applications/plot_prediction_latency.py", [ "atomic_benchmark_estimator" ] ] ], "bulk_benchmark_estimator": [ [ "examples/applications/plot_prediction_latency.py", [ "bulk_benchmark_estimator" ] ] ], "benchmark_estimator": [ [ "examples/applications/plot_prediction_latency.py", [ "benchmark_estimator" ] ] ], "generate_dataset": [ [ "examples/applications/plot_prediction_latency.py", [ "generate_dataset" ] ], [ "examples/preprocessing/plot_function_transformer.py", [ "generate_dataset" ] ], [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_predict_proba", "generate_dataset" ] ] ], "boxplot_runtimes": [ [ "examples/applications/plot_prediction_latency.py", [ "boxplot_runtimes" ] ] ], "n_feature_influence": [ [ "examples/applications/plot_prediction_latency.py", [ "n_feature_influence" ] ] ], "plot_n_features_influence": [ [ "examples/applications/plot_prediction_latency.py", [ "plot_n_features_influence" ] ] ], "benchmark_throughputs": [ [ "examples/applications/plot_prediction_latency.py", [ "benchmark_throughputs" ] ] ], "plot_benchmark_throughput": [ [ "examples/applications/plot_prediction_latency.py", [ "plot_benchmark_throughput" ] ] ], "create_species_bunch": [ [ "examples/applications/plot_species_distribution_modeling.py", [ "create_species_bunch" ] ] ], "plot_species_distribution": [ [ "examples/applications/plot_species_distribution_modeling.py", [ "plot_species_distribution" ] ] ], "_weights": [ [ "examples/applications/plot_tomography_l1_reconstruction.py", [ "_weights" ] ] ], "_generate_center_coordinates": [ [ "examples/applications/plot_tomography_l1_reconstruction.py", [ "_generate_center_coordinates" ] ] ], "build_projection_operator": [ [ "examples/applications/plot_tomography_l1_reconstruction.py", [ "build_projection_operator" ] ] ], "generate_synthetic_data": [ [ "examples/applications/plot_tomography_l1_reconstruction.py", [ "generate_synthetic_data" ] ] ], "print_top_words": [ [ "examples/applications/plot_topics_extraction_with_nmf_lda.py", [ "print_top_words" ] ] ], "changed": [ [ "examples/applications/svm_gui.py", [ "Model", "changed" ] ] ], "add_observer": [ [ "examples/applications/svm_gui.py", [ "Model", "add_observer" ] ] ], "set_surface": [ [ "examples/applications/svm_gui.py", [ "Model", "set_surface" ] ] ], "dump_svmlight_file": [ [ "examples/applications/svm_gui.py", [ "Model", "dump_svmlight_file" ] ], [ "sklearn/datasets/svmlight_format.py", [ "dump_svmlight_file" ] ] ], "decision_surface": [ [ "examples/applications/svm_gui.py", [ "Controller", "decision_surface" ] ] ], "clear_data": [ [ "examples/applications/svm_gui.py", [ "Controller", "clear_data" ] ] ], "add_example": [ [ "examples/applications/svm_gui.py", [ "Controller", "add_example" ] ] ], "refit": [ [ "examples/applications/svm_gui.py", [ "Controller", "refit" ] ] ], "plot_kernels": [ [ "examples/applications/svm_gui.py", [ "View", "plot_kernels" ] ] ], "onclick": [ [ "examples/applications/svm_gui.py", [ "View", "onclick" ] ] ], "update_example": [ [ "examples/applications/svm_gui.py", [ "View", "update_example" ] ] ], "update": [ [ "examples/applications/svm_gui.py", [ "View", "update" ] ], [ "sklearn/cluster/birch.py", [ "_CFSubcluster", "update" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "VerboseReporter", "update" ] ] ], "remove_surface": [ [ "examples/applications/svm_gui.py", [ "View", "remove_surface" ] ] ], "plot_support_vectors": [ [ "examples/applications/svm_gui.py", [ "View", "plot_support_vectors" ] ] ], "plot_decision_surface": [ [ "examples/applications/svm_gui.py", [ "View", "plot_decision_surface" ] ] ], "get_parser": [ [ "examples/applications/svm_gui.py", [ "get_parser" ] ] ], "main": [ [ "examples/applications/svm_gui.py", [ "main" ] ], [ "examples/inspection/plot_partial_dependence.py", [ "main" ] ] ], "index": [ [ "examples/applications/wikipedia_principal_eigenvector.py", [ "index" ] ] ], "short_name": [ [ "examples/applications/wikipedia_principal_eigenvector.py", [ "short_name" ] ] ], "get_redirects": [ [ "examples/applications/wikipedia_principal_eigenvector.py", [ "get_redirects" ] ] ], "get_adjacency_matrix": [ [ "examples/applications/wikipedia_principal_eigenvector.py", [ "get_adjacency_matrix" ] ] ], "centrality_scores": [ [ "examples/applications/wikipedia_principal_eigenvector.py", [ "centrality_scores" ] ] ], "number_normalizer": [ [ "examples/bicluster/plot_bicluster_newsgroups.py", [ "number_normalizer" ] ] ], "build_tokenizer": [ [ "examples/bicluster/plot_bicluster_newsgroups.py", [ "NumberNormalizingVectorizer", "build_tokenizer" ] ], [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "build_tokenizer" ] ] ], "bicluster_ncut": [ [ "examples/bicluster/plot_bicluster_newsgroups.py", [ "bicluster_ncut" ] ] ], "most_common": [ [ "examples/bicluster/plot_bicluster_newsgroups.py", [ "most_common" ] ] ], "plot_calibration_curve": [ [ "examples/calibration/plot_calibration_curve.py", [ "plot_calibration_curve" ] ] ], "dataset_fixed_cov": [ [ "examples/classification/plot_lda_qda.py", [ "dataset_fixed_cov" ] ] ], "dataset_cov": [ [ "examples/classification/plot_lda_qda.py", [ "dataset_cov" ] ] ], "plot_data": [ [ "examples/classification/plot_lda_qda.py", [ "plot_data" ] ] ], "plot_ellipse": [ [ "examples/classification/plot_lda_qda.py", [ "plot_ellipse" ] ] ], "plot_lda_cov": [ [ "examples/classification/plot_lda_qda.py", [ "plot_lda_cov" ] ] ], "plot_qda_cov": [ [ "examples/classification/plot_lda_qda.py", [ "plot_qda_cov" ] ] ], "uniform_labelings_scores": [ [ "examples/cluster/plot_adjusted_for_chance_measures.py", [ "uniform_labelings_scores" ] ], [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "uniform_labelings_scores" ] ] ], "ami_score": [ [ "examples/cluster/plot_adjusted_for_chance_measures.py", [ "ami_score" ] ] ], "sqr": [ [ "examples/cluster/plot_agglomerative_clustering_metrics.py", [ "sqr" ] ] ], "recreate_image": [ [ "examples/cluster/plot_color_quantization.py", [ "recreate_image" ] ] ], "nudge_images": [ [ "examples/cluster/plot_digits_linkage.py", [ "nudge_images" ] ] ], "plot_clustering": [ [ "examples/cluster/plot_digits_linkage.py", [ "plot_clustering" ] ] ], "predict": [ [ "examples/cluster/plot_inductive_clustering.py", [ "InductiveClusterer", "predict" ] ], [ "sklearn/calibration.py", [ "CalibratedClassifierCV", "predict" ] ], [ "sklearn/calibration.py", [ "_SigmoidCalibration", "predict" ] ], [ "sklearn/cluster/affinity_propagation_.py", [ "AffinityPropagation", "predict" ] ], [ "sklearn/cluster/birch.py", [ "Birch", "predict" ] ], [ "sklearn/cluster/k_means_.py", [ "KMeans", "predict" ] ], [ "sklearn/cluster/k_means_.py", [ "MiniBatchKMeans", "predict" ] ], [ "sklearn/cluster/mean_shift_.py", [ "MeanShift", "predict" ] ], [ "sklearn/compose/_target.py", [ "TransformedTargetRegressor", "predict" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_invalid_transformer", "NoTrans", "predict" ] ], [ "sklearn/compose/tests/test_target.py", [ "DummyCheckerListRegressor", "predict" ] ], [ "sklearn/covariance/elliptic_envelope.py", [ "EllipticEnvelope", "predict" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "_PLS", "predict" ] ], [ "sklearn/discriminant_analysis.py", [ "QuadraticDiscriminantAnalysis", "predict" ] ], [ "sklearn/dummy.py", [ "DummyClassifier", "predict" ] ], [ "sklearn/dummy.py", [ "DummyRegressor", "predict" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingRegressor", "predict" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingClassifier", "predict" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/predictor.py", [ "TreePredictor", "predict" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingClassifier", "predict" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingRegressor", "predict" ] ], [ "sklearn/ensemble/forest.py", [ "ForestClassifier", "predict" ] ], [ "sklearn/ensemble/forest.py", [ "ForestRegressor", "predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "QuantileEstimator", "predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MeanEstimator", "predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LogOddsEstimator", "predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "PriorProbabilityEstimator", "predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ZeroEstimator", "predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingRegressor", "predict" ] ], [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "predict" ] ], [ "sklearn/ensemble/tests/test_bagging.py", [ "DummyZeroEstimator", "predict" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "_NoSampleWeightWrapper", "predict" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sample_weight_adaboost_regressor", "DummyEstimator", "predict" ] ], [ "sklearn/ensemble/voting.py", [ "VotingClassifier", "predict" ] ], [ "sklearn/ensemble/voting.py", [ "VotingRegressor", "predict" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "predict" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostRegressor", "predict" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "predict" ] ], [ "sklearn/feature_selection/tests/test_rfe.py", [ "MockClassifier", "predict" ] ], [ "sklearn/gaussian_process/gpc.py", [ "_BinaryGaussianProcessClassifierLaplace", "predict" ] ], [ "sklearn/gaussian_process/gpc.py", [ "GaussianProcessClassifier", "predict" ] ], [ "sklearn/gaussian_process/gpr.py", [ "GaussianProcessRegressor", "predict" ] ], [ "sklearn/isotonic.py", [ "IsotonicRegression", "predict" ] ], [ "sklearn/kernel_ridge.py", [ "KernelRidge", "predict" ] ], [ "sklearn/linear_model/base.py", [ "LinearModel", "predict" ] ], [ "sklearn/linear_model/base.py", [ "LinearClassifierMixin", "predict" ] ], [ "sklearn/linear_model/bayes.py", [ "BayesianRidge", "predict" ] ], [ "sklearn/linear_model/bayes.py", [ "ARDRegression", "predict" ] ], [ "sklearn/linear_model/ransac.py", [ "RANSACRegressor", "predict" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDRegressor", "predict" ] ], [ "sklearn/linear_model/tests/test_perceptron.py", [ "MyPerceptron", "predict" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "EstimatorWithFitAndPredict", "predict" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "predict" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "predict" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "MockClassifier", "predict" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "BrokenClassifier", "predict" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "FailingClassifier", "predict" ] ], [ "sklearn/model_selection/tests/test_split.py", [ "MockClassifier", "predict" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockImprovingEstimator", "predict" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockEstimatorWithParameter", "predict" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockEstimatorWithSingleFitCallAllowed", "predict" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockClassifier", "predict" ] ], [ "sklearn/multiclass.py", [ "_ConstantPredictor", "predict" ] ], [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "predict" ] ], [ "sklearn/multiclass.py", [ "OneVsOneClassifier", "predict" ] ], [ "sklearn/multiclass.py", [ "OutputCodeClassifier", "predict" ] ], [ "sklearn/multioutput.py", [ "MultiOutputEstimator", "predict" ] ], [ "sklearn/multioutput.py", [ "_BaseChain", "predict" ] ], [ "sklearn/naive_bayes.py", [ "BaseNB", "predict" ] ], [ "sklearn/neighbors/classification.py", [ "KNeighborsClassifier", "predict" ] ], [ "sklearn/neighbors/classification.py", [ "RadiusNeighborsClassifier", "predict" ] ], [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "predict" ] ], [ "sklearn/neighbors/nearest_centroid.py", [ "NearestCentroid", "predict" ] ], [ "sklearn/neighbors/regression.py", [ "KNeighborsRegressor", "predict" ] ], [ "sklearn/neighbors/regression.py", [ "RadiusNeighborsRegressor", "predict" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPClassifier", "predict" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPRegressor", "predict" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "predict" ] ], [ "sklearn/semi_supervised/label_propagation.py", [ "BaseLabelPropagation", "predict" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "predict" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "predict" ] ], [ "sklearn/svm/classes.py", [ "OneClassSVM", "predict" ] ], [ "sklearn/tests/test_base.py", [ "NoEstimator", "predict" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "predict" ] ], [ "sklearn/tests/test_pipeline.py", [ "Mult", "predict" ] ], [ "sklearn/tests/test_pipeline.py", [ "FitParamT", "predict" ] ], [ "sklearn/tests/test_pipeline.py", [ "DummyEstimatorParams", "predict" ] ], [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "predict" ] ], [ "sklearn/utils/mocking.py", [ "CheckingClassifier", "predict" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "BaseBadClassifier", "predict" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ChangesDict", "predict" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "NoSparseClassifier", "predict" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "CorrectNotFittedErrorClassifier", "predict" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "NoSampleWeightPandasSeriesType", "predict" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "NotInvariantPredict", "predict" ] ], [ "sklearn/utils/tests/test_metaestimators.py", [ "MetaEst", "predict" ] ], [ "sklearn/utils/tests/test_metaestimators.py", [ "MetaEstTestTuple", "predict" ] ], [ "sklearn/utils/tests/test_metaestimators.py", [ "MetaEstTestList", "predict" ] ], [ "sklearn/utils/tests/test_metaestimators.py", [ "HasPredict", "predict" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockEst", "predict" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockMetaEstimator", "predict" ] ] ], "decision_function": [ [ "examples/cluster/plot_inductive_clustering.py", [ "InductiveClusterer", "decision_function" ] ], [ "sklearn/covariance/elliptic_envelope.py", [ "EllipticEnvelope", "decision_function" ] ], [ "sklearn/discriminant_analysis.py", [ "QuadraticDiscriminantAnalysis", "decision_function" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingClassifier", "decision_function" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingClassifier", "decision_function" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "decision_function" ] ], [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "decision_function" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "decision_function" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "decision_function" ] ], [ "sklearn/linear_model/base.py", [ "LinearClassifierMixin", "decision_function" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "_SparseSGDClassifier", "decision_function" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "_SparseSGDRegressor", "decision_function" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "decision_function" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "RFWithDecisionFunction", "decision_function" ] ], [ "sklearn/multiclass.py", [ "_ConstantPredictor", "decision_function" ] ], [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "decision_function" ] ], [ "sklearn/multiclass.py", [ "OneVsOneClassifier", "decision_function" ] ], [ "sklearn/multioutput.py", [ "ClassifierChain", "decision_function" ] ], [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "decision_function" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "decision_function" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "decision_function" ] ], [ "sklearn/svm/classes.py", [ "OneClassSVM", "decision_function" ] ], [ "sklearn/tests/test_calibration.py", [ "test_calibration_accepts_ndarray", "MockTensorClassifier", "decision_function" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "decision_function" ] ] ], "plot_scatter": [ [ "examples/cluster/plot_inductive_clustering.py", [ "plot_scatter" ] ] ], "bench_k_means": [ [ "examples/cluster/plot_kmeans_digits.py", [ "bench_k_means" ] ] ], "make_data": [ [ "examples/cluster/plot_kmeans_stability_low_dim_dense.py", [ "make_data" ] ] ], "plot_2d": [ [ "examples/datasets/plot_random_multilabel_dataset.py", [ "plot_2d" ] ] ], "plot_samples": [ [ "examples/decomposition/plot_ica_vs_pca.py", [ "plot_samples" ] ], [ "examples/mixture/plot_gmm_sin.py", [ "plot_samples" ] ] ], "show_with_diff": [ [ "examples/decomposition/plot_image_denoising.py", [ "show_with_diff" ] ] ], "pdf": [ [ "examples/decomposition/plot_pca_3d.py", [ "pdf" ] ] ], "plot_figs": [ [ "examples/decomposition/plot_pca_3d.py", [ "plot_figs" ] ], [ "examples/linear_model/plot_ols_3d.py", [ "plot_figs" ] ] ], "compute_scores": [ [ "examples/decomposition/plot_pca_vs_fa_model_selection.py", [ "compute_scores" ] ] ], "shrunk_cov_score": [ [ "examples/decomposition/plot_pca_vs_fa_model_selection.py", [ "shrunk_cov_score" ] ] ], "lw_score": [ [ "examples/decomposition/plot_pca_vs_fa_model_selection.py", [ "lw_score" ] ] ], "ricker_function": [ [ "examples/decomposition/plot_sparse_coding.py", [ "ricker_function" ] ] ], "ricker_matrix": [ [ "examples/decomposition/plot_sparse_coding.py", [ "ricker_matrix" ] ] ], "generate": [ [ "examples/ensemble/plot_bias_variance.py", [ "generate" ] ] ], "heldout_score": [ [ "examples/ensemble/plot_gradient_boosting_oob.py", [ "heldout_score" ] ] ], "cv_estimate": [ [ "examples/ensemble/plot_gradient_boosting_oob.py", [ "cv_estimate" ] ] ], "g": [ [ "examples/gaussian_process/plot_gpc_isoprobability.py", [ "g" ] ], [ "sklearn/decomposition/fastica_.py", [ "fastica", "if_fun_logcosh_", "elif_callable_fun_", "g" ] ] ], "load_mauna_loa_atmospheric_co2": [ [ "examples/gaussian_process/plot_gpr_co2.py", [ "load_mauna_loa_atmospheric_co2" ] ] ], "get_scores_for_imputer": [ [ "examples/impute/plot_missing_values.py", [ "get_scores_for_imputer" ] ] ], "get_results": [ [ "examples/impute/plot_missing_values.py", [ "get_results" ] ] ], "func": [ [ "examples/linear_model/plot_bayesian_ridge_curvefit.py", [ "func" ] ], [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_callable_specifier", "func" ] ], [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_multi_to_single", "func" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_derivatives", "func" ] ], [ "sklearn/feature_extraction/tests/test_text.py", [ "test_hashingvectorizer_nan_in_docs", "func" ] ], [ "sklearn/linear_model/tests/test_ridge.py", [ "test_raises_value_error_if_solver_not_supported", "func" ] ], [ "sklearn/utils/tests/test_metaestimators.py", [ "Prefix", "func" ] ], [ "sklearn/utils/tests/test_metaestimators.py", [ "MockMetaEstimator", "func" ] ], [ "sklearn/utils/tests/test_optimize.py", [ "test_newton_cg", "func" ] ] ], "plot_ic_criterion": [ [ "examples/linear_model/plot_lasso_model_selection.py", [ "plot_ic_criterion" ] ] ], "line": [ [ "examples/linear_model/plot_logistic_multinomial.py", [ "for_multi_class_in_mult", "plot_hyperplane", "line" ] ], [ "examples/linear_model/plot_sgd_iris.py", [ "plot_hyperplane", "line" ] ] ], "plot_hyperplane": [ [ "examples/linear_model/plot_logistic_multinomial.py", [ "for_multi_class_in_mult", "plot_hyperplane" ] ], [ "examples/linear_model/plot_sgd_iris.py", [ "plot_hyperplane" ] ], [ "examples/plot_multilabel.py", [ "plot_hyperplane" ] ] ], "load_mnist": [ [ "examples/linear_model/plot_sgd_early_stopping.py", [ "load_mnist" ] ] ], "fit_and_score": [ [ "examples/linear_model/plot_sgd_early_stopping.py", [ "fit_and_score" ] ] ], "modified_huber_loss": [ [ "examples/linear_model/plot_sgd_loss_functions.py", [ "modified_huber_loss" ] ] ], "plot_embedding": [ [ "examples/manifold/plot_lle_digits.py", [ "plot_embedding" ] ] ], "plot_ellipses": [ [ "examples/mixture/plot_concentration_prior.py", [ "plot_ellipses" ] ] ], "make_ellipses": [ [ "examples/mixture/plot_gmm_covariances.py", [ "make_ellipses" ] ] ], "plot_confusion_matrix": [ [ "examples/model_selection/plot_confusion_matrix.py", [ "plot_confusion_matrix" ] ] ], "visualize_groups": [ [ "examples/model_selection/plot_cv_indices.py", [ "visualize_groups" ] ] ], "plot_cv_indices": [ [ "examples/model_selection/plot_cv_indices.py", [ "plot_cv_indices" ] ] ], "lower_bound": [ [ "examples/model_selection/plot_grid_search_refit_callable.py", [ "lower_bound" ] ] ], "best_low_complexity": [ [ "examples/model_selection/plot_grid_search_refit_callable.py", [ "best_low_complexity" ] ] ], "plot_learning_curve": [ [ "examples/model_selection/plot_learning_curve.py", [ "plot_learning_curve" ] ] ], "report": [ [ "examples/model_selection/plot_randomized_search.py", [ "report" ] ] ], "true_fun": [ [ "examples/model_selection/plot_underfitting_overfitting.py", [ "true_fun" ] ] ], "format_func": [ [ "examples/neighbors/plot_kde_1d.py", [ "format_func" ] ] ], "p_i": [ [ "examples/neighbors/plot_nca_illustration.py", [ "p_i" ] ] ], "relate_point": [ [ "examples/neighbors/plot_nca_illustration.py", [ "relate_point" ] ] ], "plot_on_dataset": [ [ "examples/neural_networks/plot_mlp_training_curves.py", [ "plot_on_dataset" ] ] ], "shift": [ [ "examples/neural_networks/plot_rbm_logistic_classification.py", [ "nudge_dataset", "shift" ] ] ], "nudge_dataset": [ [ "examples/neural_networks/plot_rbm_logistic_classification.py", [ "nudge_dataset" ] ] ], "plot_subfigure": [ [ "examples/plot_multilabel.py", [ "plot_subfigure" ] ] ], "create_axes": [ [ "examples/preprocessing/plot_all_scaling.py", [ "create_axes" ] ] ], "plot_distribution": [ [ "examples/preprocessing/plot_all_scaling.py", [ "plot_distribution" ] ] ], "make_plot": [ [ "examples/preprocessing/plot_all_scaling.py", [ "make_plot" ] ] ], "get_name": [ [ "examples/preprocessing/plot_discretization_classification.py", [ "get_name" ] ] ], "_generate_vector": [ [ "examples/preprocessing/plot_function_transformer.py", [ "_generate_vector" ] ] ], "all_but_first_column": [ [ "examples/preprocessing/plot_function_transformer.py", [ "all_but_first_column" ] ] ], "drop_first_component": [ [ "examples/preprocessing/plot_function_transformer.py", [ "drop_first_component" ] ] ], "my_kernel": [ [ "examples/svm/plot_custom_kernel.py", [ "my_kernel" ] ] ], "make_meshgrid": [ [ "examples/svm/plot_iris_svc.py", [ "make_meshgrid" ] ] ], "plot_contours": [ [ "examples/svm/plot_iris_svc.py", [ "plot_contours" ] ] ], "plot_decision_function": [ [ "examples/svm/plot_weighted_samples.py", [ "plot_decision_function" ] ] ], "is_interactive": [ [ "examples/text/plot_document_classification_20newsgroups.py", [ "is_interactive" ] ], [ "examples/text/plot_document_clustering.py", [ "is_interactive" ] ] ], "size_mb": [ [ "examples/text/plot_document_classification_20newsgroups.py", [ "size_mb" ] ] ], "trim": [ [ "examples/text/plot_document_classification_20newsgroups.py", [ "trim" ] ] ], "n_nonzero_columns": [ [ "examples/text/plot_hashing_vs_dict_vectorizer.py", [ "n_nonzero_columns" ] ] ], "tokens": [ [ "examples/text/plot_hashing_vs_dict_vectorizer.py", [ "tokens" ] ] ], "token_freqs": [ [ "examples/text/plot_hashing_vs_dict_vectorizer.py", [ "token_freqs" ] ] ], "entry_sort_key": [ [ "maint_tools/sort_whats_new.py", [ "entry_sort_key" ] ] ], "run": [ [ "setup.py", [ "CleanCommand", "run" ] ] ], "build_extensions": [ [ "setup.py", [ "None_1", "build_ext_subclass", "build_extensions" ] ] ], "configuration": [ [ "setup.py", [ "configuration" ] ], [ "sklearn/__check_build/setup.py", [ "configuration" ] ], [ "sklearn/cluster/setup.py", [ "configuration" ] ], [ "sklearn/datasets/setup.py", [ "configuration" ] ], [ "sklearn/decomposition/setup.py", [ "configuration" ] ], [ "sklearn/ensemble/setup.py", [ "configuration" ] ], [ "sklearn/externals/setup.py", [ "configuration" ] ], [ "sklearn/feature_extraction/setup.py", [ "configuration" ] ], [ "sklearn/linear_model/setup.py", [ "configuration" ] ], [ "sklearn/manifold/setup.py", [ "configuration" ] ], [ "sklearn/metrics/cluster/setup.py", [ "configuration" ] ], [ "sklearn/metrics/setup.py", [ "configuration" ] ], [ "sklearn/neighbors/setup.py", [ "configuration" ] ], [ "sklearn/preprocessing/setup.py", [ "configuration" ] ], [ "sklearn/setup.py", [ "configuration" ] ], [ "sklearn/svm/setup.py", [ "configuration" ] ], [ "sklearn/tree/setup.py", [ "configuration" ] ], [ "sklearn/utils/setup.py", [ "configuration" ] ] ], "get_numpy_status": [ [ "setup.py", [ "get_numpy_status" ] ] ], "setup_package": [ [ "setup.py", [ "setup_package" ] ] ], "raise_build_error": [ [ "sklearn/__check_build/__init__.py", [ "raise_build_error" ] ] ], "setup_module": [ [ "sklearn/__init__.py", [ "setup_module" ] ], [ "sklearn/datasets/tests/test_lfw.py", [ "setup_module" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "setup_module" ] ] ], "atlas_not_found": [ [ "sklearn/_build_utils/__init__.py", [ "get_blas_info", "atlas_not_found" ] ] ], "get_blas_info": [ [ "sklearn/_build_utils/__init__.py", [ "get_blas_info" ] ] ], "build_from_c_and_cpp_files": [ [ "sklearn/_build_utils/__init__.py", [ "build_from_c_and_cpp_files" ] ] ], "maybe_cythonize_extensions": [ [ "sklearn/_build_utils/__init__.py", [ "maybe_cythonize_extensions" ] ] ], "get_openmp_flag": [ [ "sklearn/_build_utils/openmp_helpers.py", [ "get_openmp_flag" ] ] ], "check_openmp_support": [ [ "sklearn/_build_utils/openmp_helpers.py", [ "check_openmp_support" ] ] ], "get_config": [ [ "sklearn/_config.py", [ "get_config" ] ] ], "set_config": [ [ "sklearn/_config.py", [ "set_config" ] ] ], "config_context": [ [ "sklearn/_config.py", [ "config_context" ] ] ], "clone": [ [ "sklearn/base.py", [ "clone" ] ] ], "_pprint": [ [ "sklearn/base.py", [ "_pprint" ] ] ], "_update_if_consistent": [ [ "sklearn/base.py", [ "_update_if_consistent" ] ] ], "_get_param_names": [ [ "sklearn/base.py", [ "BaseEstimator", "_get_param_names" ] ] ], "get_params": [ [ "sklearn/base.py", [ "BaseEstimator", "get_params" ] ], [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "get_params" ] ], [ "sklearn/ensemble/tests/test_base.py", [ "test_set_random_states", "AlphaParamPipeline", "get_params" ] ], [ "sklearn/ensemble/tests/test_base.py", [ "test_set_random_states", "RevParamPipeline", "get_params" ] ], [ "sklearn/ensemble/voting.py", [ "_BaseVoting", "get_params" ] ], [ "sklearn/feature_selection/tests/test_rfe.py", [ "MockClassifier", "get_params" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "get_params" ] ], [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "get_params" ] ], [ "sklearn/gaussian_process/kernels.py", [ "KernelOperator", "get_params" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "get_params" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "MockClassifier", "get_params" ] ], [ "sklearn/model_selection/tests/test_split.py", [ "MockClassifier", "get_params" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockClassifier", "get_params" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "get_params" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "get_params" ] ], [ "sklearn/tests/test_pipeline.py", [ "NoTrans", "get_params" ] ] ], "set_params": [ [ "sklearn/base.py", [ "BaseEstimator", "set_params" ] ], [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "set_params" ] ], [ "sklearn/ensemble/voting.py", [ "_BaseVoting", "set_params" ] ], [ "sklearn/feature_selection/tests/test_rfe.py", [ "MockClassifier", "set_params" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "set_params" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "set_params" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "MockClassifier", "set_params" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "set_params" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "set_params" ] ], [ "sklearn/tests/test_base.py", [ "test_set_params_passes_all_parameters", "TestDecisionTree", "set_params" ] ], [ "sklearn/tests/test_pipeline.py", [ "NoTrans", "set_params" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "RaisesErrorInSetParams", "set_params" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ModifiesValueInsteadOfRaisingError", "set_params" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "ModifiesAnotherValue", "set_params" ] ] ], "__repr__": [ [ "sklearn/base.py", [ "BaseEstimator", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Sum", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Product", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "ConstantKernel", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "WhiteKernel", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "RBF", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Matern", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "RationalQuadratic", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "ExpSineSquared", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "DotProduct", "__repr__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "PairwiseKernel", "__repr__" ] ], [ "sklearn/metrics/scorer.py", [ "_BaseScorer", "__repr__" ] ], [ "sklearn/model_selection/_split.py", [ "BaseCrossValidator", "__repr__" ] ], [ "sklearn/model_selection/_split.py", [ "BaseShuffleSplit", "__repr__" ] ], [ "sklearn/model_selection/tests/test_split.py", [ "test_build_repr", "MockSplitter", "__repr__" ] ], [ "sklearn/tree/_reingold_tilford.py", [ "DrawTree", "__repr__" ] ], [ "sklearn/tree/export.py", [ "Sentinel", "__repr__" ] ], [ "sklearn/utils/_pprint.py", [ "KeyValTuple", "__repr__" ] ], [ "sklearn/utils/testing.py", [ "_IgnoreWarnings", "__repr__" ] ] ], "__getstate__": [ [ "sklearn/base.py", [ "BaseEstimator", "__getstate__" ] ], [ "sklearn/isotonic.py", [ "IsotonicRegression", "__getstate__" ] ], [ "sklearn/tests/test_base.py", [ "TreeBadVersion", "__getstate__" ] ], [ "sklearn/tests/test_base.py", [ "TreeNoVersion", "__getstate__" ] ], [ "sklearn/tests/test_base.py", [ "DontPickleAttributeMixin", "__getstate__" ] ], [ "sklearn/tests/test_base.py", [ "SingleInheritanceEstimator", "__getstate__" ] ], [ "sklearn/utils/fixes.py", [ "if_np_version_1_12_", "MaskedArray", "__getstate__" ] ] ], "__setstate__": [ [ "sklearn/base.py", [ "BaseEstimator", "__setstate__" ] ], [ "sklearn/isotonic.py", [ "IsotonicRegression", "__setstate__" ] ], [ "sklearn/tests/test_base.py", [ "DontPickleAttributeMixin", "__setstate__" ] ], [ "sklearn/utils/__init__.py", [ "Bunch", "__setstate__" ] ] ], "_get_tags": [ [ "sklearn/base.py", [ "BaseEstimator", "_get_tags" ] ] ], "fit_predict": [ [ "sklearn/base.py", [ "ClusterMixin", "fit_predict" ] ], [ "sklearn/base.py", [ "OutlierMixin", "fit_predict" ] ], [ "sklearn/cluster/affinity_propagation_.py", [ "AffinityPropagation", "fit_predict" ] ], [ "sklearn/cluster/dbscan_.py", [ "DBSCAN", "fit_predict" ] ], [ "sklearn/cluster/hierarchical.py", [ "AgglomerativeClustering", "fit_predict" ] ], [ "sklearn/cluster/hierarchical.py", [ "FeatureAgglomeration", "fit_predict" ] ], [ "sklearn/cluster/k_means_.py", [ "KMeans", "fit_predict" ] ], [ "sklearn/cluster/spectral.py", [ "SpectralClustering", "fit_predict" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "fit_predict" ] ], [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "fit_predict" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "fit_predict" ] ], [ "sklearn/tests/test_pipeline.py", [ "FitParamT", "fit_predict" ] ] ], "biclusters_": [ [ "sklearn/base.py", [ "BiclusterMixin", "biclusters_" ] ] ], "get_indices": [ [ "sklearn/base.py", [ "BiclusterMixin", "get_indices" ] ], [ "sklearn/cluster/tests/test_bicluster.py", [ "MockBiclustering", "get_indices" ] ] ], "get_shape": [ [ "sklearn/base.py", [ "BiclusterMixin", "get_shape" ] ] ], "get_submatrix": [ [ "sklearn/base.py", [ "BiclusterMixin", "get_submatrix" ] ] ], "_more_tags": [ [ "sklearn/base.py", [ "MultiOutputMixin", "_more_tags" ] ], [ "sklearn/base.py", [ "_UnstableArchMixin", "_more_tags" ] ], [ "sklearn/compose/_target.py", [ "TransformedTargetRegressor", "_more_tags" ] ], [ "sklearn/cross_decomposition/pls_.py", [ "_PLS", "_more_tags" ] ], [ "sklearn/dummy.py", [ "DummyClassifier", "_more_tags" ] ], [ "sklearn/dummy.py", [ "DummyRegressor", "_more_tags" ] ], [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "_more_tags" ] ], [ "sklearn/feature_extraction/hashing.py", [ "FeatureHasher", "_more_tags" ] ], [ "sklearn/feature_extraction/image.py", [ "PatchExtractor", "_more_tags" ] ], [ "sklearn/feature_extraction/text.py", [ "HashingVectorizer", "_more_tags" ] ], [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "_more_tags" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfTransformer", "_more_tags" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "_more_tags" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "_more_tags" ] ], [ "sklearn/gaussian_process/gpr.py", [ "GaussianProcessRegressor", "_more_tags" ] ], [ "sklearn/impute/_base.py", [ "SimpleImputer", "_more_tags" ] ], [ "sklearn/impute/_base.py", [ "MissingIndicator", "_more_tags" ] ], [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "_more_tags" ] ], [ "sklearn/isotonic.py", [ "IsotonicRegression", "_more_tags" ] ], [ "sklearn/kernel_approximation.py", [ "AdditiveChi2Sampler", "_more_tags" ] ], [ "sklearn/linear_model/coordinate_descent.py", [ "MultiTaskElasticNet", "_more_tags" ] ], [ "sklearn/linear_model/coordinate_descent.py", [ "MultiTaskElasticNetCV", "_more_tags" ] ], [ "sklearn/linear_model/coordinate_descent.py", [ "MultiTaskLassoCV", "_more_tags" ] ], [ "sklearn/multioutput.py", [ "MultiOutputEstimator", "_more_tags" ] ], [ "sklearn/multioutput.py", [ "MultiOutputClassifier", "_more_tags" ] ], [ "sklearn/multioutput.py", [ "ClassifierChain", "_more_tags" ] ], [ "sklearn/multioutput.py", [ "RegressorChain", "_more_tags" ] ], [ "sklearn/naive_bayes.py", [ "BaseDiscreteNB", "_more_tags" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OrdinalEncoder", "_more_tags" ] ], [ "sklearn/preprocessing/_function_transformer.py", [ "FunctionTransformer", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "MinMaxScaler", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "StandardScaler", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "MaxAbsScaler", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "RobustScaler", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "Normalizer", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "Binarizer", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "_more_tags" ] ], [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_more_tags" ] ], [ "sklearn/preprocessing/label.py", [ "LabelEncoder", "_more_tags" ] ], [ "sklearn/preprocessing/label.py", [ "LabelBinarizer", "_more_tags" ] ], [ "sklearn/preprocessing/label.py", [ "MultiLabelBinarizer", "_more_tags" ] ], [ "sklearn/tests/test_base.py", [ "NaNTag", "_more_tags" ] ], [ "sklearn/tests/test_base.py", [ "NoNaNTag", "_more_tags" ] ], [ "sklearn/tests/test_base.py", [ "OverrideTag", "_more_tags" ] ], [ "sklearn/utils/mocking.py", [ "CheckingClassifier", "_more_tags" ] ], [ "sklearn/utils/tests/test_estimator_checks.py", [ "TaggedBinaryClassifier", "_more_tags" ] ] ], "is_classifier": [ [ "sklearn/base.py", [ "is_classifier" ] ] ], "is_regressor": [ [ "sklearn/base.py", [ "is_regressor" ] ] ], "is_outlier_detector": [ [ "sklearn/base.py", [ "is_outlier_detector" ] ] ], "predict_proba": [ [ "sklearn/calibration.py", [ "CalibratedClassifierCV", "predict_proba" ] ], [ "sklearn/calibration.py", [ "_CalibratedClassifier", "predict_proba" ] ], [ "sklearn/discriminant_analysis.py", [ "LinearDiscriminantAnalysis", "predict_proba" ] ], [ "sklearn/discriminant_analysis.py", [ "QuadraticDiscriminantAnalysis", "predict_proba" ] ], [ "sklearn/dummy.py", [ "DummyClassifier", "predict_proba" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingClassifier", "predict_proba" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "BinaryCrossEntropy", "predict_proba" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "CategoricalCrossEntropy", "predict_proba" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingClassifier", "predict_proba" ] ], [ "sklearn/ensemble/forest.py", [ "ForestClassifier", "predict_proba" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ZeroEstimator", "predict_proba" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "predict_proba" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "_NoSampleWeightWrapper", "predict_proba" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_samme_proba", "MockEstimator", "predict_proba" ] ], [ "sklearn/ensemble/voting.py", [ "VotingClassifier", "predict_proba" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "predict_proba" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "predict_proba" ] ], [ "sklearn/gaussian_process/gpc.py", [ "_BinaryGaussianProcessClassifierLaplace", "predict_proba" ] ], [ "sklearn/gaussian_process/gpc.py", [ "GaussianProcessClassifier", "predict_proba" ] ], [ "sklearn/linear_model/logistic.py", [ "LogisticRegression", "predict_proba" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "SGDClassifier", "predict_proba" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "_SparseSGDClassifier", "predict_proba" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "predict_proba" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "predict_proba" ] ], [ "sklearn/multiclass.py", [ "_ConstantPredictor", "predict_proba" ] ], [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "predict_proba" ] ], [ "sklearn/multioutput.py", [ "MultiOutputClassifier", "predict_proba" ] ], [ "sklearn/multioutput.py", [ "ClassifierChain", "predict_proba" ] ], [ "sklearn/naive_bayes.py", [ "BaseNB", "predict_proba" ] ], [ "sklearn/neighbors/classification.py", [ "KNeighborsClassifier", "predict_proba" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPClassifier", "predict_proba" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "predict_proba" ] ], [ "sklearn/semi_supervised/label_propagation.py", [ "BaseLabelPropagation", "predict_proba" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "predict_proba" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "predict_proba" ] ], [ "sklearn/tree/tree.py", [ "DecisionTreeClassifier", "predict_proba" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockEst", "predict_proba" ] ], [ "sklearn/utils/tests/test_testing.py", [ "MockMetaEstimator", "predict_proba" ] ] ], "_preproc": [ [ "sklearn/calibration.py", [ "_CalibratedClassifier", "_preproc" ] ] ], "objective": [ [ "sklearn/calibration.py", [ "_sigmoid_calibration", "objective" ] ] ], "grad": [ [ "sklearn/calibration.py", [ "_sigmoid_calibration", "grad" ] ], [ "sklearn/manifold/tests/test_t_sne.py", [ "test_gradient", "grad" ] ], [ "sklearn/neighbors/tests/test_nca.py", [ "test_finite_differences", "grad" ] ], [ "sklearn/utils/tests/test_optimize.py", [ "test_newton_cg", "grad" ] ] ], "_sigmoid_calibration": [ [ "sklearn/calibration.py", [ "_sigmoid_calibration" ] ] ], "calibration_curve": [ [ "sklearn/calibration.py", [ "calibration_curve" ] ] ], "all_equal_preferences": [ [ "sklearn/cluster/affinity_propagation_.py", [ "_equal_similarities_and_preferences", "all_equal_preferences" ] ] ], "all_equal_similarities": [ [ "sklearn/cluster/affinity_propagation_.py", [ "_equal_similarities_and_preferences", "all_equal_similarities" ] ] ], "_equal_similarities_and_preferences": [ [ "sklearn/cluster/affinity_propagation_.py", [ "_equal_similarities_and_preferences" ] ] ], "affinity_propagation": [ [ "sklearn/cluster/affinity_propagation_.py", [ "affinity_propagation" ] ] ], "_pairwise": [ [ "sklearn/cluster/affinity_propagation_.py", [ "AffinityPropagation", "_pairwise" ] ], [ "sklearn/cluster/spectral.py", [ "SpectralClustering", "_pairwise" ] ], [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "_pairwise" ] ], [ "sklearn/kernel_ridge.py", [ "KernelRidge", "_pairwise" ] ], [ "sklearn/manifold/mds.py", [ "MDS", "_pairwise" ] ], [ "sklearn/manifold/spectral_embedding_.py", [ "SpectralEmbedding", "_pairwise" ] ], [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "_pairwise" ] ], [ "sklearn/multiclass.py", [ "OneVsOneClassifier", "_pairwise" ] ], [ "sklearn/neighbors/base.py", [ "NeighborsBase", "_pairwise" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "_pairwise" ] ], [ "sklearn/preprocessing/data.py", [ "KernelCenterer", "_pairwise" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "_pairwise" ] ] ], "_scale_normalize": [ [ "sklearn/cluster/bicluster.py", [ "_scale_normalize" ] ] ], "_bistochastic_normalize": [ [ "sklearn/cluster/bicluster.py", [ "_bistochastic_normalize" ] ] ], "_log_normalize": [ [ "sklearn/cluster/bicluster.py", [ "_log_normalize" ] ] ], "_check_parameters": [ [ "sklearn/cluster/bicluster.py", [ "BaseSpectral", "_check_parameters" ] ], [ "sklearn/cluster/bicluster.py", [ "SpectralBiclustering", "_check_parameters" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "_check_parameters" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_check_parameters" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_check_parameters" ] ] ], "_svd": [ [ "sklearn/cluster/bicluster.py", [ "BaseSpectral", "_svd" ] ] ], "_k_means": [ [ "sklearn/cluster/bicluster.py", [ "BaseSpectral", "_k_means" ] ] ], "_fit": [ [ "sklearn/cluster/bicluster.py", [ "SpectralCoclustering", "_fit" ] ], [ "sklearn/cluster/bicluster.py", [ "SpectralBiclustering", "_fit" ] ], [ "sklearn/cluster/birch.py", [ "Birch", "_fit" ] ], [ "sklearn/decomposition/fastica_.py", [ "FastICA", "_fit" ] ], [ "sklearn/decomposition/pca.py", [ "PCA", "_fit" ] ], [ "sklearn/ensemble/bagging.py", [ "BaseBagging", "_fit" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "_fit" ] ], [ "sklearn/linear_model/least_angle.py", [ "Lars", "_fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDClassifier", "_fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDRegressor", "_fit" ] ], [ "sklearn/manifold/t_sne.py", [ "TSNE", "_fit" ] ], [ "sklearn/neighbors/base.py", [ "NeighborsBase", "_fit" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_fit" ] ], [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "_fit" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "_fit" ] ], [ "sklearn/preprocessing/_encoders.py", [ "_BaseEncoder", "_fit" ] ], [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_fit" ] ] ], "make_piecewise": [ [ "sklearn/cluster/bicluster.py", [ "SpectralBiclustering", "_fit_best_piecewise", "make_piecewise" ] ] ], "_fit_best_piecewise": [ [ "sklearn/cluster/bicluster.py", [ "SpectralBiclustering", "_fit_best_piecewise" ] ] ], "_project_and_cluster": [ [ "sklearn/cluster/bicluster.py", [ "SpectralBiclustering", "_project_and_cluster" ] ] ], "_iterate_sparse_X": [ [ "sklearn/cluster/birch.py", [ "_iterate_sparse_X" ] ] ], "_split_node": [ [ "sklearn/cluster/birch.py", [ "_split_node" ] ] ], "append_subcluster": [ [ "sklearn/cluster/birch.py", [ "_CFNode", "append_subcluster" ] ] ], "update_split_subclusters": [ [ "sklearn/cluster/birch.py", [ "_CFNode", "update_split_subclusters" ] ] ], "insert_cf_subcluster": [ [ "sklearn/cluster/birch.py", [ "_CFNode", "insert_cf_subcluster" ] ] ], "merge_subcluster": [ [ "sklearn/cluster/birch.py", [ "_CFSubcluster", "merge_subcluster" ] ] ], "radius": [ [ "sklearn/cluster/birch.py", [ "_CFSubcluster", "radius" ] ] ], "_get_leaves": [ [ "sklearn/cluster/birch.py", [ "Birch", "_get_leaves" ] ] ], "partial_fit": [ [ "sklearn/cluster/birch.py", [ "Birch", "partial_fit" ] ], [ "sklearn/cluster/k_means_.py", [ "MiniBatchKMeans", "partial_fit" ] ], [ "sklearn/decomposition/dict_learning.py", [ "MiniBatchDictionaryLearning", "partial_fit" ] ], [ "sklearn/decomposition/incremental_pca.py", [ "IncrementalPCA", "partial_fit" ] ], [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "partial_fit" ] ], [ "sklearn/feature_extraction/text.py", [ "HashingVectorizer", "partial_fit" ] ], [ "sklearn/feature_selection/from_model.py", [ "SelectFromModel", "partial_fit" ] ], [ "sklearn/linear_model/passive_aggressive.py", [ "PassiveAggressiveClassifier", "partial_fit" ] ], [ "sklearn/linear_model/passive_aggressive.py", [ "PassiveAggressiveRegressor", "partial_fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDClassifier", "partial_fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDRegressor", "partial_fit" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "_SparseSGDClassifier", "partial_fit" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "_SparseSGDRegressor", "partial_fit" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockIncrementalImprovingEstimator", "partial_fit" ] ], [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "partial_fit" ] ], [ "sklearn/multiclass.py", [ "OneVsOneClassifier", "partial_fit" ] ], [ "sklearn/multioutput.py", [ "MultiOutputEstimator", "partial_fit" ] ], [ "sklearn/multioutput.py", [ "MultiOutputRegressor", "partial_fit" ] ], [ "sklearn/naive_bayes.py", [ "GaussianNB", "partial_fit" ] ], [ "sklearn/naive_bayes.py", [ "BaseDiscreteNB", "partial_fit" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "partial_fit" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPClassifier", "partial_fit" ] ], [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "partial_fit" ] ], [ "sklearn/preprocessing/data.py", [ "MinMaxScaler", "partial_fit" ] ], [ "sklearn/preprocessing/data.py", [ "StandardScaler", "partial_fit" ] ], [ "sklearn/preprocessing/data.py", [ "MaxAbsScaler", "partial_fit" ] ] ], "_check_fit": [ [ "sklearn/cluster/birch.py", [ "Birch", "_check_fit" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "_check_fit" ] ] ], "_global_clustering": [ [ "sklearn/cluster/birch.py", [ "Birch", "_global_clustering" ] ] ], "dbscan": [ [ "sklearn/cluster/dbscan_.py", [ "dbscan" ] ] ], "_fix_connectivity": [ [ "sklearn/cluster/hierarchical.py", [ "_fix_connectivity" ] ] ], "_single_linkage_tree": [ [ "sklearn/cluster/hierarchical.py", [ "_single_linkage_tree" ] ] ], "ward_tree": [ [ "sklearn/cluster/hierarchical.py", [ "ward_tree" ] ] ], "linkage_tree": [ [ "sklearn/cluster/hierarchical.py", [ "linkage_tree" ] ] ], "_complete_linkage": [ [ "sklearn/cluster/hierarchical.py", [ "_complete_linkage" ] ] ], "_average_linkage": [ [ "sklearn/cluster/hierarchical.py", [ "_average_linkage" ] ] ], "_single_linkage": [ [ "sklearn/cluster/hierarchical.py", [ "_single_linkage" ] ] ], "_hc_cut": [ [ "sklearn/cluster/hierarchical.py", [ "_hc_cut" ] ] ], "n_components_": [ [ "sklearn/cluster/hierarchical.py", [ "AgglomerativeClustering", "n_components_" ] ] ], "_k_init": [ [ "sklearn/cluster/k_means_.py", [ "_k_init" ] ] ], "_validate_center_shape": [ [ "sklearn/cluster/k_means_.py", [ "_validate_center_shape" ] ] ], "_tolerance": [ [ "sklearn/cluster/k_means_.py", [ "_tolerance" ] ] ], "_check_sample_weight": [ [ "sklearn/cluster/k_means_.py", [ "_check_sample_weight" ] ] ], "k_means": [ [ "sklearn/cluster/k_means_.py", [ "k_means" ] ] ], "_kmeans_single_elkan": [ [ "sklearn/cluster/k_means_.py", [ "_kmeans_single_elkan" ] ] ], "_kmeans_single_lloyd": [ [ "sklearn/cluster/k_means_.py", [ "_kmeans_single_lloyd" ] ] ], "_labels_inertia_precompute_dense": [ [ "sklearn/cluster/k_means_.py", [ "_labels_inertia_precompute_dense" ] ] ], "_labels_inertia": [ [ "sklearn/cluster/k_means_.py", [ "_labels_inertia" ] ] ], "_init_centroids": [ [ "sklearn/cluster/k_means_.py", [ "_init_centroids" ] ] ], "_check_test_data": [ [ "sklearn/cluster/k_means_.py", [ "KMeans", "_check_test_data" ] ] ], "_transform": [ [ "sklearn/cluster/k_means_.py", [ "KMeans", "_transform" ] ], [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "_transform" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "_transform" ] ], [ "sklearn/preprocessing/_encoders.py", [ "_BaseEncoder", "_transform" ] ], [ "sklearn/preprocessing/_function_transformer.py", [ "FunctionTransformer", "_transform" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "_transform" ] ], [ "sklearn/preprocessing/label.py", [ "MultiLabelBinarizer", "_transform" ] ] ], "_mini_batch_step": [ [ "sklearn/cluster/k_means_.py", [ "_mini_batch_step" ] ] ], "_mini_batch_convergence": [ [ "sklearn/cluster/k_means_.py", [ "_mini_batch_convergence" ] ] ], "_labels_inertia_minibatch": [ [ "sklearn/cluster/k_means_.py", [ "MiniBatchKMeans", "_labels_inertia_minibatch" ] ] ], "estimate_bandwidth": [ [ "sklearn/cluster/mean_shift_.py", [ "estimate_bandwidth" ] ] ], "_mean_shift_single_seed": [ [ "sklearn/cluster/mean_shift_.py", [ "_mean_shift_single_seed" ] ] ], "mean_shift": [ [ "sklearn/cluster/mean_shift_.py", [ "mean_shift" ] ] ], "get_bin_seeds": [ [ "sklearn/cluster/mean_shift_.py", [ "get_bin_seeds" ] ] ], "_validate_size": [ [ "sklearn/cluster/optics_.py", [ "_validate_size" ] ] ], "_compute_core_distances_": [ [ "sklearn/cluster/optics_.py", [ "_compute_core_distances_" ] ] ], "compute_optics_graph": [ [ "sklearn/cluster/optics_.py", [ "compute_optics_graph" ] ] ], "_set_reach_dist": [ [ "sklearn/cluster/optics_.py", [ "_set_reach_dist" ] ] ], "cluster_optics_dbscan": [ [ "sklearn/cluster/optics_.py", [ "cluster_optics_dbscan" ] ] ], "cluster_optics_xi": [ [ "sklearn/cluster/optics_.py", [ "cluster_optics_xi" ] ] ], "_extend_region": [ [ "sklearn/cluster/optics_.py", [ "_extend_region" ] ] ], "_update_filter_sdas": [ [ "sklearn/cluster/optics_.py", [ "_update_filter_sdas" ] ] ], "_correct_predecessor": [ [ "sklearn/cluster/optics_.py", [ "_correct_predecessor" ] ] ], "_xi_cluster": [ [ "sklearn/cluster/optics_.py", [ "_xi_cluster" ] ] ], "_extract_xi_labels": [ [ "sklearn/cluster/optics_.py", [ "_extract_xi_labels" ] ] ], "discretize": [ [ "sklearn/cluster/spectral.py", [ "discretize" ] ] ], "spectral_clustering": [ [ "sklearn/cluster/spectral.py", [ "spectral_clustering" ] ] ], "generate_clustered_data": [ [ "sklearn/cluster/tests/common.py", [ "generate_clustered_data" ] ] ], "test_affinity_propagation": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_affinity_propagation" ] ] ], "test_affinity_propagation_predict": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_affinity_propagation_predict" ] ] ], "test_affinity_propagation_predict_error": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_affinity_propagation_predict_error" ] ] ], "test_affinity_propagation_fit_non_convergence": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_affinity_propagation_fit_non_convergence" ] ] ], "test_affinity_propagation_equal_mutual_similarities": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_affinity_propagation_equal_mutual_similarities" ] ] ], "test_affinity_propagation_predict_non_convergence": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_affinity_propagation_predict_non_convergence" ] ] ], "test_equal_similarities_and_preferences": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_equal_similarities_and_preferences" ] ] ], "test_affinity_propagation_convergence_warning_dense_sparse": [ [ "sklearn/cluster/tests/test_affinity_propagation.py", [ "test_affinity_propagation_convergence_warning_dense_sparse" ] ] ], "test_get_submatrix": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_get_submatrix" ] ] ], "_test_shape_indices": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "_test_shape_indices" ] ] ], "test_spectral_coclustering": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_spectral_coclustering" ] ] ], "test_spectral_biclustering": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_spectral_biclustering" ] ] ], "_do_scale_test": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "_do_scale_test" ] ] ], "_do_bistochastic_test": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "_do_bistochastic_test" ] ] ], "test_scale_normalize": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_scale_normalize" ] ] ], "test_bistochastic_normalize": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_bistochastic_normalize" ] ] ], "test_log_normalize": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_log_normalize" ] ] ], "test_fit_best_piecewise": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_fit_best_piecewise" ] ] ], "test_project_and_cluster": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_project_and_cluster" ] ] ], "test_perfect_checkerboard": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_perfect_checkerboard" ] ] ], "test_errors": [ [ "sklearn/cluster/tests/test_bicluster.py", [ "test_errors" ] ] ], "test_n_samples_leaves_roots": [ [ "sklearn/cluster/tests/test_birch.py", [ "test_n_samples_leaves_roots" ] ] ], "test_partial_fit": [ [ "sklearn/cluster/tests/test_birch.py", [ "test_partial_fit" ] ], [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_partial_fit" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit" ] ], [ "sklearn/neural_network/tests/test_rbm.py", [ "test_partial_fit" ] ] ], "test_birch_predict": [ [ "sklearn/cluster/tests/test_birch.py", [ "test_birch_predict" ] ] ], "test_n_clusters": [ [ "sklearn/cluster/tests/test_birch.py", [ "test_n_clusters" ] ] ], "test_sparse_X": [ [ "sklearn/cluster/tests/test_birch.py", [ "test_sparse_X" ] ] ], "check_branching_factor": [ [ "sklearn/cluster/tests/test_birch.py", [ "check_branching_factor" ] ] ], "test_branching_factor": [ [ "sklearn/cluster/tests/test_birch.py", [ "test_branching_factor" ] ] ], "check_threshold": [ [ "sklearn/cluster/tests/test_birch.py", [ "check_threshold" ] ] ], "test_threshold": [ [ "sklearn/cluster/tests/test_birch.py", [ "test_threshold" ] ] ], "test_dbscan_similarity": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_similarity" ] ] ], "test_dbscan_feature": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_feature" ] ] ], "test_dbscan_sparse": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_sparse" ] ] ], "test_dbscan_sparse_precomputed": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_sparse_precomputed" ] ] ], "test_dbscan_input_not_modified": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_input_not_modified" ] ] ], "test_dbscan_no_core_samples": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_no_core_samples" ] ] ], "test_dbscan_callable": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_callable" ] ] ], "test_dbscan_metric_params": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_metric_params" ] ] ], "test_dbscan_balltree": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_balltree" ] ] ], "test_input_validation": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_input_validation" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "test_input_validation" ] ], [ "sklearn/tests/test_kernel_approximation.py", [ "test_input_validation" ] ] ], "test_dbscan_badargs": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_badargs" ] ] ], "test_pickle": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_pickle" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_pickle" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_pickle" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "test_pickle" ] ], [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_pickle" ] ], [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_pickle" ] ], [ "sklearn/utils/tests/test_deprecation.py", [ "test_pickle" ] ] ], "test_boundaries": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_boundaries" ] ] ], "test_weighted_dbscan": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_weighted_dbscan" ] ] ], "test_dbscan_core_samples_toy": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_core_samples_toy" ] ] ], "test_dbscan_precomputed_metric_with_degenerate_input_arrays": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_precomputed_metric_with_degenerate_input_arrays" ] ] ], "test_dbscan_precomputed_metric_with_initial_rows_zero": [ [ "sklearn/cluster/tests/test_dbscan.py", [ "test_dbscan_precomputed_metric_with_initial_rows_zero" ] ] ], "test_feature_agglomeration": [ [ "sklearn/cluster/tests/test_feature_agglomeration.py", [ "test_feature_agglomeration" ] ] ], "test_linkage_misc": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_linkage_misc" ] ] ], "test_structured_linkage_tree": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_structured_linkage_tree" ] ] ], "test_unstructured_linkage_tree": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_unstructured_linkage_tree" ] ] ], "test_height_linkage_tree": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_height_linkage_tree" ] ] ], "test_agglomerative_clustering_wrong_arg_memory": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_agglomerative_clustering_wrong_arg_memory" ] ] ], "test_agglomerative_clustering": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_agglomerative_clustering" ] ] ], "test_ward_agglomeration": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_ward_agglomeration" ] ] ], "test_single_linkage_clustering": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_single_linkage_clustering" ] ] ], "assess_same_labelling": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "assess_same_labelling" ] ] ], "test_scikit_vs_scipy": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_scikit_vs_scipy" ] ] ], "test_identical_points": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_identical_points" ] ] ], "test_connectivity_propagation": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_connectivity_propagation" ] ] ], "test_ward_tree_children_order": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_ward_tree_children_order" ] ] ], "test_ward_linkage_tree_return_distance": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_ward_linkage_tree_return_distance" ] ] ], "test_connectivity_fixing_non_lil": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_connectivity_fixing_non_lil" ] ] ], "test_int_float_dict": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_int_float_dict" ] ], [ "sklearn/utils/tests/test_fast_dict.py", [ "test_int_float_dict" ] ] ], "test_connectivity_callable": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_connectivity_callable" ] ] ], "test_connectivity_ignores_diagonal": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_connectivity_ignores_diagonal" ] ] ], "test_compute_full_tree": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_compute_full_tree" ] ] ], "test_n_components": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_n_components" ] ], [ "sklearn/cluster/tests/test_spectral.py", [ "test_n_components" ] ], [ "sklearn/neighbors/tests/test_nca.py", [ "test_n_components" ] ] ], "test_agg_n_clusters": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_agg_n_clusters" ] ] ], "increment": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_affinity_passed_to_fix_connectivity", "FakeAffinity", "increment" ] ] ], "test_affinity_passed_to_fix_connectivity": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_affinity_passed_to_fix_connectivity" ] ] ], "test_agglomerative_clustering_with_distance_threshold": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_agglomerative_clustering_with_distance_threshold" ] ] ], "test_small_distance_threshold": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_small_distance_threshold" ] ] ], "test_cluster_distances_with_distance_threshold": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_cluster_distances_with_distance_threshold" ] ] ], "test_agglomerative_clustering_with_distance_threshold_edge_case": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_agglomerative_clustering_with_distance_threshold_edge_case" ] ] ], "test_dist_threshold_invalid_parameters": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_dist_threshold_invalid_parameters" ] ] ], "test_n_components_deprecation": [ [ "sklearn/cluster/tests/test_hierarchical.py", [ "test_n_components_deprecation" ] ] ], "test_kmeans_results": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_kmeans_results" ] ] ], "test_elkan_results": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_elkan_results" ] ] ], "test_labels_assignment_and_inertia": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_labels_assignment_and_inertia" ] ] ], "test_minibatch_update_consistency": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_update_consistency" ] ] ], "_check_fitted_model": [ [ "sklearn/cluster/tests/test_k_means.py", [ "_check_fitted_model" ] ] ], "test_k_means_new_centers": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_new_centers" ] ] ], "test_k_means_plus_plus_init_2_jobs": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_plus_plus_init_2_jobs" ] ] ], "test_k_means_precompute_distances_flag": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_precompute_distances_flag" ] ] ], "test_k_means_plus_plus_init_not_precomputed": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_plus_plus_init_not_precomputed" ] ] ], "test_k_means_random_init_not_precomputed": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_random_init_not_precomputed" ] ] ], "test_k_means_init": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_init" ] ] ], "test_k_means_n_init": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_n_init" ] ] ], "test_k_means_explicit_init_shape": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_explicit_init_shape" ] ] ], "test_k_means_fortran_aligned_data": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_fortran_aligned_data" ] ] ], "test_k_means_fit_predict": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_fit_predict" ] ] ], "test_mb_kmeans_verbose": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_mb_kmeans_verbose" ] ] ], "test_minibatch_init_with_large_k": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_init_with_large_k" ] ] ], "test_minibatch_k_means_init_multiple_runs_with_explicit_centers": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_k_means_init_multiple_runs_with_explicit_centers" ] ] ], "test_minibatch_k_means_init": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_k_means_init" ] ] ], "test_minibatch_sensible_reassign_fit": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_sensible_reassign_fit" ] ] ], "test_minibatch_sensible_reassign_partial_fit": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_sensible_reassign_partial_fit" ] ] ], "test_minibatch_reassign": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_reassign" ] ] ], "test_minibatch_with_many_reassignments": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_with_many_reassignments" ] ] ], "test_init": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_sparse_mb_k_means_callable_init", "test_init" ] ], [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_init" ] ] ], "test_sparse_mb_k_means_callable_init": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_sparse_mb_k_means_callable_init" ] ] ], "test_mini_batch_k_means_random_init_partial_fit": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_mini_batch_k_means_random_init_partial_fit" ] ] ], "test_minibatch_default_init_size": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_default_init_size" ] ] ], "test_minibatch_tol": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_tol" ] ] ], "test_minibatch_set_init_size": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_minibatch_set_init_size" ] ] ], "test_k_means_invalid_init": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_invalid_init" ] ] ], "test_k_means_copyx": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_copyx" ] ] ], "test_k_means_non_collapsed": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_non_collapsed" ] ] ], "test_score": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_score" ] ], [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_score" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "test_score" ] ] ], "test_predict": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_predict" ] ], [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_predict" ] ] ], "test_predict_minibatch_dense_sparse": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_predict_minibatch_dense_sparse" ] ] ], "test_int_input": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_int_input" ] ] ], "test_transform": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_transform" ] ], [ "sklearn/ensemble/tests/test_voting.py", [ "test_transform" ] ], [ "sklearn/manifold/tests/test_isomap.py", [ "test_transform" ] ], [ "sklearn/neural_network/tests/test_rbm.py", [ "test_transform" ] ] ], "test_fit_transform": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_fit_transform" ] ], [ "sklearn/decomposition/tests/test_fastica.py", [ "test_fit_transform" ] ], [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_fit_transform" ] ], [ "sklearn/preprocessing/tests/test_data.py", [ "test_fit_transform" ] ], [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_fit_transform" ] ] ], "test_predict_equal_labels": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_predict_equal_labels" ] ] ], "test_full_vs_elkan": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_full_vs_elkan" ] ] ], "test_n_init": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_n_init" ] ] ], "test_k_means_function": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_function" ] ] ], "test_x_squared_norms_init_centroids": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_x_squared_norms_init_centroids" ] ] ], "test_max_iter_error": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_max_iter_error" ] ] ], "test_float_precision": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_float_precision" ] ] ], "test_k_means_init_centers": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_init_centers" ] ] ], "test_k_means_init_fitted_centers": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_init_fitted_centers" ] ] ], "test_sparse_validate_centers": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_sparse_validate_centers" ] ] ], "test_less_centers_than_unique_points": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_less_centers_than_unique_points" ] ] ], "_sort_centers": [ [ "sklearn/cluster/tests/test_k_means.py", [ "_sort_centers" ] ] ], "test_weighted_vs_repeated": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_weighted_vs_repeated" ] ] ], "test_unit_weights_vs_no_weights": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_unit_weights_vs_no_weights" ] ] ], "test_scaled_weights": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_scaled_weights" ] ] ], "test_sample_weight_length": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_sample_weight_length" ] ] ], "test_check_sample_weight": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_check_sample_weight" ] ] ], "test_iter_attribute": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_iter_attribute" ] ] ], "test_k_means_empty_cluster_relocated": [ [ "sklearn/cluster/tests/test_k_means.py", [ "test_k_means_empty_cluster_relocated" ] ] ], "test_estimate_bandwidth": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_estimate_bandwidth" ] ] ], "test_estimate_bandwidth_1sample": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_estimate_bandwidth_1sample" ] ] ], "test_mean_shift": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_mean_shift" ] ] ], "test_mean_shift_negative_bandwidth": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_mean_shift_negative_bandwidth" ] ] ], "test_estimate_bandwidth_with_sparse_matrix": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_estimate_bandwidth_with_sparse_matrix" ] ] ], "test_parallel": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_parallel" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_parallel" ] ] ], "test_meanshift_predict": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_meanshift_predict" ] ] ], "test_meanshift_all_orphans": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_meanshift_all_orphans" ] ] ], "test_unfitted": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_unfitted" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_unfitted" ] ] ], "test_cluster_intensity_tie": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_cluster_intensity_tie" ] ] ], "test_bin_seeds": [ [ "sklearn/cluster/tests/test_mean_shift.py", [ "test_bin_seeds" ] ] ], "test_extend_downward": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_extend_downward" ] ] ], "test_extend_upward": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_extend_upward" ] ] ], "test_the_extract_xi_labels": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_the_extract_xi_labels" ] ] ], "test_extract_xi": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_extract_xi" ] ] ], "test_cluster_hierarchy_": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_cluster_hierarchy_" ] ] ], "test_correct_number_of_clusters": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_correct_number_of_clusters" ] ] ], "test_minimum_number_of_sample_check": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_minimum_number_of_sample_check" ] ] ], "test_bad_extract": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_bad_extract" ] ] ], "test_bad_reachability": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_bad_reachability" ] ] ], "test_close_extract": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_close_extract" ] ] ], "test_dbscan_optics_parity": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_dbscan_optics_parity" ] ] ], "test_min_samples_edge_case": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_min_samples_edge_case" ] ] ], "test_min_cluster_size": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_min_cluster_size" ] ] ], "test_min_cluster_size_invalid": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_min_cluster_size_invalid" ] ] ], "test_min_cluster_size_invalid2": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_min_cluster_size_invalid2" ] ] ], "test_processing_order": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_processing_order" ] ] ], "test_compare_to_ELKI": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_compare_to_ELKI" ] ] ], "test_wrong_cluster_method": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_wrong_cluster_method" ] ] ], "test_extract_dbscan": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_extract_dbscan" ] ] ], "test_precomputed_dists": [ [ "sklearn/cluster/tests/test_optics.py", [ "test_precomputed_dists" ] ] ], "test_spectral_clustering": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_spectral_clustering" ] ] ], "test_spectral_unknown_mode": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_spectral_unknown_mode" ] ] ], "test_spectral_unknown_assign_labels": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_spectral_unknown_assign_labels" ] ] ], "test_spectral_clustering_sparse": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_spectral_clustering_sparse" ] ] ], "histogram": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_affinities", "histogram" ] ], [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca", "histogram" ] ] ], "test_affinities": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_affinities" ] ] ], "test_discretize": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_discretize" ] ] ], "test_spectral_clustering_with_arpack_amg_solvers": [ [ "sklearn/cluster/tests/test_spectral.py", [ "test_spectral_clustering_with_arpack_amg_solvers" ] ] ], "_transformers": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_transformers" ] ] ], "_transformers_1": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_transformers_1" ] ] ], "_iter": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_iter" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "_iter" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "_iter" ] ] ], "_validate_transformers": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_validate_transformers" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "_validate_transformers" ] ] ], "_validate_column_callables": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_validate_column_callables" ] ] ], "_validate_remainder": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_validate_remainder" ] ] ], "named_transformers_": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "named_transformers_" ] ] ], "get_feature_names": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "get_feature_names" ] ], [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "get_feature_names" ] ], [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "get_feature_names" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "get_feature_names" ] ], [ "sklearn/preprocessing/_encoders.py", [ "OneHotEncoder", "get_feature_names" ] ], [ "sklearn/preprocessing/data.py", [ "PolynomialFeatures", "get_feature_names" ] ] ], "_update_fitted_transformers": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_update_fitted_transformers" ] ] ], "_validate_output": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_validate_output" ] ] ], "_log_message": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_log_message" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "_log_message" ] ], [ "sklearn/pipeline.py", [ "FeatureUnion", "_log_message" ] ] ], "_hstack": [ [ "sklearn/compose/_column_transformer.py", [ "ColumnTransformer", "_hstack" ] ] ], "_check_X": [ [ "sklearn/compose/_column_transformer.py", [ "_check_X" ] ], [ "sklearn/mixture/base.py", [ "_check_X" ] ], [ "sklearn/preprocessing/_encoders.py", [ "_BaseEncoder", "_check_X" ] ] ], "_check_key_type": [ [ "sklearn/compose/_column_transformer.py", [ "_check_key_type" ] ] ], "_get_column": [ [ "sklearn/compose/_column_transformer.py", [ "_get_column" ] ] ], "_get_column_indices": [ [ "sklearn/compose/_column_transformer.py", [ "_get_column_indices" ] ] ], "_is_empty_column_selection": [ [ "sklearn/compose/_column_transformer.py", [ "_is_empty_column_selection" ] ] ], "_get_transformer_list": [ [ "sklearn/compose/_column_transformer.py", [ "_get_transformer_list" ] ] ], "make_column_transformer": [ [ "sklearn/compose/_column_transformer.py", [ "make_column_transformer" ] ] ], "_fit_transformer": [ [ "sklearn/compose/_target.py", [ "TransformedTargetRegressor", "_fit_transformer" ] ] ], "test_column_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer" ] ] ], "test_column_transformer_dataframe": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_dataframe" ] ] ], "test_column_transformer_empty_columns": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_empty_columns" ] ] ], "test_column_transformer_sparse_array": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_sparse_array" ] ] ], "test_column_transformer_list": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_list" ] ] ], "test_column_transformer_sparse_stacking": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_sparse_stacking" ] ] ], "test_column_transformer_mixed_cols_sparse": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_mixed_cols_sparse" ] ] ], "test_column_transformer_sparse_threshold": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_sparse_threshold" ] ] ], "test_column_transformer_error_msg_1D": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_error_msg_1D" ] ] ], "test_2D_transformer_output": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_2D_transformer_output" ] ] ], "test_2D_transformer_output_pandas": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_2D_transformer_output_pandas" ] ] ], "test_column_transformer_invalid_columns": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_invalid_columns" ] ] ], "test_column_transformer_invalid_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_invalid_transformer" ] ] ], "test_make_column_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_make_column_transformer" ] ] ], "test_make_column_transformer_pandas": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_make_column_transformer_pandas" ] ] ], "test_make_column_transformer_kwargs": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_make_column_transformer_kwargs" ] ] ], "test_make_column_transformer_remainder_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_make_column_transformer_remainder_transformer" ] ] ], "test_column_transformer_get_set_params": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_get_set_params" ] ] ], "test_column_transformer_named_estimators": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_named_estimators" ] ] ], "test_column_transformer_cloning": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_cloning" ] ] ], "test_column_transformer_get_feature_names": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_get_feature_names" ] ] ], "test_column_transformer_special_strings": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_special_strings" ] ] ], "test_column_transformer_remainder": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_remainder" ] ] ], "test_column_transformer_remainder_numpy": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_remainder_numpy" ] ] ], "test_column_transformer_remainder_pandas": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_remainder_pandas" ] ] ], "test_column_transformer_remainder_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_remainder_transformer" ] ] ], "test_column_transformer_no_remaining_remainder_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_no_remaining_remainder_transformer" ] ] ], "test_column_transformer_drops_all_remainder_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_drops_all_remainder_transformer" ] ] ], "test_column_transformer_sparse_remainder_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_sparse_remainder_transformer" ] ] ], "test_column_transformer_drop_all_sparse_remainder_transformer": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_drop_all_sparse_remainder_transformer" ] ] ], "test_column_transformer_get_set_params_with_remainder": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_get_set_params_with_remainder" ] ] ], "test_column_transformer_no_estimators": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_no_estimators" ] ] ], "test_column_transformer_verbose": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_verbose" ] ] ], "test_column_transformer_no_estimators_set_params": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_no_estimators_set_params" ] ] ], "func_1": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_callable_specifier", "func_1" ] ] ], "test_column_transformer_callable_specifier": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_callable_specifier" ] ] ], "test_column_transformer_negative_column_indexes": [ [ "sklearn/compose/tests/test_column_transformer.py", [ "test_column_transformer_negative_column_indexes" ] ] ], "test_transform_target_regressor_error": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_error" ] ] ], "test_transform_target_regressor_invertible": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_invertible" ] ] ], "_check_standard_scaled": [ [ "sklearn/compose/tests/test_target.py", [ "_check_standard_scaled" ] ] ], "_check_shifted_by_one": [ [ "sklearn/compose/tests/test_target.py", [ "_check_shifted_by_one" ] ] ], "test_transform_target_regressor_functions": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_functions" ] ] ], "test_transform_target_regressor_functions_multioutput": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_functions_multioutput" ] ] ], "test_transform_target_regressor_1d_transformer": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_1d_transformer" ] ] ], "test_transform_target_regressor_2d_transformer": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_2d_transformer" ] ] ], "test_transform_target_regressor_2d_transformer_multioutput": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_2d_transformer_multioutput" ] ] ], "inverse_func": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_multi_to_single", "inverse_func" ] ] ], "func_2": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_multi_to_single", "func_2" ] ] ], "test_transform_target_regressor_multi_to_single": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_multi_to_single" ] ] ], "test_transform_target_regressor_ensure_y_array": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_ensure_y_array" ] ] ], "test_transform_target_regressor_count_fit": [ [ "sklearn/compose/tests/test_target.py", [ "test_transform_target_regressor_count_fit" ] ] ], "pyplot": [ [ "sklearn/conftest.py", [ "pyplot" ] ] ], "score_samples": [ [ "sklearn/covariance/elliptic_envelope.py", [ "EllipticEnvelope", "score_samples" ] ], [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "score_samples" ] ], [ "sklearn/decomposition/pca.py", [ "PCA", "score_samples" ] ], [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "score_samples" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "score_samples" ] ], [ "sklearn/neighbors/kde.py", [ "KernelDensity", "score_samples" ] ], [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "score_samples" ] ], [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "score_samples" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "score_samples" ] ], [ "sklearn/svm/classes.py", [ "OneClassSVM", "score_samples" ] ] ], "log_likelihood": [ [ "sklearn/covariance/empirical_covariance_.py", [ "log_likelihood" ] ] ], "empirical_covariance": [ [ "sklearn/covariance/empirical_covariance_.py", [ "empirical_covariance" ] ] ], "_set_covariance": [ [ "sklearn/covariance/empirical_covariance_.py", [ "EmpiricalCovariance", "_set_covariance" ] ] ], "get_precision": [ [ "sklearn/covariance/empirical_covariance_.py", [ "EmpiricalCovariance", "get_precision" ] ], [ "sklearn/decomposition/base.py", [ "_BasePCA", "get_precision" ] ], [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "get_precision" ] ] ], "error_norm": [ [ "sklearn/covariance/empirical_covariance_.py", [ "EmpiricalCovariance", "error_norm" ] ] ], "mahalanobis": [ [ "sklearn/covariance/empirical_covariance_.py", [ "EmpiricalCovariance", "mahalanobis" ] ] ], "_objective": [ [ "sklearn/covariance/graph_lasso_.py", [ "_objective" ] ] ], "_dual_gap": [ [ "sklearn/covariance/graph_lasso_.py", [ "_dual_gap" ] ] ], "alpha_max": [ [ "sklearn/covariance/graph_lasso_.py", [ "alpha_max" ] ] ], "graphical_lasso": [ [ "sklearn/covariance/graph_lasso_.py", [ "graphical_lasso" ] ] ], "graphical_lasso_path": [ [ "sklearn/covariance/graph_lasso_.py", [ "graphical_lasso_path" ] ] ], "c_step": [ [ "sklearn/covariance/robust_covariance.py", [ "c_step" ] ] ], "_c_step": [ [ "sklearn/covariance/robust_covariance.py", [ "_c_step" ] ] ], "select_candidates": [ [ "sklearn/covariance/robust_covariance.py", [ "select_candidates" ] ] ], "fast_mcd": [ [ "sklearn/covariance/robust_covariance.py", [ "fast_mcd" ] ] ], "correct_covariance": [ [ "sklearn/covariance/robust_covariance.py", [ "MinCovDet", "correct_covariance" ] ] ], "reweight_covariance": [ [ "sklearn/covariance/robust_covariance.py", [ "MinCovDet", "reweight_covariance" ] ] ], "shrunk_covariance": [ [ "sklearn/covariance/shrunk_covariance_.py", [ "shrunk_covariance" ] ] ], "ledoit_wolf_shrinkage": [ [ "sklearn/covariance/shrunk_covariance_.py", [ "ledoit_wolf_shrinkage" ] ] ], "ledoit_wolf": [ [ "sklearn/covariance/shrunk_covariance_.py", [ "ledoit_wolf" ] ] ], "oas": [ [ "sklearn/covariance/shrunk_covariance_.py", [ "oas" ] ] ], "test_covariance": [ [ "sklearn/covariance/tests/test_covariance.py", [ "test_covariance" ] ], [ "sklearn/tests/test_discriminant_analysis.py", [ "test_covariance" ] ] ], "test_shrunk_covariance": [ [ "sklearn/covariance/tests/test_covariance.py", [ "test_shrunk_covariance" ] ] ], "test_ledoit_wolf": [ [ "sklearn/covariance/tests/test_covariance.py", [ "test_ledoit_wolf" ] ] ], "_naive_ledoit_wolf_shrinkage": [ [ "sklearn/covariance/tests/test_covariance.py", [ "_naive_ledoit_wolf_shrinkage" ] ] ], "test_ledoit_wolf_small": [ [ "sklearn/covariance/tests/test_covariance.py", [ "test_ledoit_wolf_small" ] ] ], "test_ledoit_wolf_large": [ [ "sklearn/covariance/tests/test_covariance.py", [ "test_ledoit_wolf_large" ] ] ], "test_oas": [ [ "sklearn/covariance/tests/test_covariance.py", [ "test_oas" ] ] ], "test_elliptic_envelope": [ [ "sklearn/covariance/tests/test_elliptic_envelope.py", [ "test_elliptic_envelope" ] ] ], "test_score_samples": [ [ "sklearn/covariance/tests/test_elliptic_envelope.py", [ "test_score_samples" ] ], [ "sklearn/ensemble/tests/test_iforest.py", [ "test_score_samples" ] ], [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_score_samples" ] ], [ "sklearn/neighbors/tests/test_lof.py", [ "test_score_samples" ] ], [ "sklearn/neural_network/tests/test_rbm.py", [ "test_score_samples" ] ] ], "test_graphical_lasso": [ [ "sklearn/covariance/tests/test_graphical_lasso.py", [ "test_graphical_lasso" ] ] ], "test_graphical_lasso_iris": [ [ "sklearn/covariance/tests/test_graphical_lasso.py", [ "test_graphical_lasso_iris" ] ] ], "test_graph_lasso_2D": [ [ "sklearn/covariance/tests/test_graphical_lasso.py", [ "test_graph_lasso_2D" ] ] ], "test_graphical_lasso_iris_singular": [ [ "sklearn/covariance/tests/test_graphical_lasso.py", [ "test_graphical_lasso_iris_singular" ] ] ], "test_graphical_lasso_cv": [ [ "sklearn/covariance/tests/test_graphical_lasso.py", [ "test_graphical_lasso_cv" ] ] ], "test_mcd": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "test_mcd" ] ] ], "test_fast_mcd_on_invalid_input": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "test_fast_mcd_on_invalid_input" ] ] ], "test_mcd_class_on_invalid_input": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "test_mcd_class_on_invalid_input" ] ] ], "launch_mcd_on_dataset": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "launch_mcd_on_dataset" ] ] ], "test_mcd_issue1127": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "test_mcd_issue1127" ] ] ], "test_mcd_issue3367": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "test_mcd_issue3367" ] ] ], "test_mcd_support_covariance_is_zero": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "test_mcd_support_covariance_is_zero" ] ] ], "test_mcd_increasing_det_warning": [ [ "sklearn/covariance/tests/test_robust_covariance.py", [ "test_mcd_increasing_det_warning" ] ] ], "_nipals_twoblocks_inner_loop": [ [ "sklearn/cross_decomposition/pls_.py", [ "_nipals_twoblocks_inner_loop" ] ] ], "_svd_cross_product": [ [ "sklearn/cross_decomposition/pls_.py", [ "_svd_cross_product" ] ] ], "_center_scale_xy": [ [ "sklearn/cross_decomposition/pls_.py", [ "_center_scale_xy" ] ] ], "check_ortho": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_pls", "check_ortho" ] ] ], "test_pls": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_pls" ] ] ], "test_convergence_fail": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_convergence_fail" ] ] ], "test_PLSSVD": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_PLSSVD" ] ] ], "test_univariate_pls_regression": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_univariate_pls_regression" ] ] ], "test_predict_transform_copy": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_predict_transform_copy" ] ] ], "test_scale_and_stability": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_scale_and_stability" ] ] ], "test_pls_errors": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_pls_errors" ] ] ], "test_pls_scaling": [ [ "sklearn/cross_decomposition/tests/test_pls.py", [ "test_pls_scaling" ] ] ], "get_data_home": [ [ "sklearn/datasets/base.py", [ "get_data_home" ] ] ], "clear_data_home": [ [ "sklearn/datasets/base.py", [ "clear_data_home" ] ] ], "load_files": [ [ "sklearn/datasets/base.py", [ "load_files" ] ] ], "load_wine": [ [ "sklearn/datasets/base.py", [ "load_wine" ] ] ], "load_iris": [ [ "sklearn/datasets/base.py", [ "load_iris" ] ] ], "load_breast_cancer": [ [ "sklearn/datasets/base.py", [ "load_breast_cancer" ] ] ], "load_digits": [ [ "sklearn/datasets/base.py", [ "load_digits" ] ] ], "load_diabetes": [ [ "sklearn/datasets/base.py", [ "load_diabetes" ] ] ], "load_linnerud": [ [ "sklearn/datasets/base.py", [ "load_linnerud" ] ] ], "load_boston": [ [ "sklearn/datasets/base.py", [ "load_boston" ] ] ], "load_sample_images": [ [ "sklearn/datasets/base.py", [ "load_sample_images" ] ] ], "load_sample_image": [ [ "sklearn/datasets/base.py", [ "load_sample_image" ] ] ], "_pkl_filepath": [ [ "sklearn/datasets/base.py", [ "_pkl_filepath" ] ] ], "_sha256": [ [ "sklearn/datasets/base.py", [ "_sha256" ] ] ], "_fetch_remote": [ [ "sklearn/datasets/base.py", [ "_fetch_remote" ] ] ], "fetch_california_housing": [ [ "sklearn/datasets/california_housing.py", [ "fetch_california_housing" ] ] ], "fetch_covtype": [ [ "sklearn/datasets/covtype.py", [ "fetch_covtype" ] ] ], "fetch_kddcup99": [ [ "sklearn/datasets/kddcup99.py", [ "fetch_kddcup99" ] ] ], "_fetch_brute_kddcup99": [ [ "sklearn/datasets/kddcup99.py", [ "_fetch_brute_kddcup99" ] ] ], "_mkdirp": [ [ "sklearn/datasets/kddcup99.py", [ "_mkdirp" ] ] ], "_check_fetch_lfw": [ [ "sklearn/datasets/lfw.py", [ "_check_fetch_lfw" ] ] ], "_load_imgs": [ [ "sklearn/datasets/lfw.py", [ "_load_imgs" ] ] ], "_fetch_lfw_people": [ [ "sklearn/datasets/lfw.py", [ "_fetch_lfw_people" ] ] ], "fetch_lfw_people": [ [ "sklearn/datasets/lfw.py", [ "fetch_lfw_people" ] ] ], "_fetch_lfw_pairs": [ [ "sklearn/datasets/lfw.py", [ "_fetch_lfw_pairs" ] ] ], "fetch_lfw_pairs": [ [ "sklearn/datasets/lfw.py", [ "fetch_lfw_pairs" ] ] ], "fetch_olivetti_faces": [ [ "sklearn/datasets/olivetti_faces.py", [ "fetch_olivetti_faces" ] ] ], "_get_local_path": [ [ "sklearn/datasets/openml.py", [ "_get_local_path" ] ] ], "wrapper": [ [ "sklearn/datasets/openml.py", [ "_retry_with_clean_cache", "decorator", "wrapper" ] ], [ "sklearn/externals/six.py", [ "add_metaclass", "wrapper" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "hides", "wrapper" ] ], [ "sklearn/utils/testing.py", [ "_IgnoreWarnings", "__call__", "wrapper" ] ] ], "decorator": [ [ "sklearn/datasets/openml.py", [ "_retry_with_clean_cache", "decorator" ] ] ], "_retry_with_clean_cache": [ [ "sklearn/datasets/openml.py", [ "_retry_with_clean_cache" ] ] ], "is_gzip": [ [ "sklearn/datasets/openml.py", [ "_open_openml_url", "is_gzip" ] ] ], "_open_openml_url": [ [ "sklearn/datasets/openml.py", [ "_open_openml_url" ] ] ], "_load_json": [ [ "sklearn/datasets/openml.py", [ "_get_json_content_from_openml_api", "_load_json" ] ] ], "_get_json_content_from_openml_api": [ [ "sklearn/datasets/openml.py", [ "_get_json_content_from_openml_api" ] ] ], "_split_sparse_columns": [ [ "sklearn/datasets/openml.py", [ "_split_sparse_columns" ] ] ], "_sparse_data_to_array": [ [ "sklearn/datasets/openml.py", [ "_sparse_data_to_array" ] ] ], "_convert_arff_data": [ [ "sklearn/datasets/openml.py", [ "_convert_arff_data" ] ] ], "_get_data_info_by_name": [ [ "sklearn/datasets/openml.py", [ "_get_data_info_by_name" ] ] ], "_get_data_description_by_id": [ [ "sklearn/datasets/openml.py", [ "_get_data_description_by_id" ] ] ], "_get_data_features": [ [ "sklearn/datasets/openml.py", [ "_get_data_features" ] ] ], "_get_data_qualities": [ [ "sklearn/datasets/openml.py", [ "_get_data_qualities" ] ] ], "_get_data_shape": [ [ "sklearn/datasets/openml.py", [ "_get_data_shape" ] ] ], "_arff_load": [ [ "sklearn/datasets/openml.py", [ "_download_data_arff", "_arff_load" ] ] ], "_download_data_arff": [ [ "sklearn/datasets/openml.py", [ "_download_data_arff" ] ] ], "_verify_target_data_type": [ [ "sklearn/datasets/openml.py", [ "_verify_target_data_type" ] ] ], "_valid_data_column_names": [ [ "sklearn/datasets/openml.py", [ "_valid_data_column_names" ] ] ], "fetch_openml": [ [ "sklearn/datasets/openml.py", [ "fetch_openml" ] ] ], "fetch_rcv1": [ [ "sklearn/datasets/rcv1.py", [ "fetch_rcv1" ] ] ], "_inverse_permutation": [ [ "sklearn/datasets/rcv1.py", [ "_inverse_permutation" ] ] ], "_find_permutation": [ [ "sklearn/datasets/rcv1.py", [ "_find_permutation" ] ] ], "_generate_hypercube": [ [ "sklearn/datasets/samples_generator.py", [ "_generate_hypercube" ] ] ], "make_classification": [ [ "sklearn/datasets/samples_generator.py", [ "make_classification" ] ] ], "sample_example": [ [ "sklearn/datasets/samples_generator.py", [ "make_multilabel_classification", "sample_example" ] ] ], "make_multilabel_classification": [ [ "sklearn/datasets/samples_generator.py", [ "make_multilabel_classification" ] ] ], "make_hastie_10_2": [ [ "sklearn/datasets/samples_generator.py", [ "make_hastie_10_2" ] ] ], "make_regression": [ [ "sklearn/datasets/samples_generator.py", [ "make_regression" ] ] ], "make_circles": [ [ "sklearn/datasets/samples_generator.py", [ "make_circles" ] ] ], "make_moons": [ [ "sklearn/datasets/samples_generator.py", [ "make_moons" ] ] ], "make_blobs": [ [ "sklearn/datasets/samples_generator.py", [ "make_blobs" ] ] ], "make_friedman1": [ [ "sklearn/datasets/samples_generator.py", [ "make_friedman1" ] ] ], "make_friedman2": [ [ "sklearn/datasets/samples_generator.py", [ "make_friedman2" ] ] ], "make_friedman3": [ [ "sklearn/datasets/samples_generator.py", [ "make_friedman3" ] ] ], "make_low_rank_matrix": [ [ "sklearn/datasets/samples_generator.py", [ "make_low_rank_matrix" ] ] ], "make_sparse_coded_signal": [ [ "sklearn/datasets/samples_generator.py", [ "make_sparse_coded_signal" ] ] ], "make_sparse_uncorrelated": [ [ "sklearn/datasets/samples_generator.py", [ "make_sparse_uncorrelated" ] ] ], "make_spd_matrix": [ [ "sklearn/datasets/samples_generator.py", [ "make_spd_matrix" ] ] ], "make_sparse_spd_matrix": [ [ "sklearn/datasets/samples_generator.py", [ "make_sparse_spd_matrix" ] ] ], "make_swiss_roll": [ [ "sklearn/datasets/samples_generator.py", [ "make_swiss_roll" ] ] ], "make_s_curve": [ [ "sklearn/datasets/samples_generator.py", [ "make_s_curve" ] ] ], "make_gaussian_quantiles": [ [ "sklearn/datasets/samples_generator.py", [ "make_gaussian_quantiles" ] ] ], "_shuffle": [ [ "sklearn/datasets/samples_generator.py", [ "_shuffle" ] ], [ "sklearn/model_selection/_validation.py", [ "_shuffle" ] ] ], "make_biclusters": [ [ "sklearn/datasets/samples_generator.py", [ "make_biclusters" ] ] ], "make_checkerboard": [ [ "sklearn/datasets/samples_generator.py", [ "make_checkerboard" ] ] ], "_load_coverage": [ [ "sklearn/datasets/species_distributions.py", [ "_load_coverage" ] ] ], "_load_csv": [ [ "sklearn/datasets/species_distributions.py", [ "_load_csv" ] ] ], "construct_grids": [ [ "sklearn/datasets/species_distributions.py", [ "construct_grids" ] ] ], "fetch_species_distributions": [ [ "sklearn/datasets/species_distributions.py", [ "fetch_species_distributions" ] ] ], "_load_svmlight_file": [ [ "sklearn/datasets/svmlight_format.py", [ "if_not_IS_PYPY_", "else_", "_load_svmlight_file" ] ] ], "load_svmlight_file": [ [ "sklearn/datasets/svmlight_format.py", [ "load_svmlight_file" ] ] ], "_gen_open": [ [ "sklearn/datasets/svmlight_format.py", [ "_gen_open" ] ] ], "_open_and_load": [ [ "sklearn/datasets/svmlight_format.py", [ "_open_and_load" ] ] ], "load_svmlight_files": [ [ "sklearn/datasets/svmlight_format.py", [ "load_svmlight_files" ] ] ], "_dump_svmlight": [ [ "sklearn/datasets/svmlight_format.py", [ "_dump_svmlight" ] ] ], "test_20news": [ [ "sklearn/datasets/tests/test_20news.py", [ "test_20news" ] ] ], "test_20news_length_consistency": [ [ "sklearn/datasets/tests/test_20news.py", [ "test_20news_length_consistency" ] ] ], "test_20news_vectorized": [ [ "sklearn/datasets/tests/test_20news.py", [ "test_20news_vectorized" ] ] ], "_remove_dir": [ [ "sklearn/datasets/tests/test_base.py", [ "_remove_dir" ] ] ], "data_home": [ [ "sklearn/datasets/tests/test_base.py", [ "data_home" ] ] ], "load_files_root": [ [ "sklearn/datasets/tests/test_base.py", [ "load_files_root" ] ] ], "test_category_dir_1": [ [ "sklearn/datasets/tests/test_base.py", [ "test_category_dir_1" ] ] ], "test_category_dir_2": [ [ "sklearn/datasets/tests/test_base.py", [ "test_category_dir_2" ] ] ], "test_data_home": [ [ "sklearn/datasets/tests/test_base.py", [ "test_data_home" ] ] ], "test_default_empty_load_files": [ [ "sklearn/datasets/tests/test_base.py", [ "test_default_empty_load_files" ] ] ], "test_default_load_files": [ [ "sklearn/datasets/tests/test_base.py", [ "test_default_load_files" ] ] ], "test_load_files_w_categories_desc_and_encoding": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_files_w_categories_desc_and_encoding" ] ] ], "test_load_files_wo_load_content": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_files_wo_load_content" ] ] ], "test_load_sample_images": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_sample_images" ] ] ], "test_load_digits": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_digits" ] ] ], "test_load_digits_n_class_lt_10": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_digits_n_class_lt_10" ] ] ], "test_load_sample_image": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_sample_image" ] ] ], "test_load_missing_sample_image_error": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_missing_sample_image_error" ] ] ], "test_load_diabetes": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_diabetes" ] ] ], "test_load_linnerud": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_linnerud" ] ] ], "test_load_iris": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_iris" ] ] ], "test_load_wine": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_wine" ] ] ], "test_load_breast_cancer": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_breast_cancer" ] ] ], "test_load_boston": [ [ "sklearn/datasets/tests/test_base.py", [ "test_load_boston" ] ] ], "test_loads_dumps_bunch": [ [ "sklearn/datasets/tests/test_base.py", [ "test_loads_dumps_bunch" ] ] ], "test_bunch_pickle_generated_with_0_16_and_read_with_0_17": [ [ "sklearn/datasets/tests/test_base.py", [ "test_bunch_pickle_generated_with_0_16_and_read_with_0_17" ] ] ], "test_bunch_dir": [ [ "sklearn/datasets/tests/test_base.py", [ "test_bunch_dir" ] ] ], "fetch": [ [ "sklearn/datasets/tests/test_california_housing.py", [ "fetch" ] ], [ "sklearn/datasets/tests/test_covtype.py", [ "fetch" ] ] ], "test_fetch": [ [ "sklearn/datasets/tests/test_california_housing.py", [ "test_fetch" ] ], [ "sklearn/datasets/tests/test_covtype.py", [ "test_fetch" ] ] ], "check_return_X_y": [ [ "sklearn/datasets/tests/test_common.py", [ "check_return_X_y" ] ] ], "test_percent10": [ [ "sklearn/datasets/tests/test_kddcup99.py", [ "test_percent10" ] ] ], "test_shuffle": [ [ "sklearn/datasets/tests/test_kddcup99.py", [ "test_shuffle" ] ], [ "sklearn/neural_network/tests/test_mlp.py", [ "test_shuffle" ] ] ], "teardown_module": [ [ "sklearn/datasets/tests/test_lfw.py", [ "teardown_module" ] ], [ "sklearn/metrics/tests/test_score_objects.py", [ "teardown_module" ] ] ], "test_load_empty_lfw_people": [ [ "sklearn/datasets/tests/test_lfw.py", [ "test_load_empty_lfw_people" ] ] ], "test_load_fake_lfw_people": [ [ "sklearn/datasets/tests/test_lfw.py", [ "test_load_fake_lfw_people" ] ] ], "test_load_fake_lfw_people_too_restrictive": [ [ "sklearn/datasets/tests/test_lfw.py", [ "test_load_fake_lfw_people_too_restrictive" ] ] ], "test_load_empty_lfw_pairs": [ [ "sklearn/datasets/tests/test_lfw.py", [ "test_load_empty_lfw_pairs" ] ] ], "test_load_fake_lfw_pairs": [ [ "sklearn/datasets/tests/test_lfw.py", [ "test_load_fake_lfw_pairs" ] ] ], "decode_column": [ [ "sklearn/datasets/tests/test_openml.py", [ "_test_features_list", "decode_column" ] ] ], "_test_features_list": [ [ "sklearn/datasets/tests/test_openml.py", [ "_test_features_list" ] ] ], "_fetch_dataset_from_openml": [ [ "sklearn/datasets/tests/test_openml.py", [ "_fetch_dataset_from_openml" ] ] ], "read": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "MockHTTPResponse", "read" ] ] ], "tell": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "MockHTTPResponse", "tell" ] ] ], "seek": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "MockHTTPResponse", "seek" ] ] ], "close": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "MockHTTPResponse", "close" ] ] ], "info": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "MockHTTPResponse", "info" ] ] ], "_file_name": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "_file_name" ] ] ], "_mock_urlopen_data_description": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "_mock_urlopen_data_description" ] ] ], "_mock_urlopen_data_features": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "_mock_urlopen_data_features" ] ] ], "_mock_urlopen_download_data": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "_mock_urlopen_download_data" ] ] ], "_mock_urlopen_data_list": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "_mock_urlopen_data_list" ] ] ], "_mock_urlopen": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions", "_mock_urlopen" ] ], [ "sklearn/datasets/tests/test_openml.py", [ "test_open_openml_url_unlinks_local_path", "_mock_urlopen" ] ] ], "_monkey_patch_webbased_functions": [ [ "sklearn/datasets/tests/test_openml.py", [ "_monkey_patch_webbased_functions" ] ] ], "test_fetch_openml_iris": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_iris" ] ] ], "test_decode_iris": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_decode_iris" ] ] ], "test_fetch_openml_iris_multitarget": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_iris_multitarget" ] ] ], "test_fetch_openml_anneal": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_anneal" ] ] ], "test_decode_anneal": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_decode_anneal" ] ] ], "test_fetch_openml_anneal_multitarget": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_anneal_multitarget" ] ] ], "test_fetch_openml_cpu": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_cpu" ] ] ], "test_decode_cpu": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_decode_cpu" ] ] ], "test_fetch_openml_australian": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_australian" ] ] ], "test_fetch_openml_adultcensus": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_adultcensus" ] ] ], "test_fetch_openml_miceprotein": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_miceprotein" ] ] ], "test_fetch_openml_emotions": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_emotions" ] ] ], "test_decode_emotions": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_decode_emotions" ] ] ], "test_open_openml_url_cache": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_open_openml_url_cache" ] ] ], "test_open_openml_url_unlinks_local_path": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_open_openml_url_unlinks_local_path" ] ] ], "_load_data": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_retry_with_clean_cache", "_load_data" ] ], [ "sklearn/datasets/tests/test_openml.py", [ "test_retry_with_clean_cache_http_error", "_load_data" ] ] ], "test_retry_with_clean_cache": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_retry_with_clean_cache" ] ] ], "test_retry_with_clean_cache_http_error": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_retry_with_clean_cache_http_error" ] ] ], "_mock_urlopen_raise": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_cache", "_mock_urlopen_raise" ] ] ], "test_fetch_openml_cache": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_cache" ] ] ], "test_fetch_openml_notarget": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_notarget" ] ] ], "test_fetch_openml_inactive": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_inactive" ] ] ], "test_fetch_nonexiting": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_nonexiting" ] ] ], "test_raises_illegal_multitarget": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_raises_illegal_multitarget" ] ] ], "test_warn_ignore_attribute": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_warn_ignore_attribute" ] ] ], "test_string_attribute": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_string_attribute" ] ] ], "test_dataset_with_openml_error": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_dataset_with_openml_error" ] ] ], "test_dataset_with_openml_warning": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_dataset_with_openml_warning" ] ] ], "test_illegal_column": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_illegal_column" ] ] ], "test_fetch_openml_raises_missing_values_target": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_raises_missing_values_target" ] ] ], "test_fetch_openml_raises_illegal_argument": [ [ "sklearn/datasets/tests/test_openml.py", [ "test_fetch_openml_raises_illegal_argument" ] ] ], "test_fetch_rcv1": [ [ "sklearn/datasets/tests/test_rcv1.py", [ "test_fetch_rcv1" ] ] ], "test_make_classification": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_classification" ] ] ], "test_make_classification_informative_features": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_classification_informative_features" ] ] ], "test_make_multilabel_classification_return_sequences": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_multilabel_classification_return_sequences" ] ] ], "test_make_multilabel_classification_return_indicator": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_multilabel_classification_return_indicator" ] ] ], "test_make_multilabel_classification_return_indicator_sparse": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_multilabel_classification_return_indicator_sparse" ] ] ], "test_make_hastie_10_2": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_hastie_10_2" ] ] ], "test_make_regression": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_regression" ] ] ], "test_make_regression_multitarget": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_regression_multitarget" ] ] ], "test_make_blobs": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_blobs" ] ] ], "test_make_blobs_n_samples_list": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_blobs_n_samples_list" ] ] ], "test_make_blobs_n_samples_list_with_centers": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_blobs_n_samples_list_with_centers" ] ] ], "test_make_blobs_n_samples_centers_none": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_blobs_n_samples_centers_none" ] ] ], "test_make_blobs_error": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_blobs_error" ] ] ], "test_make_friedman1": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_friedman1" ] ] ], "test_make_friedman2": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_friedman2" ] ] ], "test_make_friedman3": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_friedman3" ] ] ], "test_make_low_rank_matrix": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_low_rank_matrix" ] ] ], "test_make_sparse_coded_signal": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_sparse_coded_signal" ] ] ], "test_make_sparse_uncorrelated": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_sparse_uncorrelated" ] ] ], "test_make_spd_matrix": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_spd_matrix" ] ] ], "test_make_swiss_roll": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_swiss_roll" ] ] ], "test_make_s_curve": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_s_curve" ] ] ], "test_make_biclusters": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_biclusters" ] ] ], "test_make_checkerboard": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_checkerboard" ] ] ], "test_make_moons": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_moons" ] ] ], "test_make_circles": [ [ "sklearn/datasets/tests/test_samples_generator.py", [ "test_make_circles" ] ] ], "test_load_svmlight_file": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_svmlight_file" ] ] ], "test_load_svmlight_file_fd": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_svmlight_file_fd" ] ] ], "test_load_svmlight_file_multilabel": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_svmlight_file_multilabel" ] ] ], "test_load_svmlight_files": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_svmlight_files" ] ] ], "test_load_svmlight_file_n_features": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_svmlight_file_n_features" ] ] ], "test_load_compressed": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_compressed" ] ] ], "test_load_invalid_file": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_invalid_file" ] ] ], "test_load_invalid_order_file": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_invalid_order_file" ] ] ], "test_load_zero_based": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_zero_based" ] ] ], "test_load_zero_based_auto": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_zero_based_auto" ] ] ], "test_load_with_qid": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_with_qid" ] ] ], "test_load_large_qid": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_large_qid" ] ] ], "test_load_invalid_file2": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_invalid_file2" ] ] ], "test_not_a_filename": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_not_a_filename" ] ] ], "test_invalid_filename": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_invalid_filename" ] ] ], "test_dump": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_dump" ] ] ], "test_dump_multilabel": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_dump_multilabel" ] ] ], "test_dump_concise": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_dump_concise" ] ] ], "test_dump_comment": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_dump_comment" ] ] ], "test_dump_invalid": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_dump_invalid" ] ] ], "test_dump_query_id": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_dump_query_id" ] ] ], "test_load_with_long_qid": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_with_long_qid" ] ] ], "test_load_zeros": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_zeros" ] ] ], "test_load_with_offsets": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_with_offsets" ] ] ], "test_load_offset_exhaustive_splits": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_offset_exhaustive_splits" ] ] ], "test_load_with_offsets_error": [ [ "sklearn/datasets/tests/test_svmlight_format.py", [ "test_load_with_offsets_error" ] ] ], "_download_20newsgroups": [ [ "sklearn/datasets/twenty_newsgroups.py", [ "_download_20newsgroups" ] ] ], "strip_newsgroup_header": [ [ "sklearn/datasets/twenty_newsgroups.py", [ "strip_newsgroup_header" ] ] ], "strip_newsgroup_quoting": [ [ "sklearn/datasets/twenty_newsgroups.py", [ "strip_newsgroup_quoting" ] ] ], "strip_newsgroup_footer": [ [ "sklearn/datasets/twenty_newsgroups.py", [ "strip_newsgroup_footer" ] ] ], "fetch_20newsgroups": [ [ "sklearn/datasets/twenty_newsgroups.py", [ "fetch_20newsgroups" ] ] ], "fetch_20newsgroups_vectorized": [ [ "sklearn/datasets/twenty_newsgroups.py", [ "fetch_20newsgroups_vectorized" ] ] ], "get_covariance": [ [ "sklearn/decomposition/base.py", [ "_BasePCA", "get_covariance" ] ], [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "get_covariance" ] ] ], "_check_positive_coding": [ [ "sklearn/decomposition/dict_learning.py", [ "_check_positive_coding" ] ] ], "_sparse_encode": [ [ "sklearn/decomposition/dict_learning.py", [ "_sparse_encode" ] ] ], "sparse_encode": [ [ "sklearn/decomposition/dict_learning.py", [ "sparse_encode" ] ] ], "_update_dict": [ [ "sklearn/decomposition/dict_learning.py", [ "_update_dict" ] ] ], "dict_learning": [ [ "sklearn/decomposition/dict_learning.py", [ "dict_learning" ] ] ], "dict_learning_online": [ [ "sklearn/decomposition/dict_learning.py", [ "dict_learning_online" ] ] ], "_set_sparse_coding_params": [ [ "sklearn/decomposition/dict_learning.py", [ "SparseCodingMixin", "_set_sparse_coding_params" ] ] ], "my_svd": [ [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "fit", "if_self_svd_method_la", "my_svd" ] ], [ "sklearn/decomposition/factor_analysis.py", [ "FactorAnalysis", "fit", "if_self_svd_method_la", "elif_self_svd_method_", "my_svd" ] ] ], "_gs_decorrelation": [ [ "sklearn/decomposition/fastica_.py", [ "_gs_decorrelation" ] ] ], "_sym_decorrelation": [ [ "sklearn/decomposition/fastica_.py", [ "_sym_decorrelation" ] ] ], "_ica_def": [ [ "sklearn/decomposition/fastica_.py", [ "_ica_def" ] ] ], "_ica_par": [ [ "sklearn/decomposition/fastica_.py", [ "_ica_par" ] ] ], "_logcosh": [ [ "sklearn/decomposition/fastica_.py", [ "_logcosh" ] ] ], "_exp": [ [ "sklearn/decomposition/fastica_.py", [ "_exp" ] ] ], "_cube": [ [ "sklearn/decomposition/fastica_.py", [ "_cube" ] ] ], "fastica": [ [ "sklearn/decomposition/fastica_.py", [ "fastica" ] ] ], "_get_kernel": [ [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "_get_kernel" ] ], [ "sklearn/kernel_ridge.py", [ "KernelRidge", "_get_kernel" ] ], [ "sklearn/semi_supervised/label_propagation.py", [ "BaseLabelPropagation", "_get_kernel" ] ] ], "_fit_inverse_transform": [ [ "sklearn/decomposition/kernel_pca.py", [ "KernelPCA", "_fit_inverse_transform" ] ] ], "norm": [ [ "sklearn/decomposition/nmf.py", [ "norm" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "norm" ] ] ], "trace_dot": [ [ "sklearn/decomposition/nmf.py", [ "trace_dot" ] ] ], "_check_init": [ [ "sklearn/decomposition/nmf.py", [ "_check_init" ] ] ], "_beta_divergence": [ [ "sklearn/decomposition/nmf.py", [ "_beta_divergence" ] ] ], "_special_sparse_dot": [ [ "sklearn/decomposition/nmf.py", [ "_special_sparse_dot" ] ] ], "_compute_regularization": [ [ "sklearn/decomposition/nmf.py", [ "_compute_regularization" ] ] ], "_check_string_param": [ [ "sklearn/decomposition/nmf.py", [ "_check_string_param" ] ] ], "_beta_loss_to_float": [ [ "sklearn/decomposition/nmf.py", [ "_beta_loss_to_float" ] ] ], "_initialize_nmf": [ [ "sklearn/decomposition/nmf.py", [ "_initialize_nmf" ] ] ], "_update_coordinate_descent": [ [ "sklearn/decomposition/nmf.py", [ "_update_coordinate_descent" ] ] ], "_fit_coordinate_descent": [ [ "sklearn/decomposition/nmf.py", [ "_fit_coordinate_descent" ] ] ], "_multiplicative_update_w": [ [ "sklearn/decomposition/nmf.py", [ "_multiplicative_update_w" ] ] ], "_multiplicative_update_h": [ [ "sklearn/decomposition/nmf.py", [ "_multiplicative_update_h" ] ] ], "_fit_multiplicative_update": [ [ "sklearn/decomposition/nmf.py", [ "_fit_multiplicative_update" ] ] ], "non_negative_factorization": [ [ "sklearn/decomposition/nmf.py", [ "non_negative_factorization" ] ] ], "_update_doc_distribution": [ [ "sklearn/decomposition/online_lda.py", [ "_update_doc_distribution" ] ] ], "_check_params": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_check_params" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_check_params" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "_check_params" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "_BaseFilter", "_check_params" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "SelectPercentile", "_check_params" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "SelectKBest", "_check_params" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "GenericUnivariateSelect", "_check_params" ] ], [ "sklearn/neighbors/graph.py", [ "_check_params" ] ] ], "_init_latent_vars": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_init_latent_vars" ] ] ], "_e_step": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_e_step" ] ], [ "sklearn/mixture/base.py", [ "BaseMixture", "_e_step" ] ] ], "_em_step": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_em_step" ] ] ], "_check_non_neg_array": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_check_non_neg_array" ] ] ], "_unnormalized_transform": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_unnormalized_transform" ] ] ], "_loglikelihood": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_approx_bound", "_loglikelihood" ] ] ], "_approx_bound": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_approx_bound" ] ] ], "_perplexity_precomp_distr": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "_perplexity_precomp_distr" ] ] ], "perplexity": [ [ "sklearn/decomposition/online_lda.py", [ "LatentDirichletAllocation", "perplexity" ] ] ], "_assess_dimension_": [ [ "sklearn/decomposition/pca.py", [ "_assess_dimension_" ] ] ], "_infer_dimension_": [ [ "sklearn/decomposition/pca.py", [ "_infer_dimension_" ] ] ], "_fit_full": [ [ "sklearn/decomposition/pca.py", [ "PCA", "_fit_full" ] ] ], "_fit_truncated": [ [ "sklearn/decomposition/pca.py", [ "PCA", "_fit_truncated" ] ] ], "_check_normalize_components": [ [ "sklearn/decomposition/sparse_pca.py", [ "_check_normalize_components" ] ] ], "test_sparse_encode_shapes_omp": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_encode_shapes_omp" ] ] ], "test_dict_learning_shapes": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_shapes" ] ] ], "test_dict_learning_overcomplete": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_overcomplete" ] ] ], "test_dict_learning_lars_positive_parameter": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_lars_positive_parameter" ] ] ], "test_dict_learning_positivity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_positivity" ] ] ], "test_dict_learning_lars_dict_positivity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_lars_dict_positivity" ] ] ], "test_dict_learning_lars_code_positivity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_lars_code_positivity" ] ] ], "test_dict_learning_reconstruction": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_reconstruction" ] ] ], "test_dict_learning_reconstruction_parallel": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_reconstruction_parallel" ] ] ], "test_dict_learning_lassocd_readonly_data": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_lassocd_readonly_data" ] ] ], "test_dict_learning_nonzero_coefs": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_nonzero_coefs" ] ] ], "test_dict_learning_unknown_fit_algorithm": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_unknown_fit_algorithm" ] ] ], "test_dict_learning_split": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_split" ] ] ], "test_dict_learning_online_shapes": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_shapes" ] ] ], "test_dict_learning_online_lars_positive_parameter": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_lars_positive_parameter" ] ] ], "test_minibatch_dictionary_learning_positivity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_minibatch_dictionary_learning_positivity" ] ] ], "test_minibatch_dictionary_learning_lars": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_minibatch_dictionary_learning_lars" ] ] ], "test_dict_learning_online_positivity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_positivity" ] ] ], "test_dict_learning_online_verbosity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_verbosity" ] ] ], "test_dict_learning_online_estimator_shapes": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_estimator_shapes" ] ] ], "test_dict_learning_online_overcomplete": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_overcomplete" ] ] ], "test_dict_learning_online_initialization": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_initialization" ] ] ], "test_dict_learning_online_readonly_initialization": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_readonly_initialization" ] ] ], "test_dict_learning_online_partial_fit": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_dict_learning_online_partial_fit" ] ] ], "test_sparse_encode_shapes": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_encode_shapes" ] ] ], "test_sparse_encode_positivity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_encode_positivity" ] ] ], "test_sparse_encode_unavailable_positivity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_encode_unavailable_positivity" ] ] ], "test_sparse_encode_input": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_encode_input" ] ] ], "test_sparse_encode_error": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_encode_error" ] ] ], "test_sparse_encode_error_default_sparsity": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_encode_error_default_sparsity" ] ] ], "test_unknown_method": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_unknown_method" ] ] ], "test_sparse_coder_estimator": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_coder_estimator" ] ] ], "test_sparse_coder_parallel_mmap": [ [ "sklearn/decomposition/tests/test_dict_learning.py", [ "test_sparse_coder_parallel_mmap" ] ] ], "test_factor_analysis": [ [ "sklearn/decomposition/tests/test_factor_analysis.py", [ "test_factor_analysis" ] ] ], "center_and_norm": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "center_and_norm" ] ] ], "test_gs": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_gs" ] ] ], "g_test": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_fastica_simple", "g_test" ] ] ], "test_fastica_simple": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_fastica_simple" ] ] ], "test_fastica_nowhiten": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_fastica_nowhiten" ] ] ], "test_fastica_convergence_fail": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_fastica_convergence_fail" ] ] ], "test_non_square_fastica": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_non_square_fastica" ] ] ], "test_inverse_transform": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_inverse_transform" ] ], [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_inverse_transform" ] ], [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_inverse_transform" ] ], [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_inverse_transform" ] ] ], "test_fastica_errors": [ [ "sklearn/decomposition/tests/test_fastica.py", [ "test_fastica_errors" ] ] ], "test_incremental_pca": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca" ] ] ], "test_incremental_pca_check_projection": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_check_projection" ] ] ], "test_incremental_pca_inverse": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_inverse" ] ] ], "test_incremental_pca_validation": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_validation" ] ] ], "test_n_components_none": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_n_components_none" ] ], [ "sklearn/decomposition/tests/test_pca.py", [ "test_n_components_none" ] ] ], "test_incremental_pca_set_params": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_set_params" ] ] ], "test_incremental_pca_num_features_change": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_num_features_change" ] ] ], "test_incremental_pca_batch_signs": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_batch_signs" ] ] ], "test_incremental_pca_batch_values": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_batch_values" ] ] ], "test_incremental_pca_batch_rank": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_batch_rank" ] ] ], "test_incremental_pca_partial_fit": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_partial_fit" ] ] ], "test_incremental_pca_against_pca_iris": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_against_pca_iris" ] ] ], "test_incremental_pca_against_pca_random_data": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_against_pca_random_data" ] ] ], "test_explained_variances": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_explained_variances" ] ] ], "test_singular_values": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_singular_values" ] ], [ "sklearn/decomposition/tests/test_pca.py", [ "test_singular_values" ] ], [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_singular_values" ] ] ], "test_whitening": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_whitening" ] ], [ "sklearn/decomposition/tests/test_pca.py", [ "test_whitening" ] ] ], "test_incremental_pca_partial_fit_float_division": [ [ "sklearn/decomposition/tests/test_incremental_pca.py", [ "test_incremental_pca_partial_fit_float_division" ] ] ], "test_kernel_pca": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca" ] ] ], "test_kernel_pca_invalid_parameters": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_invalid_parameters" ] ] ], "test_kernel_pca_consistent_transform": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_consistent_transform" ] ] ], "test_kernel_pca_deterministic_output": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_deterministic_output" ] ] ], "test_kernel_pca_sparse": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_sparse" ] ] ], "test_kernel_pca_linear_kernel": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_linear_kernel" ] ] ], "test_kernel_pca_n_components": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_n_components" ] ] ], "test_remove_zero_eig": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_remove_zero_eig" ] ] ], "test_leave_zero_eig": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_leave_zero_eig" ] ] ], "test_kernel_pca_precomputed": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_precomputed" ] ] ], "test_kernel_pca_invalid_kernel": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_kernel_pca_invalid_kernel" ] ] ], "test_gridsearch_pipeline": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_gridsearch_pipeline" ] ], [ "sklearn/utils/tests/test_pprint.py", [ "test_gridsearch_pipeline" ] ] ], "test_gridsearch_pipeline_precomputed": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_gridsearch_pipeline_precomputed" ] ] ], "test_nested_circles": [ [ "sklearn/decomposition/tests/test_kernel_pca.py", [ "test_nested_circles" ] ] ], "test_initialize_nn_output": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_initialize_nn_output" ] ] ], "test_parameter_checking": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_parameter_checking" ] ] ], "test_initialize_close": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_initialize_close" ] ] ], "test_initialize_variants": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_initialize_variants" ] ] ], "test_nmf_fit_nn_output": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_fit_nn_output" ] ] ], "test_nmf_fit_close": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_fit_close" ] ] ], "test_nmf_transform": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_transform" ] ] ], "test_nmf_transform_custom_init": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_transform_custom_init" ] ] ], "test_nmf_inverse_transform": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_inverse_transform" ] ] ], "test_n_components_greater_n_features": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_n_components_greater_n_features" ] ] ], "test_nmf_sparse_input": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_sparse_input" ] ] ], "test_nmf_sparse_transform": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_sparse_transform" ] ] ], "test_non_negative_factorization_consistency": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_non_negative_factorization_consistency" ] ] ], "test_non_negative_factorization_checking": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_non_negative_factorization_checking" ] ] ], "_beta_divergence_dense": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "_beta_divergence_dense" ] ] ], "test_beta_divergence": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_beta_divergence" ] ] ], "test_special_sparse_dot": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_special_sparse_dot" ] ] ], "test_nmf_multiplicative_update_sparse": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_multiplicative_update_sparse" ] ] ], "_assert_nmf_no_nan": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_negative_beta_loss", "_assert_nmf_no_nan" ] ] ], "test_nmf_negative_beta_loss": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_negative_beta_loss" ] ] ], "test_nmf_regularization": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_regularization" ] ] ], "test_nmf_decreasing": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_decreasing" ] ] ], "test_nmf_underflow": [ [ "sklearn/decomposition/tests/test_nmf.py", [ "test_nmf_underflow" ] ] ], "_build_sparse_mtx": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "_build_sparse_mtx" ] ] ], "test_lda_default_prior_params": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_default_prior_params" ] ] ], "test_lda_fit_batch": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_fit_batch" ] ] ], "test_lda_fit_online": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_fit_online" ] ] ], "test_lda_partial_fit": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_partial_fit" ] ] ], "test_lda_dense_input": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_dense_input" ] ] ], "test_lda_transform": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_transform" ] ], [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_transform" ] ] ], "test_lda_fit_transform": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_fit_transform" ] ] ], "test_lda_partial_fit_dim_mismatch": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_partial_fit_dim_mismatch" ] ] ], "test_invalid_params": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_invalid_params" ] ] ], "test_lda_negative_input": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_negative_input" ] ] ], "test_lda_no_component_error": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_no_component_error" ] ] ], "test_lda_transform_mismatch": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_transform_mismatch" ] ] ], "test_lda_multi_jobs": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_multi_jobs" ] ] ], "test_lda_partial_fit_multi_jobs": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_partial_fit_multi_jobs" ] ] ], "test_lda_preplexity_mismatch": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_preplexity_mismatch" ] ] ], "test_lda_perplexity": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_perplexity" ] ] ], "test_lda_score": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_score" ] ] ], "test_perplexity_input_format": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_perplexity_input_format" ] ] ], "test_lda_score_perplexity": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_score_perplexity" ] ] ], "test_lda_fit_perplexity": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_fit_perplexity" ] ] ], "test_lda_empty_docs": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_lda_empty_docs" ] ] ], "test_dirichlet_expectation": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_dirichlet_expectation" ] ] ], "check_verbosity": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "check_verbosity" ] ] ], "test_verbosity": [ [ "sklearn/decomposition/tests/test_online_lda.py", [ "test_verbosity" ] ], [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_verbosity" ] ] ], "test_pca": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca" ] ] ], "test_pca_arpack_solver": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_arpack_solver" ] ] ], "test_pca_randomized_solver": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_randomized_solver" ] ] ], "test_no_empty_slice_warning": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_no_empty_slice_warning" ] ] ], "test_explained_variance": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_explained_variance" ] ], [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_explained_variance" ] ] ], "test_pca_check_projection": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_check_projection" ] ] ], "test_pca_inverse": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_inverse" ] ] ], "test_pca_validation": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_validation" ] ] ], "test_randomized_pca_check_projection": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_randomized_pca_check_projection" ] ] ], "test_randomized_pca_check_list": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_randomized_pca_check_list" ] ] ], "test_randomized_pca_inverse": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_randomized_pca_inverse" ] ] ], "test_n_components_mle": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_n_components_mle" ] ] ], "test_pca_dim": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_dim" ] ] ], "test_infer_dim_1": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_infer_dim_1" ] ] ], "test_infer_dim_2": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_infer_dim_2" ] ] ], "test_infer_dim_3": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_infer_dim_3" ] ] ], "test_infer_dim_by_explained_variance": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_infer_dim_by_explained_variance" ] ] ], "test_pca_score": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_score" ] ] ], "test_pca_score2": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_score2" ] ] ], "test_pca_score3": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_score3" ] ] ], "test_pca_score_with_different_solvers": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_score_with_different_solvers" ] ] ], "test_pca_zero_noise_variance_edge_cases": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_zero_noise_variance_edge_cases" ] ] ], "test_svd_solver_auto": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_svd_solver_auto" ] ] ], "test_pca_sparse_input": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_sparse_input" ] ] ], "test_pca_bad_solver": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_bad_solver" ] ] ], "test_pca_dtype_preservation": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_dtype_preservation" ] ] ], "test_pca_deterministic_output": [ [ "sklearn/decomposition/tests/test_pca.py", [ "test_pca_deterministic_output" ] ] ], "check_pca_float_dtype_preservation": [ [ "sklearn/decomposition/tests/test_pca.py", [ "check_pca_float_dtype_preservation" ] ] ], "check_pca_int_dtype_upcast_to_double": [ [ "sklearn/decomposition/tests/test_pca.py", [ "check_pca_int_dtype_upcast_to_double" ] ] ], "generate_toy_data": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "generate_toy_data" ] ] ], "test_correct_shapes": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_correct_shapes" ] ], [ "sklearn/linear_model/tests/test_omp.py", [ "test_correct_shapes" ] ] ], "test_fit_transform_parallel": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_fit_transform_parallel" ] ] ], "test_transform_nan": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_transform_nan" ] ] ], "test_fit_transform_tall": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_fit_transform_tall" ] ] ], "test_initialization": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_initialization" ] ] ], "test_mini_batch_correct_shapes": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_mini_batch_correct_shapes" ] ] ], "test_mini_batch_fit_transform": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_mini_batch_fit_transform" ] ] ], "test_scaling_fit_transform": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_scaling_fit_transform" ] ] ], "test_pca_vs_spca": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_pca_vs_spca" ] ] ], "test_spca_deprecation_warning": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_spca_deprecation_warning" ] ] ], "test_spca_error_unormalized_components": [ [ "sklearn/decomposition/tests/test_sparse_pca.py", [ "test_spca_error_unormalized_components" ] ] ], "test_algorithms": [ [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_algorithms" ] ] ], "test_attributes": [ [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_attributes" ] ] ], "test_too_many_components": [ [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_too_many_components" ] ] ], "test_sparse_formats": [ [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_sparse_formats" ] ] ], "test_integers": [ [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_integers" ] ] ], "test_truncated_svd_eq_pca": [ [ "sklearn/decomposition/tests/test_truncated_svd.py", [ "test_truncated_svd_eq_pca" ] ] ], "_cov": [ [ "sklearn/discriminant_analysis.py", [ "_cov" ] ] ], "_class_means": [ [ "sklearn/discriminant_analysis.py", [ "_class_means" ] ] ], "_class_cov": [ [ "sklearn/discriminant_analysis.py", [ "_class_cov" ] ] ], "_solve_lsqr": [ [ "sklearn/discriminant_analysis.py", [ "LinearDiscriminantAnalysis", "_solve_lsqr" ] ], [ "sklearn/linear_model/ridge.py", [ "_solve_lsqr" ] ] ], "_solve_eigen": [ [ "sklearn/discriminant_analysis.py", [ "LinearDiscriminantAnalysis", "_solve_eigen" ] ] ], "_solve_svd": [ [ "sklearn/discriminant_analysis.py", [ "LinearDiscriminantAnalysis", "_solve_svd" ] ], [ "sklearn/linear_model/ridge.py", [ "_solve_svd" ] ] ], "predict_log_proba": [ [ "sklearn/discriminant_analysis.py", [ "LinearDiscriminantAnalysis", "predict_log_proba" ] ], [ "sklearn/discriminant_analysis.py", [ "QuadraticDiscriminantAnalysis", "predict_log_proba" ] ], [ "sklearn/dummy.py", [ "DummyClassifier", "predict_log_proba" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingClassifier", "predict_log_proba" ] ], [ "sklearn/ensemble/forest.py", [ "ForestClassifier", "predict_log_proba" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "predict_log_proba" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "predict_log_proba" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "predict_log_proba" ] ], [ "sklearn/linear_model/logistic.py", [ "LogisticRegression", "predict_log_proba" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "SGDClassifier", "predict_log_proba" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "predict_log_proba" ] ], [ "sklearn/naive_bayes.py", [ "BaseNB", "predict_log_proba" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPClassifier", "predict_log_proba" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "predict_log_proba" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "predict_log_proba" ] ], [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "SubEstimator", "predict_log_proba" ] ], [ "sklearn/tree/tree.py", [ "DecisionTreeClassifier", "predict_log_proba" ] ] ], "_decision_function": [ [ "sklearn/discriminant_analysis.py", [ "QuadraticDiscriminantAnalysis", "_decision_function" ] ], [ "sklearn/linear_model/base.py", [ "LinearModel", "_decision_function" ] ], [ "sklearn/linear_model/coordinate_descent.py", [ "ElasticNet", "_decision_function" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDRegressor", "_decision_function" ] ], [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "_decision_function" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "_decision_function" ] ] ], "init_estimator": [ [ "sklearn/ensemble/_gb_losses.py", [ "LossFunction", "init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastSquaresError", "init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastAbsoluteError", "init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "HuberLossFunction", "init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "QuantileLossFunction", "init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "BinomialDeviance", "init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "MultinomialDeviance", "init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ExponentialLoss", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LossFunction", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastSquaresError", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastAbsoluteError", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "HuberLossFunction", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "QuantileLossFunction", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BinomialDeviance", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MultinomialDeviance", "init_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ExponentialLoss", "init_estimator" ] ] ], "negative_gradient": [ [ "sklearn/ensemble/_gb_losses.py", [ "LossFunction", "negative_gradient" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastSquaresError", "negative_gradient" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastAbsoluteError", "negative_gradient" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "HuberLossFunction", "negative_gradient" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "QuantileLossFunction", "negative_gradient" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "BinomialDeviance", "negative_gradient" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "MultinomialDeviance", "negative_gradient" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ExponentialLoss", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LossFunction", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastSquaresError", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastAbsoluteError", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "HuberLossFunction", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "QuantileLossFunction", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BinomialDeviance", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MultinomialDeviance", "negative_gradient" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ExponentialLoss", "negative_gradient" ] ] ], "update_terminal_regions": [ [ "sklearn/ensemble/_gb_losses.py", [ "LossFunction", "update_terminal_regions" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastSquaresError", "update_terminal_regions" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LossFunction", "update_terminal_regions" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastSquaresError", "update_terminal_regions" ] ] ], "_update_terminal_region": [ [ "sklearn/ensemble/_gb_losses.py", [ "LossFunction", "_update_terminal_region" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastSquaresError", "_update_terminal_region" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "LeastAbsoluteError", "_update_terminal_region" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "HuberLossFunction", "_update_terminal_region" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "QuantileLossFunction", "_update_terminal_region" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "BinomialDeviance", "_update_terminal_region" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "MultinomialDeviance", "_update_terminal_region" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ExponentialLoss", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LossFunction", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastSquaresError", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "LeastAbsoluteError", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "HuberLossFunction", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "QuantileLossFunction", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BinomialDeviance", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MultinomialDeviance", "_update_terminal_region" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ExponentialLoss", "_update_terminal_region" ] ] ], "get_init_raw_predictions": [ [ "sklearn/ensemble/_gb_losses.py", [ "LossFunction", "get_init_raw_predictions" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "RegressionLossFunction", "get_init_raw_predictions" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "BinomialDeviance", "get_init_raw_predictions" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "MultinomialDeviance", "get_init_raw_predictions" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ExponentialLoss", "get_init_raw_predictions" ] ] ], "check_init_estimator": [ [ "sklearn/ensemble/_gb_losses.py", [ "RegressionLossFunction", "check_init_estimator" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ClassificationLossFunction", "check_init_estimator" ] ] ], "_raw_prediction_to_proba": [ [ "sklearn/ensemble/_gb_losses.py", [ "ClassificationLossFunction", "_raw_prediction_to_proba" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "BinomialDeviance", "_raw_prediction_to_proba" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "MultinomialDeviance", "_raw_prediction_to_proba" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ExponentialLoss", "_raw_prediction_to_proba" ] ] ], "_raw_prediction_to_decision": [ [ "sklearn/ensemble/_gb_losses.py", [ "ClassificationLossFunction", "_raw_prediction_to_decision" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "BinomialDeviance", "_raw_prediction_to_decision" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "MultinomialDeviance", "_raw_prediction_to_decision" ] ], [ "sklearn/ensemble/_gb_losses.py", [ "ExponentialLoss", "_raw_prediction_to_decision" ] ] ], "_find_binning_thresholds": [ [ "sklearn/ensemble/_hist_gradient_boosting/binning.py", [ "_find_binning_thresholds" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "_find_binning_thresholds" ] ] ], "_validate_parameters": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_validate_parameters" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "_validate_parameters" ] ] ], "_check_early_stopping_scorer": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_check_early_stopping_scorer" ] ] ], "_check_early_stopping_loss": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_check_early_stopping_loss" ] ] ], "_should_stop": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_should_stop" ] ] ], "_bin_data": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_bin_data" ] ] ], "_print_iteration_stats": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_print_iteration_stats" ] ] ], "_raw_predict": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_raw_predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_raw_predict" ] ] ], "_get_loss": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_get_loss" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingRegressor", "_get_loss" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingClassifier", "_get_loss" ] ] ], "_encode_y": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "_encode_y" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingRegressor", "_encode_y" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "HistGradientBoostingClassifier", "_encode_y" ] ] ], "n_iter_": [ [ "sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py", [ "BaseHistGradientBoosting", "n_iter_" ] ] ], "__lt__": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeNode", "__lt__" ] ] ], "grow": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "grow" ] ] ], "_intilialize_root": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "_intilialize_root" ] ] ], "_compute_best_split_and_push": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "_compute_best_split_and_push" ] ] ], "split_next": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "split_next" ] ] ], "_finalize_leaf": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "_finalize_leaf" ] ] ], "_finalize_splittable_nodes": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "_finalize_splittable_nodes" ] ] ], "make_predictor": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "TreeGrower", "make_predictor" ] ] ], "_fill_predictor_node_array": [ [ "sklearn/ensemble/_hist_gradient_boosting/grower.py", [ "_fill_predictor_node_array" ] ] ], "init_gradients_and_hessians": [ [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "BaseLoss", "init_gradients_and_hessians" ] ] ], "get_baseline_prediction": [ [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "BaseLoss", "get_baseline_prediction" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "LeastSquares", "get_baseline_prediction" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "BinaryCrossEntropy", "get_baseline_prediction" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "CategoricalCrossEntropy", "get_baseline_prediction" ] ] ], "update_gradients_and_hessians": [ [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "BaseLoss", "update_gradients_and_hessians" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "LeastSquares", "update_gradients_and_hessians" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "BinaryCrossEntropy", "update_gradients_and_hessians" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "CategoricalCrossEntropy", "update_gradients_and_hessians" ] ] ], "inverse_link_function": [ [ "sklearn/ensemble/_hist_gradient_boosting/loss.py", [ "LeastSquares", "inverse_link_function" ] ] ], "get_n_leaf_nodes": [ [ "sklearn/ensemble/_hist_gradient_boosting/predictor.py", [ "TreePredictor", "get_n_leaf_nodes" ] ] ], "get_max_depth": [ [ "sklearn/ensemble/_hist_gradient_boosting/predictor.py", [ "TreePredictor", "get_max_depth" ] ] ], "predict_binned": [ [ "sklearn/ensemble/_hist_gradient_boosting/predictor.py", [ "TreePredictor", "predict_binned" ] ] ], "test_find_binning_thresholds_regular_data": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_find_binning_thresholds_regular_data" ] ] ], "test_find_binning_thresholds_small_regular_data": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_find_binning_thresholds_small_regular_data" ] ] ], "test_find_binning_thresholds_random_data": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_find_binning_thresholds_random_data" ] ] ], "test_find_binning_thresholds_low_n_bins": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_find_binning_thresholds_low_n_bins" ] ] ], "test_find_binning_thresholds_invalid_n_bins": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_find_binning_thresholds_invalid_n_bins" ] ] ], "test_bin_mapper_n_features_transform": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_bin_mapper_n_features_transform" ] ] ], "test_map_to_bins": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_map_to_bins" ] ] ], "test_bin_mapper_random_data": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_bin_mapper_random_data" ] ] ], "test_bin_mapper_small_random_data": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_bin_mapper_small_random_data" ] ] ], "test_bin_mapper_identity_repeated_values": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_bin_mapper_identity_repeated_values" ] ] ], "test_bin_mapper_repeated_values_invariance": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_bin_mapper_repeated_values_invariance" ] ] ], "test_bin_mapper_identity_small": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_bin_mapper_identity_small" ] ] ], "test_bin_mapper_idempotence": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_bin_mapper_idempotence" ] ] ], "test_actual_n_bins": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_actual_n_bins" ] ] ], "test_subsample": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py", [ "test_subsample" ] ] ], "test_same_predictions_regression": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_compare_lightgbm.py", [ "test_same_predictions_regression" ] ] ], "test_same_predictions_classification": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_compare_lightgbm.py", [ "test_same_predictions_classification" ] ] ], "test_same_predictions_multiclass_classification": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_compare_lightgbm.py", [ "test_same_predictions_multiclass_classification" ] ] ], "test_init_parameters_validation": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_gradient_boosting.py", [ "test_init_parameters_validation" ] ], [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "test_init_parameters_validation" ] ] ], "test_invalid_classification_loss": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_gradient_boosting.py", [ "test_invalid_classification_loss" ] ] ], "test_early_stopping_regression": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_gradient_boosting.py", [ "test_early_stopping_regression" ] ] ], "test_early_stopping_classification": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_gradient_boosting.py", [ "test_early_stopping_classification" ] ] ], "test_should_stop": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_gradient_boosting.py", [ "test_should_stop" ] ] ], "test_binning_train_validation_are_separated": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_gradient_boosting.py", [ "test_binning_train_validation_are_separated" ] ] ], "true_decision_function": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "_make_training_data", "true_decision_function" ] ] ], "_make_training_data": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "_make_training_data" ] ] ], "_check_children_consistency": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "_check_children_consistency" ] ] ], "test_grow_tree": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "test_grow_tree" ] ] ], "test_predictor_from_grower": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "test_predictor_from_grower" ] ] ], "test_min_samples_leaf": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "test_min_samples_leaf" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_min_samples_leaf" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_min_samples_leaf" ] ] ], "test_min_samples_leaf_root": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "test_min_samples_leaf_root" ] ] ], "test_max_depth": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py", [ "test_max_depth" ] ] ], "test_build_histogram": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_histogram.py", [ "test_build_histogram" ] ] ], "test_histogram_sample_order_independence": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_histogram.py", [ "test_histogram_sample_order_independence" ] ] ], "test_unrolled_equivalent_to_naive": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_histogram.py", [ "test_unrolled_equivalent_to_naive" ] ] ], "test_hist_subtraction": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_histogram.py", [ "test_hist_subtraction" ] ] ], "get_gradients": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "get_derivatives_helper", "get_gradients" ] ] ], "get_hessians": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "get_derivatives_helper", "get_hessians" ] ] ], "get_derivatives_helper": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "get_derivatives_helper" ] ] ], "fprime": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_derivatives", "fprime" ] ] ], "fprime2": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_derivatives", "fprime2" ] ] ], "test_derivatives": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_derivatives" ] ] ], "relative_error": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_numerical_gradients", "relative_error" ] ] ], "test_numerical_gradients": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_numerical_gradients" ] ] ], "test_baseline_least_squares": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_baseline_least_squares" ] ] ], "test_baseline_binary_crossentropy": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_baseline_binary_crossentropy" ] ] ], "test_baseline_categorical_crossentropy": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_loss.py", [ "test_baseline_categorical_crossentropy" ] ] ], "test_boston_dataset": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_predictor.py", [ "test_boston_dataset" ] ] ], "test_histogram_split": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_splitting.py", [ "test_histogram_split" ] ] ], "test_gradient_and_hessian_sanity": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_splitting.py", [ "test_gradient_and_hessian_sanity" ] ] ], "test_split_indices": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_splitting.py", [ "test_split_indices" ] ] ], "test_min_gain_to_split": [ [ "sklearn/ensemble/_hist_gradient_boosting/tests/test_splitting.py", [ "test_min_gain_to_split" ] ] ], "_generate_indices": [ [ "sklearn/ensemble/bagging.py", [ "_generate_indices" ] ] ], "_generate_bagging_indices": [ [ "sklearn/ensemble/bagging.py", [ "_generate_bagging_indices" ] ] ], "_parallel_build_estimators": [ [ "sklearn/ensemble/bagging.py", [ "_parallel_build_estimators" ] ] ], "_parallel_predict_proba": [ [ "sklearn/ensemble/bagging.py", [ "_parallel_predict_proba" ] ] ], "_parallel_predict_log_proba": [ [ "sklearn/ensemble/bagging.py", [ "_parallel_predict_log_proba" ] ] ], "_parallel_decision_function": [ [ "sklearn/ensemble/bagging.py", [ "_parallel_decision_function" ] ] ], "_parallel_predict_regression": [ [ "sklearn/ensemble/bagging.py", [ "_parallel_predict_regression" ] ] ], "_parallel_args": [ [ "sklearn/ensemble/bagging.py", [ "BaseBagging", "_parallel_args" ] ], [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "_parallel_args" ] ] ], "_set_oob_score": [ [ "sklearn/ensemble/bagging.py", [ "BaseBagging", "_set_oob_score" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingClassifier", "_set_oob_score" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingRegressor", "_set_oob_score" ] ], [ "sklearn/ensemble/forest.py", [ "BaseForest", "_set_oob_score" ] ], [ "sklearn/ensemble/forest.py", [ "ForestClassifier", "_set_oob_score" ] ], [ "sklearn/ensemble/forest.py", [ "ForestRegressor", "_set_oob_score" ] ], [ "sklearn/ensemble/forest.py", [ "RandomTreesEmbedding", "_set_oob_score" ] ], [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "_set_oob_score" ] ] ], "_validate_y": [ [ "sklearn/ensemble/bagging.py", [ "BaseBagging", "_validate_y" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingClassifier", "_validate_y" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_validate_y" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "_validate_y" ] ] ], "_get_estimators_indices": [ [ "sklearn/ensemble/bagging.py", [ "BaseBagging", "_get_estimators_indices" ] ] ], "estimators_samples_": [ [ "sklearn/ensemble/bagging.py", [ "BaseBagging", "estimators_samples_" ] ] ], "_validate_estimator": [ [ "sklearn/ensemble/bagging.py", [ "BaggingClassifier", "_validate_estimator" ] ], [ "sklearn/ensemble/bagging.py", [ "BaggingRegressor", "_validate_estimator" ] ], [ "sklearn/ensemble/base.py", [ "BaseEnsemble", "_validate_estimator" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "_validate_estimator" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostRegressor", "_validate_estimator" ] ] ], "_set_random_states": [ [ "sklearn/ensemble/base.py", [ "_set_random_states" ] ] ], "_make_estimator": [ [ "sklearn/ensemble/base.py", [ "BaseEnsemble", "_make_estimator" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_make_estimator" ] ] ], "__len__": [ [ "sklearn/ensemble/base.py", [ "BaseEnsemble", "__len__" ] ], [ "sklearn/externals/six.py", [ "if_PY3_", "else_", "if_sys_platform_startswit", "else_", "X", "__len__" ] ], [ "sklearn/model_selection/_search.py", [ "ParameterGrid", "__len__" ] ], [ "sklearn/model_selection/_search.py", [ "ParameterSampler", "__len__" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "__len__" ] ], [ "sklearn/utils/mocking.py", [ "MockDataFrame", "__len__" ] ], [ "sklearn/utils/tests/test_validation.py", [ "test_retrieve_samples_from_non_standard_shape", "TestNonNumericShape", "__len__" ] ] ], "__getitem__": [ [ "sklearn/ensemble/base.py", [ "BaseEnsemble", "__getitem__" ] ], [ "sklearn/model_selection/_search.py", [ "ParameterGrid", "__getitem__" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "__getitem__" ] ], [ "sklearn/utils/mocking.py", [ "ArraySlicingWrapper", "__getitem__" ] ] ], "__iter__": [ [ "sklearn/ensemble/base.py", [ "BaseEnsemble", "__iter__" ] ], [ "sklearn/model_selection/_search.py", [ "ParameterGrid", "__iter__" ] ], [ "sklearn/model_selection/_search.py", [ "ParameterSampler", "__iter__" ] ] ], "_partition_estimators": [ [ "sklearn/ensemble/base.py", [ "_partition_estimators" ] ] ], "_generate_sample_indices": [ [ "sklearn/ensemble/forest.py", [ "_generate_sample_indices" ] ] ], "_generate_unsampled_indices": [ [ "sklearn/ensemble/forest.py", [ "_generate_unsampled_indices" ] ] ], "_parallel_build_trees": [ [ "sklearn/ensemble/forest.py", [ "_parallel_build_trees" ] ] ], "apply": [ [ "sklearn/ensemble/forest.py", [ "BaseForest", "apply" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "apply" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingRegressor", "apply" ] ], [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "apply" ] ] ], "decision_path": [ [ "sklearn/ensemble/forest.py", [ "BaseForest", "decision_path" ] ], [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "decision_path" ] ] ], "_validate_y_class_weight": [ [ "sklearn/ensemble/forest.py", [ "BaseForest", "_validate_y_class_weight" ] ], [ "sklearn/ensemble/forest.py", [ "ForestClassifier", "_validate_y_class_weight" ] ] ], "_validate_X_predict": [ [ "sklearn/ensemble/forest.py", [ "BaseForest", "_validate_X_predict" ] ], [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "_validate_X_predict" ] ] ], "feature_importances_": [ [ "sklearn/ensemble/forest.py", [ "BaseForest", "feature_importances_" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "feature_importances_" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "BaseWeightBoosting", "feature_importances_" ] ], [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "feature_importances_" ] ] ], "_accumulate_prediction": [ [ "sklearn/ensemble/forest.py", [ "_accumulate_prediction" ] ] ], "_score_to_proba": [ [ "sklearn/ensemble/gradient_boosting.py", [ "ClassificationLossFunction", "_score_to_proba" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BinomialDeviance", "_score_to_proba" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MultinomialDeviance", "_score_to_proba" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ExponentialLoss", "_score_to_proba" ] ] ], "_score_to_decision": [ [ "sklearn/ensemble/gradient_boosting.py", [ "ClassificationLossFunction", "_score_to_decision" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "BinomialDeviance", "_score_to_decision" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "MultinomialDeviance", "_score_to_decision" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "ExponentialLoss", "_score_to_decision" ] ] ], "init": [ [ "sklearn/ensemble/gradient_boosting.py", [ "VerboseReporter", "init" ] ] ], "_fit_stage": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_fit_stage" ] ] ], "_init_state": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_init_state" ] ] ], "_clear_state": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_clear_state" ] ] ], "_resize_state": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_resize_state" ] ] ], "_is_initialized": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_is_initialized" ] ] ], "_check_initialized": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_check_initialized" ] ] ], "_fit_stages": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_fit_stages" ] ] ], "_raw_predict_init": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_raw_predict_init" ] ] ], "_staged_raw_predict": [ [ "sklearn/ensemble/gradient_boosting.py", [ "BaseGradientBoosting", "_staged_raw_predict" ] ] ], "staged_decision_function": [ [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "staged_decision_function" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "staged_decision_function" ] ] ], "staged_predict": [ [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "staged_predict" ] ], [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingRegressor", "staged_predict" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "staged_predict" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostRegressor", "staged_predict" ] ] ], "staged_predict_proba": [ [ "sklearn/ensemble/gradient_boosting.py", [ "GradientBoostingClassifier", "staged_predict_proba" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "staged_predict_proba" ] ] ], "_compute_chunked_score_samples": [ [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "_compute_chunked_score_samples" ] ] ], "_compute_score_samples": [ [ "sklearn/ensemble/iforest.py", [ "IsolationForest", "_compute_score_samples" ] ] ], "_average_path_length": [ [ "sklearn/ensemble/iforest.py", [ "_average_path_length" ] ] ], "_grid_from_X": [ [ "sklearn/ensemble/partial_dependence.py", [ "_grid_from_X" ] ], [ "sklearn/inspection/partial_dependence.py", [ "_grid_from_X" ] ] ], "partial_dependence": [ [ "sklearn/ensemble/partial_dependence.py", [ "partial_dependence" ] ], [ "sklearn/inspection/partial_dependence.py", [ "partial_dependence" ] ] ], "convert_feature": [ [ "sklearn/ensemble/partial_dependence.py", [ "plot_partial_dependence", "convert_feature" ] ], [ "sklearn/inspection/partial_dependence.py", [ "plot_partial_dependence", "convert_feature" ] ] ], "plot_partial_dependence": [ [ "sklearn/ensemble/partial_dependence.py", [ "plot_partial_dependence" ] ], [ "sklearn/inspection/partial_dependence.py", [ "plot_partial_dependence" ] ] ], "test_classification": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_classification" ] ] ], "test_sparse_classification": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_sparse_classification" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sparse_classification" ] ] ], "test_regression": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_regression" ] ] ], "test_sparse_regression": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_sparse_regression" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sparse_regression" ] ] ], "test_bootstrap_samples": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_bootstrap_samples" ] ] ], "test_bootstrap_features": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_bootstrap_features" ] ] ], "test_probability": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_probability" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_probability" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_probability" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_probability" ] ] ], "test_oob_score_classification": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_oob_score_classification" ] ] ], "test_oob_score_regression": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_oob_score_regression" ] ] ], "test_single_estimator": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_single_estimator" ] ] ], "test_error": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_error" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_error" ] ], [ "sklearn/linear_model/tests/test_logistic.py", [ "test_error" ] ], [ "sklearn/svm/tests/test_sparse.py", [ "test_error" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_error" ] ] ], "test_parallel_classification": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_parallel_classification" ] ] ], "test_parallel_regression": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_parallel_regression" ] ] ], "test_gridsearch": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_gridsearch" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_gridsearch" ] ], [ "sklearn/ensemble/tests/test_voting.py", [ "test_gridsearch" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_gridsearch" ] ], [ "sklearn/utils/tests/test_pprint.py", [ "test_gridsearch" ] ] ], "test_base_estimator": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_base_estimator" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_base_estimator" ] ] ], "test_bagging_with_pipeline": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_bagging_with_pipeline" ] ] ], "test_bagging_sample_weight_unsupported_but_passed": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_bagging_sample_weight_unsupported_but_passed" ] ] ], "test_warm_start": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_warm_start" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_warm_start" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start" ] ], [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_warm_start" ] ], [ "sklearn/linear_model/tests/test_logistic.py", [ "test_warm_start" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "test_warm_start" ] ], [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_warm_start" ] ], [ "sklearn/neural_network/tests/test_mlp.py", [ "test_warm_start" ] ] ], "test_warm_start_smaller_n_estimators": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_warm_start_smaller_n_estimators" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_warm_start_smaller_n_estimators" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_smaller_n_estimators" ] ] ], "test_warm_start_equal_n_estimators": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_warm_start_equal_n_estimators" ] ], [ "sklearn/ensemble/tests/test_forest.py", [ "test_warm_start_equal_n_estimators" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_equal_n_estimators" ] ] ], "test_warm_start_equivalence": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_warm_start_equivalence" ] ] ], "test_warm_start_with_oob_score_fails": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_warm_start_with_oob_score_fails" ] ] ], "test_oob_score_removed_on_warm_start": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_oob_score_removed_on_warm_start" ] ] ], "test_oob_score_consistency": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_oob_score_consistency" ] ] ], "test_estimators_samples": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_estimators_samples" ] ] ], "test_estimators_samples_deterministic": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_estimators_samples_deterministic" ] ] ], "test_max_samples_consistency": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_max_samples_consistency" ] ], [ "sklearn/ensemble/tests/test_iforest.py", [ "test_max_samples_consistency" ] ] ], "test_set_oob_score_label_encoding": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_set_oob_score_label_encoding" ] ] ], "replace": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "replace" ] ] ], "test_bagging_regressor_with_missing_inputs": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_bagging_regressor_with_missing_inputs" ] ] ], "test_bagging_classifier_with_missing_inputs": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_bagging_classifier_with_missing_inputs" ] ] ], "test_bagging_small_max_features": [ [ "sklearn/ensemble/tests/test_bagging.py", [ "test_bagging_small_max_features" ] ] ], "test_base": [ [ "sklearn/ensemble/tests/test_base.py", [ "test_base" ] ] ], "test_base_zero_n_estimators": [ [ "sklearn/ensemble/tests/test_base.py", [ "test_base_zero_n_estimators" ] ] ], "test_base_not_int_n_estimators": [ [ "sklearn/ensemble/tests/test_base.py", [ "test_base_not_int_n_estimators" ] ] ], "make_steps": [ [ "sklearn/ensemble/tests/test_base.py", [ "test_set_random_states", "make_steps" ] ] ], "test_set_random_states": [ [ "sklearn/ensemble/tests/test_base.py", [ "test_set_random_states" ] ] ], "check_classification_toy": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_classification_toy" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "check_classification_toy" ] ] ], "test_classification_toy": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_classification_toy" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_classification_toy" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_classification_toy" ] ], [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_classification_toy" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_classification_toy" ] ] ], "check_iris_criterion": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_iris_criterion" ] ] ], "test_iris": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_iris" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_iris" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_iris" ] ], [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_iris" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_iris" ] ] ], "check_boston_criterion": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_boston_criterion" ] ] ], "test_boston": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_boston" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_boston" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_boston" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_boston" ] ] ], "check_regressor_attributes": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_regressor_attributes" ] ] ], "test_regressor_attributes": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_regressor_attributes" ] ] ], "check_probability": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_probability" ] ] ], "check_importances": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_importances" ] ] ], "test_importances": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_importances" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_importances" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_importances" ] ] ], "binomial": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_importances_asymptotic", "binomial" ] ] ], "entropy": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_importances_asymptotic", "entropy" ] ], [ "sklearn/metrics/cluster/supervised.py", [ "entropy" ] ] ], "mdi_importance": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_importances_asymptotic", "mdi_importance" ] ] ], "test_importances_asymptotic": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_importances_asymptotic" ] ] ], "test_unfitted_feature_importances": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_unfitted_feature_importances" ] ] ], "check_oob_score": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_oob_score" ] ] ], "test_oob_score_classifiers": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_oob_score_classifiers" ] ] ], "test_oob_score_regressors": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_oob_score_regressors" ] ] ], "check_oob_score_raise_error": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_oob_score_raise_error" ] ] ], "test_oob_score_raise_error": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_oob_score_raise_error" ] ] ], "check_gridsearch": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_gridsearch" ] ] ], "check_parallel": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_parallel" ] ] ], "check_pickle": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_pickle" ] ], [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "check_pickle" ] ] ], "check_multioutput": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_multioutput" ] ] ], "test_multioutput": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_multioutput" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_multioutput" ] ] ], "test_multioutput_string": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_multioutput_string" ] ] ], "check_classes_shape": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_classes_shape" ] ] ], "test_classes_shape": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_classes_shape" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_classes_shape" ] ] ], "test_random_trees_dense_type": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_random_trees_dense_type" ] ] ], "test_random_trees_dense_equal": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_random_trees_dense_equal" ] ] ], "test_random_hasher": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_random_hasher" ] ] ], "test_random_hasher_sparse_data": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_random_hasher_sparse_data" ] ] ], "test_parallel_train": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_parallel_train" ] ] ], "test_distribution": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_distribution" ] ], [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_distribution" ] ] ], "check_max_leaf_nodes_max_depth": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_max_leaf_nodes_max_depth" ] ] ], "test_max_leaf_nodes_max_depth": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_max_leaf_nodes_max_depth" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_max_leaf_nodes_max_depth" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_max_leaf_nodes_max_depth" ] ] ], "check_min_samples_split": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_min_samples_split" ] ] ], "test_min_samples_split": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_min_samples_split" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_min_samples_split" ] ] ], "check_min_samples_leaf": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_min_samples_leaf" ] ] ], "check_min_weight_fraction_leaf": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_min_weight_fraction_leaf" ] ], [ "sklearn/tree/tests/test_tree.py", [ "check_min_weight_fraction_leaf" ] ] ], "test_min_weight_fraction_leaf": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_min_weight_fraction_leaf" ] ] ], "check_sparse_input": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_sparse_input" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "check_sparse_input" ] ], [ "sklearn/tree/tests/test_tree.py", [ "check_sparse_input" ] ] ], "test_sparse_input": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_sparse_input" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_sparse_input" ] ], [ "sklearn/manifold/tests/test_isomap.py", [ "test_sparse_input" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_sparse_input" ] ] ], "check_memory_layout": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_memory_layout" ] ] ], "test_memory_layout": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_memory_layout" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_memory_layout" ] ] ], "check_1d_input": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_1d_input" ] ] ], "test_1d_input": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_1d_input" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_1d_input" ] ] ], "check_class_weights": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_class_weights" ] ], [ "sklearn/tree/tests/test_tree.py", [ "check_class_weights" ] ] ], "test_class_weights": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_class_weights" ] ], [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_class_weights" ] ], [ "sklearn/linear_model/tests/test_ridge.py", [ "test_class_weights" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "test_class_weights" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_class_weights" ] ] ], "check_class_weight_balanced_and_bootstrap_multi_output": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_class_weight_balanced_and_bootstrap_multi_output" ] ] ], "test_class_weight_balanced_and_bootstrap_multi_output": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_class_weight_balanced_and_bootstrap_multi_output" ] ] ], "check_class_weight_errors": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_class_weight_errors" ] ], [ "sklearn/tree/tests/test_tree.py", [ "check_class_weight_errors" ] ] ], "test_class_weight_errors": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_class_weight_errors" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_class_weight_errors" ] ] ], "check_warm_start": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_warm_start" ] ] ], "check_warm_start_clear": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_warm_start_clear" ] ] ], "test_warm_start_clear": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_warm_start_clear" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_clear" ] ] ], "check_warm_start_smaller_n_estimators": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_warm_start_smaller_n_estimators" ] ] ], "check_warm_start_equal_n_estimators": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_warm_start_equal_n_estimators" ] ] ], "check_warm_start_oob": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_warm_start_oob" ] ] ], "test_warm_start_oob": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_warm_start_oob" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_oob" ] ] ], "test_dtype_convert": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_dtype_convert" ] ], [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_dtype_convert" ] ] ], "check_decision_path": [ [ "sklearn/ensemble/tests/test_forest.py", [ "check_decision_path" ] ], [ "sklearn/tree/tests/test_tree.py", [ "check_decision_path" ] ] ], "test_decision_path": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_decision_path" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_decision_path" ] ] ], "test_min_impurity_split": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_min_impurity_split" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_min_impurity_split" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_min_impurity_split" ] ] ], "test_min_impurity_decrease": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_min_impurity_decrease" ] ], [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_min_impurity_decrease" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_min_impurity_decrease" ] ] ], "start_call": [ [ "sklearn/ensemble/tests/test_forest.py", [ "MyBackend", "start_call" ] ] ], "test_backend_respected": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_backend_respected" ] ] ], "test_multi_target": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_multi_target" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_multi_target" ] ] ], "test_forest_feature_importances_sum": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_forest_feature_importances_sum" ] ] ], "test_forest_degenerate_feature_importances": [ [ "sklearn/ensemble/tests/test_forest.py", [ "test_forest_degenerate_feature_importances" ] ] ], "test_classifier_parameter_checks": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_classifier_parameter_checks" ] ] ], "test_regressor_parameter_checks": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_regressor_parameter_checks" ] ] ], "test_loss_function": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_loss_function" ] ] ], "check_classification_synthetic": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "check_classification_synthetic" ] ] ], "test_classification_synthetic": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_classification_synthetic" ] ] ], "check_boston": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "check_boston" ] ] ], "check_iris": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "check_iris" ] ] ], "test_regression_synthetic": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_regression_synthetic" ] ] ], "test_feature_importances": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_feature_importances" ] ], [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_feature_importances" ] ] ], "test_probability_log": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_probability_log" ] ] ], "test_check_inputs": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_check_inputs" ] ] ], "test_check_inputs_predict": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_check_inputs_predict" ] ] ], "test_check_inputs_predict_stages": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_check_inputs_predict_stages" ] ] ], "test_check_max_features": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_check_max_features" ] ] ], "test_max_feature_regression": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_max_feature_regression" ] ] ], "test_feature_importance_regression": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_feature_importance_regression" ] ] ], "test_max_feature_auto": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_max_feature_auto" ] ] ], "test_staged_predict": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_staged_predict" ] ], [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_staged_predict" ] ] ], "test_staged_predict_proba": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_staged_predict_proba" ] ] ], "test_staged_functions_defensive": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_staged_functions_defensive" ] ] ], "test_serialization": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_serialization" ] ] ], "test_degenerate_targets": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_degenerate_targets" ] ] ], "test_quantile_loss": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_quantile_loss" ] ] ], "test_symbol_labels": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_symbol_labels" ] ] ], "test_float_class_labels": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_float_class_labels" ] ] ], "test_shape_y": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_shape_y" ] ] ], "test_mem_layout": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_mem_layout" ] ] ], "test_oob_improvement": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_oob_improvement" ] ] ], "test_oob_improvement_raise": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_oob_improvement_raise" ] ] ], "test_oob_multilcass_iris": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_oob_multilcass_iris" ] ] ], "test_verbose_output": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_verbose_output" ] ] ], "test_more_verbose_output": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_more_verbose_output" ] ] ], "test_warm_start_n_estimators": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_n_estimators" ] ] ], "test_warm_start_max_depth": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_max_depth" ] ] ], "test_warm_start_zero_n_estimators": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_zero_n_estimators" ] ] ], "test_warm_start_oob_switch": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_oob_switch" ] ] ], "test_warm_start_sparse": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_sparse" ] ] ], "test_warm_start_fortran": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_fortran" ] ] ], "early_stopping_monitor": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "early_stopping_monitor" ] ] ], "test_monitor_early_stopping": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_monitor_early_stopping" ] ] ], "test_complete_classification": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_complete_classification" ] ] ], "test_complete_regression": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_complete_regression" ] ] ], "test_zero_estimator_reg": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_zero_estimator_reg" ] ] ], "test_zero_estimator_clf": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_zero_estimator_clf" ] ] ], "test_warm_start_wo_nestimators_change": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_warm_start_wo_nestimators_change" ] ] ], "test_probability_exponential": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_probability_exponential" ] ] ], "test_non_uniform_weights_toy_edge_case_reg": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_non_uniform_weights_toy_edge_case_reg" ] ] ], "test_non_uniform_weights_toy_edge_case_clf": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_non_uniform_weights_toy_edge_case_clf" ] ] ], "test_gradient_boosting_early_stopping": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_gradient_boosting_early_stopping" ] ] ], "test_gradient_boosting_validation_fraction": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_gradient_boosting_validation_fraction" ] ] ], "test_early_stopping_stratified": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_early_stopping_stratified" ] ], [ "sklearn/neural_network/tests/test_mlp.py", [ "test_early_stopping_stratified" ] ] ], "_make_multiclass": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "_make_multiclass" ] ] ], "test_gradient_boosting_with_init": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_gradient_boosting_with_init" ] ] ], "test_gradient_boosting_with_init_pipeline": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_gradient_boosting_with_init_pipeline" ] ] ], "test_gradient_boosting_init_wrong_methods": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_gradient_boosting_init_wrong_methods" ] ] ], "test_early_stopping_n_classes": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_early_stopping_n_classes" ] ] ], "test_gbr_degenerate_feature_importances": [ [ "sklearn/ensemble/tests/test_gradient_boosting.py", [ "test_gbr_degenerate_feature_importances" ] ] ], "test_binomial_deviance": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_binomial_deviance" ] ] ], "test_sample_weight_smoke": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_sample_weight_smoke" ] ] ], "test_sample_weight_init_estimators": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_sample_weight_init_estimators" ] ] ], "test_weighted_percentile": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_weighted_percentile" ] ] ], "test_weighted_percentile_equal": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_weighted_percentile_equal" ] ] ], "test_weighted_percentile_zero_weight": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_weighted_percentile_zero_weight" ] ] ], "test_quantile_loss_function": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_quantile_loss_function" ] ] ], "test_sample_weight_deviance": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_sample_weight_deviance" ] ] ], "test_init_raw_predictions_shapes": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_init_raw_predictions_shapes" ] ] ], "test_init_raw_predictions_values": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_init_raw_predictions_values" ] ] ], "test_lad_equals_quantile_50": [ [ "sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py", [ "test_lad_equals_quantile_50" ] ] ], "test_iforest": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest" ] ] ], "test_iforest_sparse": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_sparse" ] ] ], "test_iforest_error": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_error" ] ] ], "test_recalculate_max_depth": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_recalculate_max_depth" ] ] ], "test_max_samples_attribute": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_max_samples_attribute" ] ] ], "test_iforest_parallel_regression": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_parallel_regression" ] ] ], "test_iforest_performance": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_performance" ] ] ], "test_iforest_works": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_works" ] ] ], "test_iforest_subsampled_features": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_subsampled_features" ] ] ], "test_iforest_average_path_length": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_average_path_length" ] ] ], "test_iforest_warm_start": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_warm_start" ] ] ], "test_iforest_chunks_works1": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_chunks_works1" ] ] ], "test_iforest_chunks_works2": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_chunks_works2" ] ] ], "test_iforest_deprecation": [ [ "sklearn/ensemble/tests/test_iforest.py", [ "test_iforest_deprecation" ] ] ], "test_partial_dependence_classifier": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_partial_dependence_classifier" ] ] ], "test_partial_dependence_multiclass": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_partial_dependence_multiclass" ] ] ], "test_partial_dependence_regressor": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_partial_dependence_regressor" ] ] ], "test_partial_dependence_sample_weight": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_partial_dependence_sample_weight" ] ], [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_sample_weight" ] ] ], "test_partial_dependecy_input": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_partial_dependecy_input" ] ] ], "test_plot_partial_dependence": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_plot_partial_dependence" ] ], [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_plot_partial_dependence" ] ] ], "test_plot_partial_dependence_input": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_plot_partial_dependence_input" ] ] ], "test_plot_partial_dependence_multiclass": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_plot_partial_dependence_multiclass" ] ], [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_plot_partial_dependence_multiclass" ] ] ], "test_raise_deprecation_warning": [ [ "sklearn/ensemble/tests/test_partial_dependence.py", [ "test_raise_deprecation_warning" ] ] ], "test_estimator_init": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_estimator_init" ] ] ], "test_predictproba_hardvoting": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_predictproba_hardvoting" ] ] ], "test_notfitted": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_notfitted" ] ] ], "test_majority_label_iris": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_majority_label_iris" ] ] ], "test_tie_situation": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_tie_situation" ] ] ], "test_weights_iris": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_weights_iris" ] ] ], "test_weights_regressor": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_weights_regressor" ] ] ], "test_predict_on_toy_problem": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_predict_on_toy_problem" ] ] ], "test_predict_proba_on_toy_problem": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_predict_proba_on_toy_problem" ] ] ], "test_multilabel": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_multilabel" ] ] ], "test_parallel_fit": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_parallel_fit" ] ] ], "test_sample_weight": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_sample_weight" ] ], [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_sample_weight" ] ], [ "sklearn/tests/test_calibration.py", [ "test_sample_weight" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_sample_weight" ] ] ], "test_sample_weight_kwargs": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_sample_weight_kwargs" ] ] ], "test_set_params": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_set_params" ] ], [ "sklearn/tests/test_base.py", [ "test_set_params" ] ] ], "test_set_estimator_none": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_set_estimator_none" ] ] ], "test_estimator_weights_format": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_estimator_weights_format" ] ] ], "test_none_estimator_with_weights": [ [ "sklearn/ensemble/tests/test_voting.py", [ "test_none_estimator_with_weights" ] ] ], "test_samme_proba": [ [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_samme_proba" ] ] ], "test_oneclass_adaboost_proba": [ [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_oneclass_adaboost_proba" ] ] ], "test_regression_toy": [ [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_regression_toy" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_regression_toy" ] ] ], "test_sample_weight_missing": [ [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sample_weight_missing" ] ] ], "test_sample_weight_adaboost_regressor": [ [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_sample_weight_adaboost_regressor" ] ] ], "test_multidimensional_X": [ [ "sklearn/ensemble/tests/test_weight_boosting.py", [ "test_multidimensional_X" ] ] ], "_parallel_fit_estimator": [ [ "sklearn/ensemble/voting.py", [ "_parallel_fit_estimator" ] ] ], "named_estimators": [ [ "sklearn/ensemble/voting.py", [ "_BaseVoting", "named_estimators" ] ] ], "_weights_not_none": [ [ "sklearn/ensemble/voting.py", [ "_BaseVoting", "_weights_not_none" ] ] ], "_predict": [ [ "sklearn/ensemble/voting.py", [ "_BaseVoting", "_predict" ] ], [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "_predict" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_predict" ] ] ], "_collect_probas": [ [ "sklearn/ensemble/voting.py", [ "VotingClassifier", "_collect_probas" ] ] ], "_validate_data": [ [ "sklearn/ensemble/weight_boosting.py", [ "BaseWeightBoosting", "_validate_data" ] ] ], "_boost": [ [ "sklearn/ensemble/weight_boosting.py", [ "BaseWeightBoosting", "_boost" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "_boost" ] ], [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostRegressor", "_boost" ] ] ], "staged_score": [ [ "sklearn/ensemble/weight_boosting.py", [ "BaseWeightBoosting", "staged_score" ] ] ], "_samme_proba": [ [ "sklearn/ensemble/weight_boosting.py", [ "_samme_proba" ] ] ], "_boost_real": [ [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "_boost_real" ] ] ], "_boost_discrete": [ [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostClassifier", "_boost_discrete" ] ] ], "_get_median_predict": [ [ "sklearn/ensemble/weight_boosting.py", [ "AdaBoostRegressor", "_get_median_predict" ] ] ], "test_imports_strategies": [ [ "sklearn/experimental/tests/test_enable_hist_gradient_boosting.py", [ "test_imports_strategies" ] ], [ "sklearn/experimental/tests/test_enable_iterative_imputer.py", [ "test_imports_strategies" ] ] ], "_build_re_values": [ [ "sklearn/externals/_arff.py", [ "_build_re_values" ] ] ], "_escape_sub_callback": [ [ "sklearn/externals/_arff.py", [ "_escape_sub_callback" ] ] ], "_unquote": [ [ "sklearn/externals/_arff.py", [ "_unquote" ] ] ], "_parse_values": [ [ "sklearn/externals/_arff.py", [ "_parse_values" ] ] ], "__str__": [ [ "sklearn/externals/_arff.py", [ "ArffException", "__str__" ] ], [ "sklearn/externals/_arff.py", [ "BadObject", "__str__" ] ], [ "sklearn/tree/_reingold_tilford.py", [ "DrawTree", "__str__" ] ] ], "_unescape_sub_callback": [ [ "sklearn/externals/_arff.py", [ "_unescape_sub_callback" ] ] ], "encode_string": [ [ "sklearn/externals/_arff.py", [ "encode_string" ] ] ], "decode_rows": [ [ "sklearn/externals/_arff.py", [ "DenseGeneratorData", "decode_rows" ] ], [ "sklearn/externals/_arff.py", [ "_DataListMixin", "decode_rows" ] ], [ "sklearn/externals/_arff.py", [ "COOData", "decode_rows" ] ], [ "sklearn/externals/_arff.py", [ "LODGeneratorData", "decode_rows" ] ] ], "_decode_values": [ [ "sklearn/externals/_arff.py", [ "DenseGeneratorData", "_decode_values" ] ] ], "encode_data": [ [ "sklearn/externals/_arff.py", [ "DenseGeneratorData", "encode_data" ] ], [ "sklearn/externals/_arff.py", [ "COOData", "encode_data" ] ], [ "sklearn/externals/_arff.py", [ "LODGeneratorData", "encode_data" ] ] ], "_get_data_object_for_decoding": [ [ "sklearn/externals/_arff.py", [ "_get_data_object_for_decoding" ] ] ], "_get_data_object_for_encoding": [ [ "sklearn/externals/_arff.py", [ "_get_data_object_for_encoding" ] ] ], "_decode_comment": [ [ "sklearn/externals/_arff.py", [ "ArffDecoder", "_decode_comment" ] ] ], "_decode_relation": [ [ "sklearn/externals/_arff.py", [ "ArffDecoder", "_decode_relation" ] ] ], "_decode_attribute": [ [ "sklearn/externals/_arff.py", [ "ArffDecoder", "_decode_attribute" ] ] ], "stream": [ [ "sklearn/externals/_arff.py", [ "ArffDecoder", "_decode", "stream" ] ] ], "_decode": [ [ "sklearn/externals/_arff.py", [ "ArffDecoder", "_decode" ] ] ], "decode": [ [ "sklearn/externals/_arff.py", [ "ArffDecoder", "decode" ] ], [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "decode" ] ] ], "_encode_comment": [ [ "sklearn/externals/_arff.py", [ "ArffEncoder", "_encode_comment" ] ] ], "_encode_relation": [ [ "sklearn/externals/_arff.py", [ "ArffEncoder", "_encode_relation" ] ] ], "_encode_attribute": [ [ "sklearn/externals/_arff.py", [ "ArffEncoder", "_encode_attribute" ] ] ], "encode": [ [ "sklearn/externals/_arff.py", [ "ArffEncoder", "encode" ] ] ], "iter_encode": [ [ "sklearn/externals/_arff.py", [ "ArffEncoder", "iter_encode" ] ] ], "load": [ [ "sklearn/externals/_arff.py", [ "load" ] ] ], "loads": [ [ "sklearn/externals/_arff.py", [ "loads" ] ] ], "dump": [ [ "sklearn/externals/_arff.py", [ "dump" ] ] ], "dumps": [ [ "sklearn/externals/_arff.py", [ "dumps" ] ] ], "bytescale": [ [ "sklearn/externals/_pilutil.py", [ "bytescale" ] ] ], "imread": [ [ "sklearn/externals/_pilutil.py", [ "imread" ] ] ], "imsave": [ [ "sklearn/externals/_pilutil.py", [ "imsave" ] ] ], "fromimage": [ [ "sklearn/externals/_pilutil.py", [ "fromimage" ] ] ], "toimage": [ [ "sklearn/externals/_pilutil.py", [ "toimage" ] ] ], "imresize": [ [ "sklearn/externals/_pilutil.py", [ "imresize" ] ] ], "pytest_ignore_collect": [ [ "sklearn/externals/conftest.py", [ "pytest_ignore_collect" ] ] ], "_add_doc": [ [ "sklearn/externals/six.py", [ "_add_doc" ] ] ], "_import_module": [ [ "sklearn/externals/six.py", [ "_import_module" ] ] ], "__get__": [ [ "sklearn/externals/six.py", [ "_LazyDescr", "__get__" ] ], [ "sklearn/utils/metaestimators.py", [ "_IffHasAttrDescriptor", "__get__" ] ] ], "_resolve": [ [ "sklearn/externals/six.py", [ "MovedModule", "_resolve" ] ], [ "sklearn/externals/six.py", [ "MovedAttribute", "_resolve" ] ] ], "add_move": [ [ "sklearn/externals/six.py", [ "add_move" ] ] ], "remove_move": [ [ "sklearn/externals/six.py", [ "remove_move" ] ] ], "advance_iterator": [ [ "sklearn/externals/six.py", [ "try_", "except_NameError_", "advance_iterator" ] ] ], "callable": [ [ "sklearn/externals/six.py", [ "None_1", "except_NameError_", "callable" ] ] ], "get_unbound_function": [ [ "sklearn/externals/six.py", [ "None_8", "get_unbound_function" ] ], [ "sklearn/externals/six.py", [ "None_8", "else_", "get_unbound_function" ] ] ], "create_bound_method": [ [ "sklearn/externals/six.py", [ "None_8", "else_", "create_bound_method" ] ] ], "next": [ [ "sklearn/externals/six.py", [ "None_8", "else_", "Iterator", "next" ] ] ], "iterkeys": [ [ "sklearn/externals/six.py", [ "iterkeys" ] ] ], "itervalues": [ [ "sklearn/externals/six.py", [ "itervalues" ] ] ], "iteritems": [ [ "sklearn/externals/six.py", [ "iteritems" ] ] ], "iterlists": [ [ "sklearn/externals/six.py", [ "iterlists" ] ] ], "b": [ [ "sklearn/externals/six.py", [ "None_9", "b" ] ], [ "sklearn/externals/six.py", [ "None_9", "else_", "b" ] ] ], "u": [ [ "sklearn/externals/six.py", [ "None_9", "u" ] ], [ "sklearn/externals/six.py", [ "None_9", "else_", "u" ] ] ], "int2byte": [ [ "sklearn/externals/six.py", [ "None_9", "if_sys_version_info_1_", "int2byte" ] ] ], "byte2int": [ [ "sklearn/externals/six.py", [ "None_9", "else_", "byte2int" ] ] ], "indexbytes": [ [ "sklearn/externals/six.py", [ "None_9", "else_", "indexbytes" ] ] ], "iterbytes": [ [ "sklearn/externals/six.py", [ "None_9", "else_", "iterbytes" ] ] ], "reraise": [ [ "sklearn/externals/six.py", [ "None_10", "reraise" ] ] ], "exec_": [ [ "sklearn/externals/six.py", [ "None_10", "else_", "exec_" ] ] ], "write": [ [ "sklearn/externals/six.py", [ "None_10", "else_", "print_", "write" ] ] ], "print_": [ [ "sklearn/externals/six.py", [ "None_10", "else_", "print_" ] ] ], "with_metaclass": [ [ "sklearn/externals/six.py", [ "with_metaclass" ] ] ], "add_metaclass": [ [ "sklearn/externals/six.py", [ "add_metaclass" ] ] ], "_tosequence": [ [ "sklearn/feature_extraction/dict_vectorizer.py", [ "_tosequence" ] ] ], "restrict": [ [ "sklearn/feature_extraction/dict_vectorizer.py", [ "DictVectorizer", "restrict" ] ] ], "_hashing_transform": [ [ "sklearn/feature_extraction/hashing.py", [ "if_not_IS_PYPY_", "else_", "_hashing_transform" ] ] ], "_iteritems": [ [ "sklearn/feature_extraction/hashing.py", [ "_iteritems" ] ] ], "_validate_params": [ [ "sklearn/feature_extraction/hashing.py", [ "FeatureHasher", "_validate_params" ] ], [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_validate_params" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_validate_params" ] ], [ "sklearn/neighbors/nca.py", [ "NeighborhoodComponentsAnalysis", "_validate_params" ] ] ], "_make_edges_3d": [ [ "sklearn/feature_extraction/image.py", [ "_make_edges_3d" ] ] ], "_compute_gradient_3d": [ [ "sklearn/feature_extraction/image.py", [ "_compute_gradient_3d" ] ] ], "_mask_edges_weights": [ [ "sklearn/feature_extraction/image.py", [ "_mask_edges_weights" ] ] ], "_to_graph": [ [ "sklearn/feature_extraction/image.py", [ "_to_graph" ] ] ], "img_to_graph": [ [ "sklearn/feature_extraction/image.py", [ "img_to_graph" ] ] ], "grid_to_graph": [ [ "sklearn/feature_extraction/image.py", [ "grid_to_graph" ] ] ], "_compute_n_patches": [ [ "sklearn/feature_extraction/image.py", [ "_compute_n_patches" ] ] ], "extract_patches": [ [ "sklearn/feature_extraction/image.py", [ "extract_patches" ] ] ], "extract_patches_2d": [ [ "sklearn/feature_extraction/image.py", [ "extract_patches_2d" ] ] ], "reconstruct_from_patches_2d": [ [ "sklearn/feature_extraction/image.py", [ "reconstruct_from_patches_2d" ] ] ], "test_dictvectorizer": [ [ "sklearn/feature_extraction/tests/test_dict_vectorizer.py", [ "test_dictvectorizer" ] ] ], "test_feature_selection": [ [ "sklearn/feature_extraction/tests/test_dict_vectorizer.py", [ "test_feature_selection" ] ] ], "test_one_of_k": [ [ "sklearn/feature_extraction/tests/test_dict_vectorizer.py", [ "test_one_of_k" ] ] ], "test_unseen_or_no_features": [ [ "sklearn/feature_extraction/tests/test_dict_vectorizer.py", [ "test_unseen_or_no_features" ] ] ], "test_deterministic_vocabulary": [ [ "sklearn/feature_extraction/tests/test_dict_vectorizer.py", [ "test_deterministic_vocabulary" ] ] ], "test_feature_hasher_dicts": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_feature_hasher_dicts" ] ] ], "test_feature_hasher_strings": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_feature_hasher_strings" ] ] ], "test_feature_hasher_pairs": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_feature_hasher_pairs" ] ] ], "test_feature_hasher_pairs_with_string_values": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_feature_hasher_pairs_with_string_values" ] ] ], "test_hash_empty_input": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_hash_empty_input" ] ] ], "test_hasher_invalid_input": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_hasher_invalid_input" ] ] ], "test_hasher_set_params": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_hasher_set_params" ] ] ], "test_hasher_zeros": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_hasher_zeros" ] ] ], "test_hasher_alternate_sign": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_hasher_alternate_sign" ] ] ], "test_hash_collisions": [ [ "sklearn/feature_extraction/tests/test_feature_hasher.py", [ "test_hash_collisions" ] ] ], "test_img_to_graph": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_img_to_graph" ] ] ], "test_grid_to_graph": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_grid_to_graph" ] ] ], "test_connect_regions": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_connect_regions" ] ] ], "test_connect_regions_with_grid": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_connect_regions_with_grid" ] ] ], "_downsampled_face": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "_downsampled_face" ] ] ], "_orange_face": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "_orange_face" ] ] ], "_make_images": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "_make_images" ] ] ], "test_extract_patches_all": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patches_all" ] ] ], "test_extract_patches_all_color": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patches_all_color" ] ] ], "test_extract_patches_all_rect": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patches_all_rect" ] ] ], "test_extract_patches_max_patches": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patches_max_patches" ] ] ], "test_extract_patch_same_size_image": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patch_same_size_image" ] ] ], "test_extract_patches_less_than_max_patches": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patches_less_than_max_patches" ] ] ], "test_reconstruct_patches_perfect": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_reconstruct_patches_perfect" ] ] ], "test_reconstruct_patches_perfect_color": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_reconstruct_patches_perfect_color" ] ] ], "test_patch_extractor_fit": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_patch_extractor_fit" ] ] ], "test_patch_extractor_max_patches": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_patch_extractor_max_patches" ] ] ], "test_patch_extractor_max_patches_default": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_patch_extractor_max_patches_default" ] ] ], "test_patch_extractor_all_patches": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_patch_extractor_all_patches" ] ] ], "test_patch_extractor_color": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_patch_extractor_color" ] ] ], "test_extract_patches_strided": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patches_strided" ] ] ], "test_extract_patches_square": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_extract_patches_square" ] ] ], "test_width_patch": [ [ "sklearn/feature_extraction/tests/test_image.py", [ "test_width_patch" ] ] ], "uppercase": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "uppercase" ] ] ], "strip_eacute": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "strip_eacute" ] ] ], "split_tokenize": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "split_tokenize" ] ] ], "lazy_analyze": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "lazy_analyze" ] ] ], "test_strip_accents": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_strip_accents" ] ] ], "test_to_ascii": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_to_ascii" ] ] ], "test_word_analyzer_unigrams": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_word_analyzer_unigrams" ] ] ], "test_word_analyzer_unigrams_and_bigrams": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_word_analyzer_unigrams_and_bigrams" ] ] ], "test_unicode_decode_error": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_unicode_decode_error" ] ] ], "test_char_ngram_analyzer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_char_ngram_analyzer" ] ] ], "test_char_wb_ngram_analyzer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_char_wb_ngram_analyzer" ] ] ], "test_word_ngram_analyzer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_word_ngram_analyzer" ] ] ], "test_countvectorizer_custom_vocabulary": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_custom_vocabulary" ] ] ], "test_countvectorizer_custom_vocabulary_pipeline": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_custom_vocabulary_pipeline" ] ] ], "test_countvectorizer_custom_vocabulary_repeated_indices": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_custom_vocabulary_repeated_indices" ] ] ], "test_countvectorizer_custom_vocabulary_gap_index": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_custom_vocabulary_gap_index" ] ] ], "test_countvectorizer_stop_words": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_stop_words" ] ] ], "test_countvectorizer_empty_vocabulary": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_empty_vocabulary" ] ] ], "test_fit_countvectorizer_twice": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_fit_countvectorizer_twice" ] ] ], "test_tf_idf_smoothing": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tf_idf_smoothing" ] ] ], "test_tfidf_no_smoothing": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidf_no_smoothing" ] ] ], "test_sublinear_tf": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_sublinear_tf" ] ] ], "test_vectorizer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer" ] ] ], "test_tfidf_vectorizer_setters": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidf_vectorizer_setters" ] ] ], "test_hashing_vectorizer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_hashing_vectorizer" ] ] ], "test_feature_names": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_feature_names" ] ] ], "test_vectorizer_max_features": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_max_features" ] ] ], "test_count_vectorizer_max_features": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_count_vectorizer_max_features" ] ] ], "test_vectorizer_max_df": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_max_df" ] ] ], "test_vectorizer_min_df": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_min_df" ] ] ], "test_count_binary_occurrences": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_count_binary_occurrences" ] ] ], "test_hashed_binary_occurrences": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_hashed_binary_occurrences" ] ] ], "test_vectorizer_inverse_transform": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_inverse_transform" ] ] ], "test_count_vectorizer_pipeline_grid_selection": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_count_vectorizer_pipeline_grid_selection" ] ] ], "test_vectorizer_pipeline_grid_selection": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_pipeline_grid_selection" ] ] ], "test_vectorizer_pipeline_cross_validation": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_pipeline_cross_validation" ] ] ], "test_vectorizer_unicode": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_unicode" ] ] ], "test_tfidf_vectorizer_with_fixed_vocabulary": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidf_vectorizer_with_fixed_vocabulary" ] ] ], "test_pickling_vectorizer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_pickling_vectorizer" ] ] ], "test_countvectorizer_vocab_sets_when_pickling": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_vocab_sets_when_pickling" ] ] ], "test_countvectorizer_vocab_dicts_when_pickling": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_vocab_dicts_when_pickling" ] ] ], "test_stop_words_removal": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_stop_words_removal" ] ] ], "test_pickling_transformer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_pickling_transformer" ] ] ], "test_transformer_idf_setter": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_transformer_idf_setter" ] ] ], "test_tfidf_vectorizer_setter": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidf_vectorizer_setter" ] ] ], "test_tfidfvectorizer_invalid_idf_attr": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidfvectorizer_invalid_idf_attr" ] ] ], "test_non_unique_vocab": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_non_unique_vocab" ] ] ], "test_hashingvectorizer_nan_in_docs": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_hashingvectorizer_nan_in_docs" ] ] ], "test_tfidfvectorizer_binary": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidfvectorizer_binary" ] ] ], "test_tfidfvectorizer_export_idf": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidfvectorizer_export_idf" ] ] ], "test_vectorizer_vocab_clone": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_vocab_clone" ] ] ], "test_vectorizer_string_object_as_input": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_string_object_as_input" ] ] ], "test_tfidf_transformer_type": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidf_transformer_type" ] ] ], "test_tfidf_transformer_sparse": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidf_transformer_sparse" ] ] ], "test_tfidf_vectorizer_type": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_tfidf_vectorizer_type" ] ] ], "test_vectorizers_invalid_ngram_range": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizers_invalid_ngram_range" ] ] ], "_check_stop_words_consistency": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "_check_stop_words_consistency" ] ], [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_check_stop_words_consistency" ] ] ], "test_vectorizer_stop_words_inconsistent": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_vectorizer_stop_words_inconsistent" ] ] ], "test_countvectorizer_sort_features_64bit_sparse_indices": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_countvectorizer_sort_features_64bit_sparse_indices" ] ] ], "build_preprocessor": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_stop_word_validation_custom_preprocessor", "CustomEstimator", "build_preprocessor" ] ], [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "build_preprocessor" ] ] ], "test_stop_word_validation_custom_preprocessor": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_stop_word_validation_custom_preprocessor" ] ] ], "test_callable_analyzer_error": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_callable_analyzer_error" ] ] ], "test_callable_analyzer_change_behavior": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_callable_analyzer_change_behavior" ] ] ], "analyzer": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_callable_analyzer_reraise_error", "analyzer" ] ] ], "test_callable_analyzer_reraise_error": [ [ "sklearn/feature_extraction/tests/test_text.py", [ "test_callable_analyzer_reraise_error" ] ] ], "strip_accents_unicode": [ [ "sklearn/feature_extraction/text.py", [ "strip_accents_unicode" ] ] ], "strip_accents_ascii": [ [ "sklearn/feature_extraction/text.py", [ "strip_accents_ascii" ] ] ], "strip_tags": [ [ "sklearn/feature_extraction/text.py", [ "strip_tags" ] ] ], "_check_stop_list": [ [ "sklearn/feature_extraction/text.py", [ "_check_stop_list" ] ] ], "_word_ngrams": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_word_ngrams" ] ] ], "_char_ngrams": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_char_ngrams" ] ] ], "_char_wb_ngrams": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_char_wb_ngrams" ] ] ], "get_stop_words": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "get_stop_words" ] ] ], "_validate_custom_analyzer": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_validate_custom_analyzer" ] ] ], "build_analyzer": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "build_analyzer" ] ] ], "_validate_vocabulary": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_validate_vocabulary" ] ] ], "_check_vocabulary": [ [ "sklearn/feature_extraction/text.py", [ "VectorizerMixin", "_check_vocabulary" ] ] ], "_get_hasher": [ [ "sklearn/feature_extraction/text.py", [ "HashingVectorizer", "_get_hasher" ] ] ], "_document_frequency": [ [ "sklearn/feature_extraction/text.py", [ "_document_frequency" ] ] ], "_sort_features": [ [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "_sort_features" ] ] ], "_limit_features": [ [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "_limit_features" ] ] ], "_count_vocab": [ [ "sklearn/feature_extraction/text.py", [ "CountVectorizer", "_count_vocab" ] ] ], "_make_int_array": [ [ "sklearn/feature_extraction/text.py", [ "_make_int_array" ] ] ], "idf_": [ [ "sklearn/feature_extraction/text.py", [ "TfidfTransformer", "idf_" ] ], [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "idf_" ] ] ], "idf__3": [ [ "sklearn/feature_extraction/text.py", [ "TfidfTransformer", "idf__3" ] ] ], "norm_1": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "norm_1" ] ] ], "use_idf": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "use_idf" ] ] ], "use_idf_3": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "use_idf_3" ] ] ], "smooth_idf": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "smooth_idf" ] ] ], "smooth_idf_5": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "smooth_idf_5" ] ] ], "sublinear_tf": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "sublinear_tf" ] ] ], "sublinear_tf_7": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "sublinear_tf_7" ] ] ], "idf__9": [ [ "sklearn/feature_extraction/text.py", [ "TfidfVectorizer", "idf__9" ] ] ], "get_support": [ [ "sklearn/feature_selection/base.py", [ "SelectorMixin", "get_support" ] ] ], "_get_support_mask": [ [ "sklearn/feature_selection/base.py", [ "SelectorMixin", "_get_support_mask" ] ], [ "sklearn/feature_selection/from_model.py", [ "SelectFromModel", "_get_support_mask" ] ], [ "sklearn/feature_selection/rfe.py", [ "RFE", "_get_support_mask" ] ], [ "sklearn/feature_selection/tests/test_base.py", [ "StepSelector", "_get_support_mask" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "SelectPercentile", "_get_support_mask" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "SelectKBest", "_get_support_mask" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "SelectFpr", "_get_support_mask" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "SelectFdr", "_get_support_mask" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "SelectFwe", "_get_support_mask" ] ], [ "sklearn/feature_selection/univariate_selection.py", [ "GenericUnivariateSelect", "_get_support_mask" ] ], [ "sklearn/feature_selection/variance_threshold.py", [ "VarianceThreshold", "_get_support_mask" ] ] ], "_get_feature_importances": [ [ "sklearn/feature_selection/from_model.py", [ "_get_feature_importances" ] ] ], "_calculate_threshold": [ [ "sklearn/feature_selection/from_model.py", [ "_calculate_threshold" ] ] ], "threshold_": [ [ "sklearn/feature_selection/from_model.py", [ "SelectFromModel", "threshold_" ] ] ], "_compute_mi_cc": [ [ "sklearn/feature_selection/mutual_info_.py", [ "_compute_mi_cc" ] ] ], "_compute_mi_cd": [ [ "sklearn/feature_selection/mutual_info_.py", [ "_compute_mi_cd" ] ] ], "_compute_mi": [ [ "sklearn/feature_selection/mutual_info_.py", [ "_compute_mi" ] ] ], "_iterate_columns": [ [ "sklearn/feature_selection/mutual_info_.py", [ "_iterate_columns" ] ] ], "_estimate_mi": [ [ "sklearn/feature_selection/mutual_info_.py", [ "_estimate_mi" ] ] ], "mutual_info_regression": [ [ "sklearn/feature_selection/mutual_info_.py", [ "mutual_info_regression" ] ] ], "mutual_info_classif": [ [ "sklearn/feature_selection/mutual_info_.py", [ "mutual_info_classif" ] ] ], "_rfe_single_fit": [ [ "sklearn/feature_selection/rfe.py", [ "_rfe_single_fit" ] ] ], "_estimator_type": [ [ "sklearn/feature_selection/rfe.py", [ "RFE", "_estimator_type" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "_estimator_type" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "_estimator_type" ] ] ], "classes_": [ [ "sklearn/feature_selection/rfe.py", [ "RFE", "classes_" ] ], [ "sklearn/linear_model/ridge.py", [ "RidgeClassifier", "classes_" ] ], [ "sklearn/linear_model/ridge.py", [ "RidgeClassifierCV", "classes_" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "classes_" ] ], [ "sklearn/pipeline.py", [ "Pipeline", "classes_" ] ] ], "test_transform_dense": [ [ "sklearn/feature_selection/tests/test_base.py", [ "test_transform_dense" ] ] ], "test_transform_sparse": [ [ "sklearn/feature_selection/tests/test_base.py", [ "test_transform_sparse" ] ] ], "test_inverse_transform_dense": [ [ "sklearn/feature_selection/tests/test_base.py", [ "test_inverse_transform_dense" ] ] ], "test_inverse_transform_sparse": [ [ "sklearn/feature_selection/tests/test_base.py", [ "test_inverse_transform_sparse" ] ] ], "test_get_support": [ [ "sklearn/feature_selection/tests/test_base.py", [ "test_get_support" ] ] ], "mkchi2": [ [ "sklearn/feature_selection/tests/test_chi2.py", [ "mkchi2" ] ] ], "test_chi2": [ [ "sklearn/feature_selection/tests/test_chi2.py", [ "test_chi2" ] ] ], "test_chi2_coo": [ [ "sklearn/feature_selection/tests/test_chi2.py", [ "test_chi2_coo" ] ] ], "test_chi2_negative": [ [ "sklearn/feature_selection/tests/test_chi2.py", [ "test_chi2_negative" ] ] ], "test_chi2_unused_feature": [ [ "sklearn/feature_selection/tests/test_chi2.py", [ "test_chi2_unused_feature" ] ] ], "test_chisquare": [ [ "sklearn/feature_selection/tests/test_chi2.py", [ "test_chisquare" ] ] ], "test_f_oneway_vs_scipy_stats": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_oneway_vs_scipy_stats" ] ] ], "test_f_oneway_ints": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_oneway_ints" ] ] ], "test_f_classif": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_classif" ] ] ], "test_f_regression": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_regression" ] ] ], "test_f_regression_input_dtype": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_regression_input_dtype" ] ] ], "test_f_regression_center": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_regression_center" ] ] ], "test_f_classif_multi_class": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_classif_multi_class" ] ] ], "test_select_percentile_classif": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_percentile_classif" ] ] ], "test_select_percentile_classif_sparse": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_percentile_classif_sparse" ] ] ], "test_select_kbest_classif": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_kbest_classif" ] ] ], "test_select_kbest_all": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_kbest_all" ] ] ], "test_select_kbest_zero": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_kbest_zero" ] ] ], "test_select_heuristics_classif": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_heuristics_classif" ] ] ], "assert_best_scores_kept": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "assert_best_scores_kept" ] ] ], "test_select_percentile_regression": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_percentile_regression" ] ] ], "test_select_percentile_regression_full": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_percentile_regression_full" ] ] ], "test_invalid_percentile": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_invalid_percentile" ] ] ], "test_select_kbest_regression": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_kbest_regression" ] ] ], "test_select_heuristics_regression": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_heuristics_regression" ] ] ], "test_boundary_case_ch2": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_boundary_case_ch2" ] ] ], "single_fdr": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_fdr_regression", "single_fdr" ] ] ], "test_select_fdr_regression": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_fdr_regression" ] ] ], "test_select_fwe_regression": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_select_fwe_regression" ] ] ], "test_selectkbest_tiebreaking": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_selectkbest_tiebreaking" ] ] ], "test_selectpercentile_tiebreaking": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_selectpercentile_tiebreaking" ] ] ], "test_tied_pvalues": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_tied_pvalues" ] ] ], "test_scorefunc_multilabel": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_scorefunc_multilabel" ] ] ], "test_tied_scores": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_tied_scores" ] ] ], "test_nans": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_nans" ] ] ], "test_score_func_error": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_score_func_error" ] ] ], "test_invalid_k": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_invalid_k" ] ] ], "test_f_classif_constant_feature": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_f_classif_constant_feature" ] ] ], "test_no_feature_selected": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_no_feature_selected" ] ] ], "test_mutual_info_classif": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_mutual_info_classif" ] ] ], "test_mutual_info_regression": [ [ "sklearn/feature_selection/tests/test_feature_select.py", [ "test_mutual_info_regression" ] ], [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_mutual_info_regression" ] ] ], "test_invalid_input": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_invalid_input" ] ] ], "test_input_estimator_unchanged": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_input_estimator_unchanged" ] ] ], "test_max_features_error": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_max_features_error" ] ] ], "test_max_features_dim": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_max_features_dim" ] ] ], "test_max_features": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_max_features" ] ], [ "sklearn/tree/tests/test_tree.py", [ "test_max_features" ] ] ], "test_max_features_tiebreak": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_max_features_tiebreak" ] ] ], "test_threshold_and_max_features": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_threshold_and_max_features" ] ] ], "test_coef_default_threshold": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_coef_default_threshold" ] ] ], "test_2d_coef": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_2d_coef" ] ] ], "test_calling_fit_reinitializes": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_calling_fit_reinitializes" ] ] ], "test_prefit": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_prefit" ] ] ], "test_threshold_string": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_threshold_string" ] ] ], "test_threshold_without_refitting": [ [ "sklearn/feature_selection/tests/test_from_model.py", [ "test_threshold_without_refitting" ] ] ], "test_compute_mi_dd": [ [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_compute_mi_dd" ] ] ], "test_compute_mi_cc": [ [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_compute_mi_cc" ] ] ], "test_compute_mi_cd": [ [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_compute_mi_cd" ] ] ], "test_compute_mi_cd_unique_label": [ [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_compute_mi_cd_unique_label" ] ] ], "test_mutual_info_classif_discrete": [ [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_mutual_info_classif_discrete" ] ] ], "test_mutual_info_classif_mixed": [ [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_mutual_info_classif_mixed" ] ] ], "test_mutual_info_options": [ [ "sklearn/feature_selection/tests/test_mutual_info.py", [ "test_mutual_info_options" ] ] ], "test_rfe_features_importance": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfe_features_importance" ] ] ], "test_rfe": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfe" ] ] ], "test_rfe_mockclassifier": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfe_mockclassifier" ] ] ], "test_scorer": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfecv", "test_scorer" ] ] ], "test_rfecv": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfecv" ] ] ], "test_rfecv_mockclassifier": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfecv_mockclassifier" ] ] ], "test_rfecv_verbose_output": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfecv_verbose_output" ] ] ], "test_rfecv_grid_scores_size": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfecv_grid_scores_size" ] ] ], "test_rfe_estimator_tags": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfe_estimator_tags" ] ] ], "test_rfe_min_step": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfe_min_step" ] ] ], "formula1": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_number_of_subsets_of_features", "formula1" ] ] ], "formula2": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_number_of_subsets_of_features", "formula2" ] ] ], "test_number_of_subsets_of_features": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_number_of_subsets_of_features" ] ] ], "test_rfe_cv_n_jobs": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfe_cv_n_jobs" ] ] ], "test_rfe_cv_groups": [ [ "sklearn/feature_selection/tests/test_rfe.py", [ "test_rfe_cv_groups" ] ] ], "test_zero_variance": [ [ "sklearn/feature_selection/tests/test_variance_threshold.py", [ "test_zero_variance" ] ] ], "test_variance_threshold": [ [ "sklearn/feature_selection/tests/test_variance_threshold.py", [ "test_variance_threshold" ] ] ], "test_zero_variance_floating_point_error": [ [ "sklearn/feature_selection/tests/test_variance_threshold.py", [ "test_zero_variance_floating_point_error" ] ] ], "_clean_nans": [ [ "sklearn/feature_selection/univariate_selection.py", [ "_clean_nans" ] ] ], "f_oneway": [ [ "sklearn/feature_selection/univariate_selection.py", [ "f_oneway" ] ] ], "f_classif": [ [ "sklearn/feature_selection/univariate_selection.py", [ "f_classif" ] ] ], "_chisquare": [ [ "sklearn/feature_selection/univariate_selection.py", [ "_chisquare" ] ] ], "chi2": [ [ "sklearn/feature_selection/univariate_selection.py", [ "chi2" ] ] ], "f_regression": [ [ "sklearn/feature_selection/univariate_selection.py", [ "f_regression" ] ] ], "_make_selector": [ [ "sklearn/feature_selection/univariate_selection.py", [ "GenericUnivariateSelect", "_make_selector" ] ] ], "obj_func": [ [ "sklearn/gaussian_process/gpc.py", [ "_BinaryGaussianProcessClassifierLaplace", "fit", "if_self_optimizer_is_not_", "obj_func" ] ], [ "sklearn/gaussian_process/gpr.py", [ "GaussianProcessRegressor", "fit", "if_self_optimizer_is_not_", "obj_func" ] ] ], "log_marginal_likelihood": [ [ "sklearn/gaussian_process/gpc.py", [ "_BinaryGaussianProcessClassifierLaplace", "log_marginal_likelihood" ] ], [ "sklearn/gaussian_process/gpc.py", [ "GaussianProcessClassifier", "log_marginal_likelihood" ] ], [ "sklearn/gaussian_process/gpr.py", [ "GaussianProcessRegressor", "log_marginal_likelihood" ] ] ], "_posterior_mode": [ [ "sklearn/gaussian_process/gpc.py", [ "_BinaryGaussianProcessClassifierLaplace", "_posterior_mode" ] ] ], "_constrained_optimization": [ [ "sklearn/gaussian_process/gpc.py", [ "_BinaryGaussianProcessClassifierLaplace", "_constrained_optimization" ] ], [ "sklearn/gaussian_process/gpr.py", [ "GaussianProcessRegressor", "_constrained_optimization" ] ] ], "kernel_": [ [ "sklearn/gaussian_process/gpc.py", [ "GaussianProcessClassifier", "kernel_" ] ] ], "sample_y": [ [ "sklearn/gaussian_process/gpr.py", [ "GaussianProcessRegressor", "sample_y" ] ] ], "_check_length_scale": [ [ "sklearn/gaussian_process/kernels.py", [ "_check_length_scale" ] ] ], "__new__": [ [ "sklearn/gaussian_process/kernels.py", [ "Hyperparameter", "__new__" ] ] ], "__eq__": [ [ "sklearn/gaussian_process/kernels.py", [ "Hyperparameter", "__eq__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__eq__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "__eq__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "KernelOperator", "__eq__" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "__eq__" ] ], [ "sklearn/utils/mocking.py", [ "MockDataFrame", "__eq__" ] ] ], "clone_with_theta": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "clone_with_theta" ] ] ], "n_dims": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "n_dims" ] ] ], "hyperparameters": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "hyperparameters" ] ], [ "sklearn/gaussian_process/kernels.py", [ "KernelOperator", "hyperparameters" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "hyperparameters" ] ] ], "theta": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "theta" ] ], [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "theta" ] ], [ "sklearn/gaussian_process/kernels.py", [ "KernelOperator", "theta" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "theta" ] ] ], "theta_6": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "theta_6" ] ] ], "bounds": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "bounds" ] ], [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "bounds" ] ], [ "sklearn/gaussian_process/kernels.py", [ "KernelOperator", "bounds" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "bounds" ] ] ], "__add__": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__add__" ] ] ], "__radd__": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__radd__" ] ] ], "__mul__": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__mul__" ] ] ], "__rmul__": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__rmul__" ] ] ], "__pow__": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "__pow__" ] ] ], "diag": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "NormalizedKernelMixin", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Sum", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Product", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "ConstantKernel", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "WhiteKernel", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "DotProduct", "diag" ] ], [ "sklearn/gaussian_process/kernels.py", [ "PairwiseKernel", "diag" ] ] ], "is_stationary": [ [ "sklearn/gaussian_process/kernels.py", [ "Kernel", "is_stationary" ] ], [ "sklearn/gaussian_process/kernels.py", [ "StationaryKernelMixin", "is_stationary" ] ], [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "is_stationary" ] ], [ "sklearn/gaussian_process/kernels.py", [ "KernelOperator", "is_stationary" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "is_stationary" ] ], [ "sklearn/gaussian_process/kernels.py", [ "DotProduct", "is_stationary" ] ], [ "sklearn/gaussian_process/kernels.py", [ "PairwiseKernel", "is_stationary" ] ] ], "theta_2": [ [ "sklearn/gaussian_process/kernels.py", [ "CompoundKernel", "theta_2" ] ] ], "theta_3": [ [ "sklearn/gaussian_process/kernels.py", [ "KernelOperator", "theta_3" ] ], [ "sklearn/gaussian_process/kernels.py", [ "Exponentiation", "theta_3" ] ] ], "hyperparameter_constant_value": [ [ "sklearn/gaussian_process/kernels.py", [ "ConstantKernel", "hyperparameter_constant_value" ] ] ], "hyperparameter_noise_level": [ [ "sklearn/gaussian_process/kernels.py", [ "WhiteKernel", "hyperparameter_noise_level" ] ] ], "anisotropic": [ [ "sklearn/gaussian_process/kernels.py", [ "RBF", "anisotropic" ] ] ], "hyperparameter_length_scale": [ [ "sklearn/gaussian_process/kernels.py", [ "RBF", "hyperparameter_length_scale" ] ], [ "sklearn/gaussian_process/kernels.py", [ "RationalQuadratic", "hyperparameter_length_scale" ] ], [ "sklearn/gaussian_process/kernels.py", [ "ExpSineSquared", "hyperparameter_length_scale" ] ] ], "hyperparameter_alpha": [ [ "sklearn/gaussian_process/kernels.py", [ "RationalQuadratic", "hyperparameter_alpha" ] ] ], "hyperparameter_periodicity": [ [ "sklearn/gaussian_process/kernels.py", [ "ExpSineSquared", "hyperparameter_periodicity" ] ] ], "hyperparameter_sigma_0": [ [ "sklearn/gaussian_process/kernels.py", [ "DotProduct", "hyperparameter_sigma_0" ] ] ], "_approx_fprime": [ [ "sklearn/gaussian_process/kernels.py", [ "_approx_fprime" ] ] ], "hyperparameter_gamma": [ [ "sklearn/gaussian_process/kernels.py", [ "PairwiseKernel", "hyperparameter_gamma" ] ] ], "test_predict_consistent": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_predict_consistent" ] ] ], "test_lml_improving": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_lml_improving" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_lml_improving" ] ] ], "test_lml_precomputed": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_lml_precomputed" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_lml_precomputed" ] ] ], "test_converged_to_local_maximum": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_converged_to_local_maximum" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_converged_to_local_maximum" ] ] ], "test_lml_gradient": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_lml_gradient" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_lml_gradient" ] ] ], "test_random_starts": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_random_starts" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_random_starts" ] ] ], "optimizer": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_custom_optimizer", "optimizer" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_custom_optimizer", "optimizer" ] ] ], "test_custom_optimizer": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_custom_optimizer" ] ], [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_custom_optimizer" ] ] ], "test_multi_class": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_multi_class" ] ] ], "test_multi_class_n_jobs": [ [ "sklearn/gaussian_process/tests/test_gpc.py", [ "test_multi_class_n_jobs" ] ] ], "test_gpr_interpolation": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_gpr_interpolation" ] ] ], "test_solution_inside_bounds": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_solution_inside_bounds" ] ] ], "test_prior": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_prior" ] ] ], "test_sample_statistics": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_sample_statistics" ] ] ], "test_no_optimizer": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_no_optimizer" ] ] ], "test_predict_cov_vs_std": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_predict_cov_vs_std" ] ] ], "test_anisotropic_kernel": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_anisotropic_kernel" ] ] ], "test_y_normalization": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_y_normalization" ] ] ], "test_y_multioutput": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_y_multioutput" ] ] ], "test_gpr_correct_error_message": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_gpr_correct_error_message" ] ] ], "test_duplicate_input": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_duplicate_input" ] ] ], "test_no_fit_default_predict": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_no_fit_default_predict" ] ] ], "test_K_inv_reset": [ [ "sklearn/gaussian_process/tests/test_gpr.py", [ "test_K_inv_reset" ] ] ], "eval_kernel_for_theta": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_gradient", "eval_kernel_for_theta" ] ] ], "test_kernel_gradient": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_gradient" ] ] ], "test_kernel_theta": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_theta" ] ] ], "test_auto_vs_cross": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_auto_vs_cross" ] ] ], "test_kernel_diag": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_diag" ] ] ], "test_kernel_operator_commutative": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_operator_commutative" ] ] ], "test_kernel_anisotropic": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_anisotropic" ] ] ], "test_kernel_stationary": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_stationary" ] ] ], "check_hyperparameters_equal": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "check_hyperparameters_equal" ] ] ], "test_kernel_clone": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_clone" ] ] ], "test_kernel_clone_after_set_params": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_clone_after_set_params" ] ] ], "test_matern_kernel": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_matern_kernel" ] ] ], "test_kernel_versus_pairwise": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_kernel_versus_pairwise" ] ] ], "test_set_get_params": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_set_get_params" ] ] ], "test_repr_kernels": [ [ "sklearn/gaussian_process/tests/test_kernels.py", [ "test_repr_kernels" ] ] ], "_check_inputs_dtype": [ [ "sklearn/impute/_base.py", [ "_check_inputs_dtype" ] ] ], "_get_mask": [ [ "sklearn/impute/_base.py", [ "_get_mask" ] ] ], "_most_frequent": [ [ "sklearn/impute/_base.py", [ "_most_frequent" ] ] ], "_validate_input": [ [ "sklearn/impute/_base.py", [ "SimpleImputer", "_validate_input" ] ], [ "sklearn/impute/_base.py", [ "MissingIndicator", "_validate_input" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPClassifier", "_validate_input" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPRegressor", "_validate_input" ] ] ], "_sparse_fit": [ [ "sklearn/impute/_base.py", [ "SimpleImputer", "_sparse_fit" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "_sparse_fit" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "_sparse_fit" ] ] ], "_dense_fit": [ [ "sklearn/impute/_base.py", [ "SimpleImputer", "_dense_fit" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "_dense_fit" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "_dense_fit" ] ] ], "_get_missing_features_info": [ [ "sklearn/impute/_base.py", [ "MissingIndicator", "_get_missing_features_info" ] ] ], "_impute_one_feature": [ [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "_impute_one_feature" ] ] ], "_get_neighbor_feat_idx": [ [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "_get_neighbor_feat_idx" ] ] ], "_get_ordered_idx": [ [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "_get_ordered_idx" ] ] ], "_get_abs_corr_mat": [ [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "_get_abs_corr_mat" ] ] ], "_initial_imputation": [ [ "sklearn/impute/_iterative.py", [ "IterativeImputer", "_initial_imputation" ] ] ], "_check_statistics": [ [ "sklearn/impute/tests/test_impute.py", [ "_check_statistics" ] ] ], "test_imputation_shape": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_shape" ] ] ], "test_imputation_error_invalid_strategy": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_error_invalid_strategy" ] ] ], "test_imputation_deletion_warning": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_deletion_warning" ] ] ], "test_imputation_error_sparse_0": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_error_sparse_0" ] ] ], "safe_median": [ [ "sklearn/impute/tests/test_impute.py", [ "safe_median" ] ] ], "safe_mean": [ [ "sklearn/impute/tests/test_impute.py", [ "safe_mean" ] ] ], "test_imputation_mean_median": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_mean_median" ] ] ], "test_imputation_median_special_cases": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_median_special_cases" ] ] ], "test_imputation_mean_median_error_invalid_type": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_mean_median_error_invalid_type" ] ] ], "test_imputation_const_mostf_error_invalid_types": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_const_mostf_error_invalid_types" ] ] ], "test_imputation_most_frequent": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_most_frequent" ] ] ], "test_imputation_most_frequent_objects": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_most_frequent_objects" ] ] ], "test_imputation_most_frequent_pandas": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_most_frequent_pandas" ] ] ], "test_imputation_constant_error_invalid_type": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_constant_error_invalid_type" ] ] ], "test_imputation_constant_integer": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_constant_integer" ] ] ], "test_imputation_constant_float": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_constant_float" ] ] ], "test_imputation_constant_object": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_constant_object" ] ] ], "test_imputation_constant_pandas": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_constant_pandas" ] ] ], "test_imputation_pipeline_grid_search": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_pipeline_grid_search" ] ] ], "test_imputation_copy": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputation_copy" ] ] ], "test_iterative_imputer_zero_iters": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_zero_iters" ] ] ], "test_iterative_imputer_verbose": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_verbose" ] ] ], "test_iterative_imputer_all_missing": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_all_missing" ] ] ], "test_iterative_imputer_imputation_order": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_imputation_order" ] ] ], "test_iterative_imputer_estimators": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_estimators" ] ] ], "test_iterative_imputer_clip": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_clip" ] ] ], "test_iterative_imputer_clip_truncnorm": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_clip_truncnorm" ] ] ], "test_iterative_imputer_truncated_normal_posterior": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_truncated_normal_posterior" ] ] ], "test_iterative_imputer_missing_at_transform": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_missing_at_transform" ] ] ], "test_iterative_imputer_transform_stochasticity": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_transform_stochasticity" ] ] ], "test_iterative_imputer_no_missing": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_no_missing" ] ] ], "test_iterative_imputer_rank_one": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_rank_one" ] ] ], "test_iterative_imputer_transform_recovery": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_transform_recovery" ] ] ], "test_iterative_imputer_additive_matrix": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_additive_matrix" ] ] ], "test_iterative_imputer_error_param": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_error_param" ] ] ], "test_iterative_imputer_early_stopping": [ [ "sklearn/impute/tests/test_impute.py", [ "test_iterative_imputer_early_stopping" ] ] ], "test_missing_indicator_error": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_error" ] ] ], "test_missing_indicator_new": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_new" ] ] ], "test_missing_indicator_raise_on_sparse_with_missing_0": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_raise_on_sparse_with_missing_0" ] ] ], "test_missing_indicator_sparse_param": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_sparse_param" ] ] ], "test_missing_indicator_string": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_string" ] ] ], "test_missing_indicator_with_imputer": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_with_imputer" ] ] ], "test_inconsistent_dtype_X_missing_values": [ [ "sklearn/impute/tests/test_impute.py", [ "test_inconsistent_dtype_X_missing_values" ] ] ], "test_missing_indicator_no_missing": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_no_missing" ] ] ], "test_missing_indicator_sparse_no_explicit_zeros": [ [ "sklearn/impute/tests/test_impute.py", [ "test_missing_indicator_sparse_no_explicit_zeros" ] ] ], "test_imputers_add_indicator": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputers_add_indicator" ] ] ], "test_imputer_without_indicator": [ [ "sklearn/impute/tests/test_impute.py", [ "test_imputer_without_indicator" ] ] ], "test_simple_imputation_add_indicator_sparse_matrix": [ [ "sklearn/impute/tests/test_impute.py", [ "test_simple_imputation_add_indicator_sparse_matrix" ] ] ], "_partial_dependence_recursion": [ [ "sklearn/inspection/partial_dependence.py", [ "_partial_dependence_recursion" ] ] ], "_partial_dependence_brute": [ [ "sklearn/inspection/partial_dependence.py", [ "_partial_dependence_brute" ] ] ], "test_output_shape": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_output_shape" ] ] ], "test_grid_from_X": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_grid_from_X" ] ] ], "test_grid_from_X_error": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_grid_from_X_error" ] ] ], "test_partial_dependence_helpers": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_helpers" ] ] ], "test_recursion_decision_function": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_recursion_decision_function" ] ] ], "test_partial_dependence_easy_target": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_easy_target" ] ] ], "test_multiclass_multioutput": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_multiclass_multioutput" ] ] ], "test_partial_dependence_error": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_error" ] ] ], "test_partial_dependence_unknown_feature": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_unknown_feature" ] ] ], "test_partial_dependence_unfitted_estimator": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_unfitted_estimator" ] ] ], "test_partial_dependence_X_list": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_X_list" ] ] ], "test_warning_recursion_non_constant_init": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_warning_recursion_non_constant_init" ] ] ], "test_partial_dependence_pipeline": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_partial_dependence_pipeline" ] ] ], "test_plot_partial_dependence_multioutput": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_plot_partial_dependence_multioutput" ] ] ], "test_plot_partial_dependence_error": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_plot_partial_dependence_error" ] ] ], "test_plot_partial_dependence_fig": [ [ "sklearn/inspection/tests/test_partial_dependence.py", [ "test_plot_partial_dependence_fig" ] ] ], "check_increasing": [ [ "sklearn/isotonic.py", [ "check_increasing" ] ] ], "isotonic_regression": [ [ "sklearn/isotonic.py", [ "isotonic_regression" ] ] ], "_check_fit_data": [ [ "sklearn/isotonic.py", [ "IsotonicRegression", "_check_fit_data" ] ] ], "_build_f": [ [ "sklearn/isotonic.py", [ "IsotonicRegression", "_build_f" ] ] ], "_build_y": [ [ "sklearn/isotonic.py", [ "IsotonicRegression", "_build_y" ] ] ], "_transform_dense": [ [ "sklearn/kernel_approximation.py", [ "AdditiveChi2Sampler", "_transform_dense" ] ] ], "_transform_sparse": [ [ "sklearn/kernel_approximation.py", [ "AdditiveChi2Sampler", "_transform_sparse" ] ] ], "_get_kernel_params": [ [ "sklearn/kernel_approximation.py", [ "Nystroem", "_get_kernel_params" ] ] ], "make_dataset": [ [ "sklearn/linear_model/base.py", [ "make_dataset" ] ] ], "_preprocess_data": [ [ "sklearn/linear_model/base.py", [ "_preprocess_data" ] ] ], "_rescale_data": [ [ "sklearn/linear_model/base.py", [ "_rescale_data" ] ] ], "_set_intercept": [ [ "sklearn/linear_model/base.py", [ "LinearModel", "_set_intercept" ] ] ], "_predict_proba_lr": [ [ "sklearn/linear_model/base.py", [ "LinearClassifierMixin", "_predict_proba_lr" ] ] ], "densify": [ [ "sklearn/linear_model/base.py", [ "SparseCoefMixin", "densify" ] ], [ "sklearn/tests/test_random_projection.py", [ "densify" ] ] ], "sparsify": [ [ "sklearn/linear_model/base.py", [ "SparseCoefMixin", "sparsify" ] ] ], "matvec": [ [ "sklearn/linear_model/base.py", [ "LinearRegression", "fit", "if_sp_issparse_X_", "matvec" ] ], [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg", "_get_rescaled_operator", "matvec" ] ] ], "rmatvec": [ [ "sklearn/linear_model/base.py", [ "LinearRegression", "fit", "if_sp_issparse_X_", "rmatvec" ] ], [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg", "_get_rescaled_operator", "rmatvec" ] ] ], "_pre_fit": [ [ "sklearn/linear_model/base.py", [ "_pre_fit" ] ] ], "_update_coef_": [ [ "sklearn/linear_model/bayes.py", [ "BayesianRidge", "_update_coef_" ] ] ], "_log_marginal_likelihood": [ [ "sklearn/linear_model/bayes.py", [ "BayesianRidge", "_log_marginal_likelihood" ] ] ], "update_sigma": [ [ "sklearn/linear_model/bayes.py", [ "ARDRegression", "fit", "update_sigma" ] ] ], "update_coeff": [ [ "sklearn/linear_model/bayes.py", [ "ARDRegression", "fit", "update_coeff" ] ] ], "_alpha_grid": [ [ "sklearn/linear_model/coordinate_descent.py", [ "_alpha_grid" ] ] ], "lasso_path": [ [ "sklearn/linear_model/coordinate_descent.py", [ "lasso_path" ] ] ], "enet_path": [ [ "sklearn/linear_model/coordinate_descent.py", [ "enet_path" ] ] ], "sparse_coef_": [ [ "sklearn/linear_model/coordinate_descent.py", [ "ElasticNet", "sparse_coef_" ] ] ], "_path_residuals": [ [ "sklearn/linear_model/coordinate_descent.py", [ "_path_residuals" ] ] ], "_huber_loss_and_gradient": [ [ "sklearn/linear_model/huber.py", [ "_huber_loss_and_gradient" ] ] ], "lars_path": [ [ "sklearn/linear_model/least_angle.py", [ "lars_path" ] ] ], "lars_path_gram": [ [ "sklearn/linear_model/least_angle.py", [ "lars_path_gram" ] ] ], "_lars_path_solver": [ [ "sklearn/linear_model/least_angle.py", [ "_lars_path_solver" ] ] ], "_get_gram": [ [ "sklearn/linear_model/least_angle.py", [ "Lars", "_get_gram" ] ] ], "_check_copy_and_writeable": [ [ "sklearn/linear_model/least_angle.py", [ "_check_copy_and_writeable" ] ] ], "_lars_path_residues": [ [ "sklearn/linear_model/least_angle.py", [ "_lars_path_residues" ] ] ], "_intercept_dot": [ [ "sklearn/linear_model/logistic.py", [ "_intercept_dot" ] ] ], "_logistic_loss_and_grad": [ [ "sklearn/linear_model/logistic.py", [ "_logistic_loss_and_grad" ] ] ], "_logistic_loss": [ [ "sklearn/linear_model/logistic.py", [ "_logistic_loss" ] ] ], "Hs": [ [ "sklearn/linear_model/logistic.py", [ "_logistic_grad_hess", "Hs" ] ] ], "_logistic_grad_hess": [ [ "sklearn/linear_model/logistic.py", [ "_logistic_grad_hess" ] ] ], "_multinomial_loss": [ [ "sklearn/linear_model/logistic.py", [ "_multinomial_loss" ] ] ], "_multinomial_loss_grad": [ [ "sklearn/linear_model/logistic.py", [ "_multinomial_loss_grad" ] ] ], "hessp": [ [ "sklearn/linear_model/logistic.py", [ "_multinomial_grad_hess", "hessp" ] ] ], "_multinomial_grad_hess": [ [ "sklearn/linear_model/logistic.py", [ "_multinomial_grad_hess" ] ] ], "_check_solver": [ [ "sklearn/linear_model/logistic.py", [ "_check_solver" ] ] ], "_check_multi_class": [ [ "sklearn/linear_model/logistic.py", [ "_check_multi_class" ] ] ], "logistic_regression_path": [ [ "sklearn/linear_model/logistic.py", [ "logistic_regression_path" ] ] ], "_logistic_regression_path": [ [ "sklearn/linear_model/logistic.py", [ "_logistic_regression_path" ] ] ], "_log_reg_scoring_path": [ [ "sklearn/linear_model/logistic.py", [ "_log_reg_scoring_path" ] ] ], "_cholesky_omp": [ [ "sklearn/linear_model/omp.py", [ "_cholesky_omp" ] ] ], "_gram_omp": [ [ "sklearn/linear_model/omp.py", [ "_gram_omp" ] ] ], "orthogonal_mp": [ [ "sklearn/linear_model/omp.py", [ "orthogonal_mp" ] ] ], "orthogonal_mp_gram": [ [ "sklearn/linear_model/omp.py", [ "orthogonal_mp_gram" ] ] ], "_omp_path_residues": [ [ "sklearn/linear_model/omp.py", [ "_omp_path_residues" ] ] ], "_dynamic_max_trials": [ [ "sklearn/linear_model/ransac.py", [ "_dynamic_max_trials" ] ] ], "_get_rescaled_operator": [ [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg", "_get_rescaled_operator" ] ] ], "_mv": [ [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg", "if_n_features_n_samples", "create_mv", "_mv" ] ], [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg", "if_n_features_n_samples", "else_", "create_mv", "_mv" ] ] ], "create_mv": [ [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg", "if_n_features_n_samples", "create_mv" ] ], [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg", "if_n_features_n_samples", "else_", "create_mv" ] ] ], "_solve_sparse_cg": [ [ "sklearn/linear_model/ridge.py", [ "_solve_sparse_cg" ] ] ], "_solve_cholesky": [ [ "sklearn/linear_model/ridge.py", [ "_solve_cholesky" ] ] ], "_solve_cholesky_kernel": [ [ "sklearn/linear_model/ridge.py", [ "_solve_cholesky_kernel" ] ] ], "_get_valid_accept_sparse": [ [ "sklearn/linear_model/ridge.py", [ "_get_valid_accept_sparse" ] ] ], "ridge_regression": [ [ "sklearn/linear_model/ridge.py", [ "ridge_regression" ] ] ], "_ridge_regression": [ [ "sklearn/linear_model/ridge.py", [ "_ridge_regression" ] ] ], "_check_gcv_mode": [ [ "sklearn/linear_model/ridge.py", [ "_check_gcv_mode" ] ] ], "_find_smallest_angle": [ [ "sklearn/linear_model/ridge.py", [ "_find_smallest_angle" ] ] ], "_matvec": [ [ "sklearn/linear_model/ridge.py", [ "_X_CenterStackOp", "_matvec" ] ], [ "sklearn/linear_model/ridge.py", [ "_XT_CenterStackOp", "_matvec" ] ] ], "_matmat": [ [ "sklearn/linear_model/ridge.py", [ "_X_CenterStackOp", "_matmat" ] ], [ "sklearn/linear_model/ridge.py", [ "_XT_CenterStackOp", "_matmat" ] ] ], "_transpose": [ [ "sklearn/linear_model/ridge.py", [ "_X_CenterStackOp", "_transpose" ] ] ], "_decomp_diag": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_decomp_diag" ] ] ], "_diag_dot": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_diag_dot" ] ] ], "_compute_gram": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_compute_gram" ] ] ], "_compute_covariance": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_compute_covariance" ] ] ], "_sparse_multidot_diag": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_sparse_multidot_diag" ] ] ], "_eigen_decompose_gram": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_eigen_decompose_gram" ] ] ], "_solve_eigen_gram": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_solve_eigen_gram" ] ] ], "_eigen_decompose_covariance": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_eigen_decompose_covariance" ] ] ], "_solve_eigen_covariance_no_intercept": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_solve_eigen_covariance_no_intercept" ] ] ], "_solve_eigen_covariance_intercept": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_solve_eigen_covariance_intercept" ] ] ], "_solve_eigen_covariance": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_solve_eigen_covariance" ] ] ], "_svd_decompose_design_matrix": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_svd_decompose_design_matrix" ] ] ], "_solve_svd_design_matrix": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "_solve_svd_design_matrix" ] ] ], "identity_estimator": [ [ "sklearn/linear_model/ridge.py", [ "_RidgeGCV", "fit", "if_error_", "else_", "identity_estimator" ] ] ], "get_auto_step_size": [ [ "sklearn/linear_model/sag.py", [ "get_auto_step_size" ] ] ], "sag_solver": [ [ "sklearn/linear_model/sag.py", [ "sag_solver" ] ] ], "_get_loss_function": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_get_loss_function" ] ] ], "_get_learning_rate_type": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_get_learning_rate_type" ] ] ], "_get_penalty_type": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_get_penalty_type" ] ] ], "_validate_sample_weight": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_validate_sample_weight" ] ] ], "_allocate_parameter_mem": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_allocate_parameter_mem" ] ] ], "_make_validation_split": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_make_validation_split" ] ] ], "_make_validation_score_cb": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGD", "_make_validation_score_cb" ] ] ], "_prepare_fit_binary": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "_prepare_fit_binary" ] ] ], "fit_binary": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "fit_binary" ] ] ], "_partial_fit": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDClassifier", "_partial_fit" ] ], [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDRegressor", "_partial_fit" ] ], [ "sklearn/naive_bayes.py", [ "GaussianNB", "_partial_fit" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_partial_fit" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "MLPClassifier", "_partial_fit" ] ] ], "_fit_binary": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDClassifier", "_fit_binary" ] ], [ "sklearn/multiclass.py", [ "_fit_binary" ] ] ], "_fit_multiclass": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDClassifier", "_fit_multiclass" ] ] ], "_check_proba": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "SGDClassifier", "_check_proba" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "_check_proba" ] ] ], "_predict_log_proba": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "SGDClassifier", "_predict_log_proba" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "_predict_log_proba" ] ] ], "_fit_regressor": [ [ "sklearn/linear_model/stochastic_gradient.py", [ "BaseSGDRegressor", "_fit_regressor" ] ] ], "test_linear_regression": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_linear_regression" ] ] ], "test_linear_regression_sample_weights": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_linear_regression_sample_weights" ] ] ], "test_raises_value_error_if_sample_weights_greater_than_1d": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_raises_value_error_if_sample_weights_greater_than_1d" ] ], [ "sklearn/linear_model/tests/test_ridge.py", [ "test_raises_value_error_if_sample_weights_greater_than_1d" ] ] ], "test_fit_intercept": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_fit_intercept" ] ] ], "test_linear_regression_sparse": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_linear_regression_sparse" ] ] ], "test_linear_regression_sparse_equal_dense": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_linear_regression_sparse_equal_dense" ] ] ], "test_linear_regression_multiple_outcome": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_linear_regression_multiple_outcome" ] ] ], "test_linear_regression_sparse_multiple_outcome": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_linear_regression_sparse_multiple_outcome" ] ] ], "test_preprocess_data": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_preprocess_data" ] ] ], "test_preprocess_data_multioutput": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_preprocess_data_multioutput" ] ] ], "test_preprocess_data_weighted": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_preprocess_data_weighted" ] ] ], "test_sparse_preprocess_data_with_return_mean": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_sparse_preprocess_data_with_return_mean" ] ] ], "test_csr_preprocess_data": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_csr_preprocess_data" ] ] ], "test_preprocess_copy_data_no_checks": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_preprocess_copy_data_no_checks" ] ] ], "test_dtype_preprocess_data": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_dtype_preprocess_data" ] ] ], "test_rescale_data": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_rescale_data" ] ] ], "test_fused_types_make_dataset": [ [ "sklearn/linear_model/tests/test_base.py", [ "test_fused_types_make_dataset" ] ] ], "test_n_iter": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_n_iter" ] ], [ "sklearn/linear_model/tests/test_logistic.py", [ "test_n_iter" ] ], [ "sklearn/linear_model/tests/test_ridge.py", [ "test_n_iter" ] ] ], "test_bayesian_ridge_scores": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_bayesian_ridge_scores" ] ] ], "test_bayesian_ridge_score_values": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_bayesian_ridge_score_values" ] ] ], "test_bayesian_ridge_parameter": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_bayesian_ridge_parameter" ] ] ], "test_bayesian_sample_weights": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_bayesian_sample_weights" ] ] ], "test_toy_bayesian_ridge_object": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_toy_bayesian_ridge_object" ] ] ], "test_bayesian_initial_params": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_bayesian_initial_params" ] ] ], "test_prediction_bayesian_ridge_ard_with_constant_input": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_prediction_bayesian_ridge_ard_with_constant_input" ] ] ], "test_std_bayesian_ridge_ard_with_constant_input": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_std_bayesian_ridge_ard_with_constant_input" ] ] ], "test_update_of_sigma_in_ard": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_update_of_sigma_in_ard" ] ] ], "test_toy_ard_object": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_toy_ard_object" ] ] ], "f_noise": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_return_std", "f_noise" ] ] ], "test_return_std": [ [ "sklearn/linear_model/tests/test_bayes.py", [ "test_return_std" ] ] ], "test_lasso_zero": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_zero" ] ], [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_lasso_zero" ] ] ], "test_lasso_toy": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_toy" ] ] ], "test_enet_toy": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_toy" ] ] ], "build_dataset": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "build_dataset" ] ] ], "test_lasso_cv": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_cv" ] ] ], "test_lasso_cv_with_some_model_selection": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_cv_with_some_model_selection" ] ] ], "test_lasso_cv_positive_constraint": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_cv_positive_constraint" ] ] ], "test_lasso_path_return_models_vs_new_return_gives_same_coefficients": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_path_return_models_vs_new_return_gives_same_coefficients" ] ] ], "test_enet_path": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_path" ] ] ], "test_path_parameters": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_path_parameters" ] ], [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_path_parameters" ] ] ], "test_lasso_alpha_warning": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_alpha_warning" ] ] ], "test_lasso_positive_constraint": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_positive_constraint" ] ] ], "test_enet_positive_constraint": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_positive_constraint" ] ] ], "test_enet_cv_positive_constraint": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_cv_positive_constraint" ] ] ], "test_uniform_targets": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_uniform_targets" ] ] ], "test_multi_task_lasso_and_enet": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_multi_task_lasso_and_enet" ] ] ], "test_lasso_readonly_data": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_readonly_data" ] ] ], "test_multi_task_lasso_readonly_data": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_multi_task_lasso_readonly_data" ] ] ], "test_enet_multitarget": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_multitarget" ] ], [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_enet_multitarget" ] ] ], "test_multioutput_enetcv_error": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_multioutput_enetcv_error" ] ] ], "test_multitask_enet_and_lasso_cv": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_multitask_enet_and_lasso_cv" ] ] ], "test_1d_multioutput_enet_and_multitask_enet_cv": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_1d_multioutput_enet_and_multitask_enet_cv" ] ] ], "test_1d_multioutput_lasso_and_multitask_lasso_cv": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_1d_multioutput_lasso_and_multitask_lasso_cv" ] ] ], "test_sparse_input_dtype_enet_and_lassocv": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_sparse_input_dtype_enet_and_lassocv" ] ] ], "test_precompute_invalid_argument": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_precompute_invalid_argument" ] ] ], "test_warm_start_convergence": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_warm_start_convergence" ] ] ], "test_warm_start_convergence_with_regularizer_decrement": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_warm_start_convergence_with_regularizer_decrement" ] ] ], "test_random_descent": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_random_descent" ] ] ], "test_enet_path_positive": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_path_positive" ] ] ], "test_sparse_dense_descent_paths": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_sparse_dense_descent_paths" ] ] ], "test_check_input_false": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_check_input_false" ] ] ], "test_enet_copy_X_True": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_copy_X_True" ] ] ], "test_enet_copy_X_False_check_input_False": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_copy_X_False_check_input_False" ] ] ], "test_overrided_gram_matrix": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_overrided_gram_matrix" ] ] ], "test_lasso_non_float_y": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_lasso_non_float_y" ] ] ], "test_enet_float_precision": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_float_precision" ] ] ], "test_enet_l1_ratio": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_l1_ratio" ] ] ], "test_coef_shape_not_zero": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_coef_shape_not_zero" ] ] ], "test_warm_start_multitask_lasso": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_warm_start_multitask_lasso" ] ] ], "test_enet_coordinate_descent": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_enet_coordinate_descent" ] ] ], "test_convergence_warnings": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_convergence_warnings" ] ] ], "test_sparse_input_convergence_warning": [ [ "sklearn/linear_model/tests/test_coordinate_descent.py", [ "test_sparse_input_convergence_warning" ] ] ], "make_regression_with_outliers": [ [ "sklearn/linear_model/tests/test_huber.py", [ "make_regression_with_outliers" ] ] ], "test_huber_equals_lr_for_high_epsilon": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_equals_lr_for_high_epsilon" ] ] ], "test_huber_max_iter": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_max_iter" ] ] ], "loss_func": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_gradient", "loss_func" ] ] ], "grad_func": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_gradient", "grad_func" ] ] ], "test_huber_gradient": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_gradient" ] ] ], "test_huber_sample_weights": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_sample_weights" ] ] ], "test_huber_sparse": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_sparse" ] ] ], "test_huber_scaling_invariant": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_scaling_invariant" ] ] ], "test_huber_and_sgd_same_results": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_and_sgd_same_results" ] ] ], "test_huber_warm_start": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_warm_start" ] ] ], "test_huber_better_r2_score": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_better_r2_score" ] ] ], "test_huber_bool": [ [ "sklearn/linear_model/tests/test_huber.py", [ "test_huber_bool" ] ] ], "test_simple": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_simple" ] ] ], "test_simple_precomputed": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_simple_precomputed" ] ] ], "_assert_same_lars_path_result": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "_assert_same_lars_path_result" ] ] ], "test_lars_path_gram_equivalent": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_path_gram_equivalent" ] ] ], "test_x_none_gram_none_raises_value_error": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_x_none_gram_none_raises_value_error" ] ] ], "test_all_precomputed": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_all_precomputed" ] ] ], "test_lars_lstsq": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_lstsq" ] ] ], "test_lasso_gives_lstsq_solution": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_gives_lstsq_solution" ] ] ], "test_collinearity": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_collinearity" ] ] ], "test_no_path": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_no_path" ] ] ], "test_no_path_precomputed": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_no_path_precomputed" ] ] ], "test_no_path_all_precomputed": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_no_path_all_precomputed" ] ] ], "test_lars_precompute": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_precompute" ] ] ], "test_singular_matrix": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_singular_matrix" ] ], [ "sklearn/manifold/tests/test_locally_linear.py", [ "test_singular_matrix" ] ] ], "test_rank_deficient_design": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_rank_deficient_design" ] ] ], "test_lasso_lars_vs_lasso_cd": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_vs_lasso_cd" ] ] ], "test_lasso_lars_vs_lasso_cd_early_stopping": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_vs_lasso_cd_early_stopping" ] ] ], "test_lasso_lars_path_length": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_path_length" ] ] ], "test_lasso_lars_vs_lasso_cd_ill_conditioned": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_vs_lasso_cd_ill_conditioned" ] ] ], "objective_function": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_vs_lasso_cd_ill_conditioned2", "objective_function" ] ] ], "test_lasso_lars_vs_lasso_cd_ill_conditioned2": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_vs_lasso_cd_ill_conditioned2" ] ] ], "test_lars_add_features": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_add_features" ] ] ], "test_lars_n_nonzero_coefs": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_n_nonzero_coefs" ] ] ], "test_multitarget": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_multitarget" ] ] ], "test_lars_cv": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_cv" ] ] ], "test_lars_cv_max_iter": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_cv_max_iter" ] ] ], "test_lasso_lars_ic": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_ic" ] ] ], "test_lars_path_readonly_data": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_path_readonly_data" ] ] ], "test_lars_path_positive_constraint": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lars_path_positive_constraint" ] ] ], "test_estimatorclasses_positive_constraint": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_estimatorclasses_positive_constraint" ] ] ], "test_lasso_lars_vs_lasso_cd_positive": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_vs_lasso_cd_positive" ] ] ], "test_lasso_lars_vs_R_implementation": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_vs_R_implementation" ] ] ], "test_lasso_lars_copyX_behaviour": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_copyX_behaviour" ] ] ], "test_lasso_lars_fit_copyX_behaviour": [ [ "sklearn/linear_model/tests/test_least_angle.py", [ "test_lasso_lars_fit_copyX_behaviour" ] ] ], "check_predictions": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "check_predictions" ] ] ], "test_predict_2_classes": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_predict_2_classes" ] ] ], "test_logistic_cv_mock_scorer": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_cv_mock_scorer" ] ] ], "test_logistic_cv_score_does_not_warn_by_default": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_cv_score_does_not_warn_by_default" ] ] ], "test_lr_liblinear_warning": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_lr_liblinear_warning" ] ] ], "test_predict_3_classes": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_predict_3_classes" ] ] ], "test_predict_iris": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_predict_iris" ] ] ], "test_multinomial_validation": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_multinomial_validation" ] ] ], "test_check_solver_option": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_check_solver_option" ] ] ], "test_multinomial_binary": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_multinomial_binary" ] ] ], "test_multinomial_binary_probabilities": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_multinomial_binary_probabilities" ] ] ], "test_sparsify": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_sparsify" ] ] ], "test_inconsistent_input": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_inconsistent_input" ] ] ], "test_write_parameters": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_write_parameters" ] ] ], "test_nan": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_nan" ] ] ], "test_consistency_path": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_consistency_path" ] ] ], "test_logistic_regression_path_convergence_fail": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_path_convergence_fail" ] ] ], "test_liblinear_dual_random_state": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_liblinear_dual_random_state" ] ] ], "test_logistic_loss_and_grad": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_loss_and_grad" ] ] ], "test_logistic_grad_hess": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_grad_hess" ] ] ], "test_logistic_cv": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_cv" ] ] ], "test_logistic_cv_multinomial_score": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_cv_multinomial_score" ] ] ], "test_multinomial_logistic_regression_string_inputs": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_multinomial_logistic_regression_string_inputs" ] ] ], "test_logistic_cv_sparse": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_cv_sparse" ] ] ], "test_intercept_logistic_helper": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_intercept_logistic_helper" ] ] ], "test_ovr_multinomial_iris": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_ovr_multinomial_iris" ] ] ], "test_logistic_regression_solvers": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_solvers" ] ] ], "test_logistic_regression_solvers_multiclass": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_solvers_multiclass" ] ] ], "test_logistic_regressioncv_class_weights": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regressioncv_class_weights" ] ] ], "test_logistic_regression_sample_weights": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_sample_weights" ] ] ], "_compute_class_weight_dictionary": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "_compute_class_weight_dictionary" ] ] ], "test_logistic_regression_class_weights": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_class_weights" ] ] ], "test_logistic_regression_multinomial": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_multinomial" ] ] ], "test_multinomial_grad_hess": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_multinomial_grad_hess" ] ] ], "test_liblinear_decision_function_zero": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_liblinear_decision_function_zero" ] ] ], "test_liblinear_logregcv_sparse": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_liblinear_logregcv_sparse" ] ] ], "test_saga_sparse": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_saga_sparse" ] ] ], "test_logreg_intercept_scaling": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logreg_intercept_scaling" ] ] ], "test_logreg_intercept_scaling_zero": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logreg_intercept_scaling_zero" ] ] ], "test_logreg_l1": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logreg_l1" ] ] ], "test_logreg_l1_sparse_data": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logreg_l1_sparse_data" ] ] ], "test_logistic_regression_cv_refit": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_cv_refit" ] ] ], "test_logreg_predict_proba_multinomial": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logreg_predict_proba_multinomial" ] ] ], "test_max_iter": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_max_iter" ] ] ], "test_saga_vs_liblinear": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_saga_vs_liblinear" ] ] ], "test_dtype_match": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_dtype_match" ] ], [ "sklearn/linear_model/tests/test_ridge.py", [ "test_dtype_match" ] ] ], "test_warm_start_converge_LR": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_warm_start_converge_LR" ] ] ], "test_elastic_net_coeffs": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_elastic_net_coeffs" ] ] ], "test_elastic_net_l1_l2_equivalence": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_elastic_net_l1_l2_equivalence" ] ] ], "test_elastic_net_vs_l1_l2": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_elastic_net_vs_l1_l2" ] ] ], "enet_objective": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_LogisticRegression_elastic_net_objective", "enet_objective" ] ] ], "test_LogisticRegression_elastic_net_objective": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_LogisticRegression_elastic_net_objective" ] ] ], "test_LogisticRegressionCV_GridSearchCV_elastic_net": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_LogisticRegressionCV_GridSearchCV_elastic_net" ] ] ], "test_LogisticRegressionCV_GridSearchCV_elastic_net_ovr": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_LogisticRegressionCV_GridSearchCV_elastic_net_ovr" ] ] ], "test_LogisticRegressionCV_no_refit": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_LogisticRegressionCV_no_refit" ] ] ], "test_LogisticRegressionCV_elasticnet_attribute_shapes": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_LogisticRegressionCV_elasticnet_attribute_shapes" ] ] ], "test_l1_ratio_param": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_l1_ratio_param" ] ] ], "test_l1_ratios_param": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_l1_ratios_param" ] ] ], "test_elastic_net_versus_sgd": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_elastic_net_versus_sgd" ] ] ], "test_logistic_regression_path_coefs_multinomial": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_path_coefs_multinomial" ] ] ], "test_logistic_regression_multi_class_auto": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_multi_class_auto" ] ] ], "test_logistic_regression_path_deprecation": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_logistic_regression_path_deprecation" ] ] ], "test_penalty_none": [ [ "sklearn/linear_model/tests/test_logistic.py", [ "test_penalty_none" ] ] ], "test_correct_shapes_gram": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_correct_shapes_gram" ] ] ], "test_n_nonzero_coefs": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_n_nonzero_coefs" ] ] ], "test_tol": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_tol" ] ] ], "test_with_without_gram": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_with_without_gram" ] ] ], "test_with_without_gram_tol": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_with_without_gram_tol" ] ] ], "test_unreachable_accuracy": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_unreachable_accuracy" ] ] ], "test_bad_input": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_bad_input" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_bad_input" ] ] ], "test_perfect_signal_recovery": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_perfect_signal_recovery" ] ] ], "test_orthogonal_mp_gram_readonly": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_orthogonal_mp_gram_readonly" ] ] ], "test_estimator": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_estimator" ] ] ], "test_identical_regressors": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_identical_regressors" ] ] ], "test_swapped_regressors": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_swapped_regressors" ] ] ], "test_no_atoms": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_no_atoms" ] ] ], "test_omp_path": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_omp_path" ] ] ], "test_omp_return_path_prop_with_gram": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_omp_return_path_prop_with_gram" ] ] ], "test_omp_cv": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_omp_cv" ] ] ], "test_omp_reaches_least_squares": [ [ "sklearn/linear_model/tests/test_omp.py", [ "test_omp_reaches_least_squares" ] ] ], "project": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "MyPassiveAggressive", "project" ] ], [ "sklearn/linear_model/tests/test_perceptron.py", [ "MyPerceptron", "project" ] ] ], "test_classifier_accuracy": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_classifier_accuracy" ] ] ], "test_classifier_partial_fit": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_classifier_partial_fit" ] ] ], "test_classifier_refit": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_classifier_refit" ] ] ], "test_classifier_correctness": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_classifier_correctness" ] ] ], "test_classifier_undefined_methods": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_classifier_undefined_methods" ] ] ], "test_partial_fit_weight_class_balanced": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_partial_fit_weight_class_balanced" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit_weight_class_balanced" ] ] ], "test_equal_class_weight": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_equal_class_weight" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "test_equal_class_weight" ] ] ], "test_wrong_class_weight_label": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_wrong_class_weight_label" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "test_wrong_class_weight_label" ] ] ], "test_wrong_class_weight_format": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_wrong_class_weight_format" ] ], [ "sklearn/linear_model/tests/test_sgd.py", [ "test_wrong_class_weight_format" ] ] ], "test_regressor_mse": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_regressor_mse" ] ] ], "test_regressor_partial_fit": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_regressor_partial_fit" ] ] ], "test_regressor_correctness": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_regressor_correctness" ] ] ], "test_regressor_undefined_methods": [ [ "sklearn/linear_model/tests/test_passive_aggressive.py", [ "test_regressor_undefined_methods" ] ] ], "test_perceptron_accuracy": [ [ "sklearn/linear_model/tests/test_perceptron.py", [ "test_perceptron_accuracy" ] ] ], "test_perceptron_correctness": [ [ "sklearn/linear_model/tests/test_perceptron.py", [ "test_perceptron_correctness" ] ] ], "test_undefined_methods": [ [ "sklearn/linear_model/tests/test_perceptron.py", [ "test_undefined_methods" ] ] ], "test_ransac_inliers_outliers": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_inliers_outliers" ] ] ], "is_data_valid": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_is_data_valid", "is_data_valid" ] ], [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_no_valid_data", "is_data_valid" ] ], [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_exceed_max_skips", "is_data_valid" ] ], [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_warn_exceed_max_skips", "is_data_valid" ] ] ], "test_ransac_is_data_valid": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_is_data_valid" ] ] ], "is_model_valid": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_is_model_valid", "is_model_valid" ] ], [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_no_valid_model", "is_model_valid" ] ] ], "test_ransac_is_model_valid": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_is_model_valid" ] ] ], "test_ransac_max_trials": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_max_trials" ] ] ], "test_ransac_stop_n_inliers": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_stop_n_inliers" ] ] ], "test_ransac_stop_score": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_stop_score" ] ] ], "test_ransac_score": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_score" ] ] ], "test_ransac_predict": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_predict" ] ] ], "test_ransac_resid_thresh_no_inliers": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_resid_thresh_no_inliers" ] ] ], "test_ransac_no_valid_data": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_no_valid_data" ] ] ], "test_ransac_no_valid_model": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_no_valid_model" ] ] ], "test_ransac_exceed_max_skips": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_exceed_max_skips" ] ] ], "test_ransac_warn_exceed_max_skips": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_warn_exceed_max_skips" ] ] ], "test_ransac_sparse_coo": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_sparse_coo" ] ] ], "test_ransac_sparse_csr": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_sparse_csr" ] ] ], "test_ransac_sparse_csc": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_sparse_csc" ] ] ], "test_ransac_none_estimator": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_none_estimator" ] ] ], "test_ransac_min_n_samples": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_min_n_samples" ] ] ], "test_ransac_multi_dimensional_targets": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_multi_dimensional_targets" ] ] ], "test_ransac_residual_loss": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_residual_loss" ] ] ], "test_ransac_default_residual_threshold": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_default_residual_threshold" ] ] ], "test_ransac_dynamic_max_trials": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_dynamic_max_trials" ] ] ], "test_ransac_fit_sample_weight": [ [ "sklearn/linear_model/tests/test_ransac.py", [ "test_ransac_fit_sample_weight" ] ] ], "test_ridge": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge" ] ] ], "test_primal_dual_relationship": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_primal_dual_relationship" ] ] ], "test_ridge_singular": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_singular" ] ] ], "test_ridge_regression_sample_weights": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_regression_sample_weights" ] ] ], "test_ridge_regression_convergence_fail": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_regression_convergence_fail" ] ] ], "test_ridge_sample_weights": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_sample_weights" ] ] ], "test_ridge_shapes": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_shapes" ] ] ], "test_ridge_intercept": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_intercept" ] ] ], "test_toy_ridge_object": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_toy_ridge_object" ] ] ], "test_ridge_vs_lstsq": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_vs_lstsq" ] ] ], "test_ridge_individual_penalties": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_individual_penalties" ] ] ], "test_X_CenterStackOp": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_X_CenterStackOp" ] ] ], "test_compute_gram": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_compute_gram" ] ] ], "test_compute_covariance": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_compute_covariance" ] ] ], "_make_sparse_offset_regression": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_make_sparse_offset_regression" ] ] ], "test_solver_consistency": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_solver_consistency" ] ] ], "test_ridge_gcv_vs_ridge_loo_cv": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_gcv_vs_ridge_loo_cv" ] ] ], "test_ridge_gcv_sample_weights": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_gcv_sample_weights" ] ] ], "test_check_gcv_mode_error": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_check_gcv_mode_error" ] ] ], "test_check_gcv_mode_choice": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_check_gcv_mode_choice" ] ] ], "_test_ridge_loo": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_test_ridge_loo" ] ] ], "_test_ridge_cv_normalize": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_test_ridge_cv_normalize" ] ] ], "_test_ridge_cv": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_test_ridge_cv" ] ] ], "_test_ridge_diabetes": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_test_ridge_diabetes" ] ] ], "_test_multi_ridge_diabetes": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_test_multi_ridge_diabetes" ] ] ], "_test_ridge_classifiers": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_test_ridge_classifiers" ] ] ], "_test_tolerance": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "_test_tolerance" ] ] ], "check_dense_sparse": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "check_dense_sparse" ] ] ], "test_dense_sparse": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_dense_sparse" ] ] ], "test_ridge_sparse_svd": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_sparse_svd" ] ] ], "test_class_weight_vs_sample_weight": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_class_weight_vs_sample_weight" ] ] ], "test_class_weights_cv": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_class_weights_cv" ] ] ], "test_ridgecv_store_cv_values": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridgecv_store_cv_values" ] ] ], "test_ridge_classifier_cv_store_cv_values": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_classifier_cv_store_cv_values" ] ] ], "test_ridgecv_sample_weight": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridgecv_sample_weight" ] ] ], "fit_ridge_not_ok": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_raises_value_error_if_sample_weights_greater_than_1d", "for_n_samples_n_features", "fit_ridge_not_ok" ] ] ], "fit_ridge_not_ok_2": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_raises_value_error_if_sample_weights_greater_than_1d", "for_n_samples_n_features", "fit_ridge_not_ok_2" ] ] ], "test_sparse_design_with_sample_weights": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_sparse_design_with_sample_weights" ] ] ], "test_ridgecv_int_alphas": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridgecv_int_alphas" ] ] ], "test_ridgecv_negative_alphas": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridgecv_negative_alphas" ] ] ], "test_raises_value_error_if_solver_not_supported": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_raises_value_error_if_solver_not_supported" ] ] ], "test_sparse_cg_max_iter": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_sparse_cg_max_iter" ] ] ], "test_ridge_fit_intercept_sparse": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_fit_intercept_sparse" ] ] ], "test_ridge_regression_check_arguments_validity": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_regression_check_arguments_validity" ] ] ], "test_ridge_classifier_no_support_multilabel": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_classifier_no_support_multilabel" ] ] ], "test_dtype_match_cholesky": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_dtype_match_cholesky" ] ] ], "test_ridge_regression_dtype_stability": [ [ "sklearn/linear_model/tests/test_ridge.py", [ "test_ridge_regression_dtype_stability" ] ] ], "log_dloss": [ [ "sklearn/linear_model/tests/test_sag.py", [ "log_dloss" ] ] ], "log_loss": [ [ "sklearn/linear_model/tests/test_sag.py", [ "log_loss" ] ], [ "sklearn/metrics/classification.py", [ "log_loss" ] ], [ "sklearn/neural_network/_base.py", [ "log_loss" ] ] ], "squared_dloss": [ [ "sklearn/linear_model/tests/test_sag.py", [ "squared_dloss" ] ] ], "squared_loss": [ [ "sklearn/linear_model/tests/test_sag.py", [ "squared_loss" ] ], [ "sklearn/neural_network/_base.py", [ "squared_loss" ] ] ], "get_pobj": [ [ "sklearn/linear_model/tests/test_sag.py", [ "get_pobj" ] ] ], "sag": [ [ "sklearn/linear_model/tests/test_sag.py", [ "sag" ] ] ], "sag_sparse": [ [ "sklearn/linear_model/tests/test_sag.py", [ "sag_sparse" ] ] ], "get_step_size": [ [ "sklearn/linear_model/tests/test_sag.py", [ "get_step_size" ] ] ], "test_classifier_matching": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_classifier_matching" ] ] ], "test_regressor_matching": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_regressor_matching" ] ] ], "test_sag_pobj_matches_logistic_regression": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_sag_pobj_matches_logistic_regression" ] ] ], "test_sag_pobj_matches_ridge_regression": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_sag_pobj_matches_ridge_regression" ] ] ], "test_sag_regressor_computed_correctly": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_sag_regressor_computed_correctly" ] ] ], "test_get_auto_step_size": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_get_auto_step_size" ] ] ], "test_sag_regressor": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_sag_regressor" ] ] ], "test_sag_classifier_computed_correctly": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_sag_classifier_computed_correctly" ] ] ], "test_sag_multiclass_computed_correctly": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_sag_multiclass_computed_correctly" ] ] ], "test_classifier_results": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_classifier_results" ] ] ], "test_binary_classifier_class_weight": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_binary_classifier_class_weight" ] ] ], "test_multiclass_classifier_class_weight": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_multiclass_classifier_class_weight" ] ] ], "test_classifier_single_class": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_classifier_single_class" ] ] ], "test_step_size_alpha_error": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_step_size_alpha_error" ] ] ], "test_multinomial_loss": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_multinomial_loss" ] ] ], "test_multinomial_loss_ground_truth": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_multinomial_loss_ground_truth" ] ] ], "test_sag_classifier_raises_error": [ [ "sklearn/linear_model/tests/test_sag.py", [ "test_sag_classifier_raises_error" ] ] ], "_update_kwargs": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "_update_kwargs" ] ] ], "SGDClassifier": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "SGDClassifier" ] ] ], "SGDRegressor": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "SGDRegressor" ] ] ], "SparseSGDClassifier": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "SparseSGDClassifier" ] ] ], "SparseSGDRegressor": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "SparseSGDRegressor" ] ] ], "asgd": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "asgd" ] ] ], "test_sgd_bad_alpha": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_bad_alpha" ] ] ], "test_sgd_bad_penalty": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_bad_penalty" ] ] ], "test_sgd_bad_loss": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_bad_loss" ] ] ], "_test_warm_start": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "_test_warm_start" ] ] ], "test_input_format": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_input_format" ] ] ], "test_clone": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_clone" ] ], [ "sklearn/tests/test_base.py", [ "test_clone" ] ] ], "test_plain_has_no_average_attr": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_plain_has_no_average_attr" ] ] ], "test_late_onset_averaging_not_reached": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_late_onset_averaging_not_reached" ] ] ], "test_late_onset_averaging_reached": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_late_onset_averaging_reached" ] ] ], "test_sgd_bad_alpha_for_optimal_learning_rate": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_bad_alpha_for_optimal_learning_rate" ] ] ], "test_early_stopping": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_early_stopping" ] ], [ "sklearn/neural_network/tests/test_mlp.py", [ "test_early_stopping" ] ] ], "test_adaptive_longer_than_constant": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_adaptive_longer_than_constant" ] ] ], "test_validation_set_not_used_for_training": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_validation_set_not_used_for_training" ] ] ], "test_n_iter_no_change": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_n_iter_no_change" ] ], [ "sklearn/neural_network/tests/test_mlp.py", [ "test_n_iter_no_change" ] ] ], "test_not_enough_sample_for_early_stopping": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_not_enough_sample_for_early_stopping" ] ] ], "test_sgd_clf": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_clf" ] ] ], "test_sgd_bad_l1_ratio": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_bad_l1_ratio" ] ] ], "test_sgd_bad_learning_rate_schedule": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_bad_learning_rate_schedule" ] ] ], "test_sgd_bad_eta0": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_bad_eta0" ] ] ], "test_sgd_max_iter_param": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_max_iter_param" ] ] ], "test_sgd_shuffle_param": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_shuffle_param" ] ] ], "test_sgd_early_stopping_param": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_early_stopping_param" ] ] ], "test_sgd_validation_fraction": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_validation_fraction" ] ] ], "test_sgd_n_iter_no_change": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_n_iter_no_change" ] ] ], "test_argument_coef": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_argument_coef" ] ] ], "test_provide_coef": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_provide_coef" ] ] ], "test_set_intercept": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_set_intercept" ] ] ], "test_sgd_early_stopping_with_partial_fit": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_early_stopping_with_partial_fit" ] ] ], "test_set_intercept_binary": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_set_intercept_binary" ] ] ], "test_average_binary_computed_correctly": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_average_binary_computed_correctly" ] ] ], "test_set_intercept_to_intercept": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_set_intercept_to_intercept" ] ] ], "test_sgd_at_least_two_labels": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_at_least_two_labels" ] ] ], "test_sgd_multiclass": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_multiclass" ] ] ], "test_sgd_multiclass_average": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_multiclass_average" ] ] ], "test_sgd_multiclass_with_init_coef": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_multiclass_with_init_coef" ] ] ], "test_sgd_multiclass_njobs": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_multiclass_njobs" ] ] ], "test_set_coef_multiclass": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_set_coef_multiclass" ] ] ], "test_sgd_predict_proba_method_access": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_predict_proba_method_access" ] ] ], "test_sgd_proba": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_proba" ] ] ], "test_sgd_l1": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_l1" ] ] ], "test_weights_multiplied": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_weights_multiplied" ] ] ], "test_balanced_weight": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_balanced_weight" ] ] ], "test_sample_weights": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sample_weights" ] ], [ "sklearn/svm/tests/test_sparse.py", [ "test_sample_weights" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_sample_weights" ] ] ], "test_wrong_sample_weights": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_wrong_sample_weights" ] ] ], "test_partial_fit_exception": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit_exception" ] ] ], "test_partial_fit_binary": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit_binary" ] ] ], "test_partial_fit_multiclass": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit_multiclass" ] ] ], "test_partial_fit_multiclass_average": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit_multiclass_average" ] ] ], "test_fit_then_partial_fit": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_fit_then_partial_fit" ] ] ], "test_partial_fit_equal_fit_classif": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit_equal_fit_classif" ] ] ], "test_regression_losses": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_regression_losses" ] ] ], "test_warm_start_multiclass": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_warm_start_multiclass" ] ] ], "test_multiple_fit": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_multiple_fit" ] ] ], "test_sgd_reg": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_reg" ] ] ], "test_sgd_averaged_computed_correctly": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_averaged_computed_correctly" ] ] ], "test_sgd_averaged_partial_fit": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_averaged_partial_fit" ] ] ], "test_average_sparse": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_average_sparse" ] ] ], "test_sgd_least_squares_fit": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_least_squares_fit" ] ] ], "test_sgd_epsilon_insensitive": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_epsilon_insensitive" ] ] ], "test_sgd_huber_fit": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_sgd_huber_fit" ] ] ], "test_elasticnet_convergence": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_elasticnet_convergence" ] ] ], "test_partial_fit_equal_fit": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_partial_fit_equal_fit" ] ] ], "test_loss_function_epsilon": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_loss_function_epsilon" ] ] ], "test_l1_ratio": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_l1_ratio" ] ] ], "test_underflow_or_overlow": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_underflow_or_overlow" ] ] ], "test_numerical_stability_large_gradient": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_numerical_stability_large_gradient" ] ] ], "test_large_regularization": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_large_regularization" ] ] ], "test_tol_parameter": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_tol_parameter" ] ] ], "_test_gradient_common": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "_test_gradient_common" ] ] ], "test_gradient_hinge": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_hinge" ] ] ], "test_gradient_squared_hinge": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_squared_hinge" ] ] ], "test_gradient_log": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_log" ] ] ], "test_gradient_squared_loss": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_squared_loss" ] ] ], "test_gradient_huber": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_huber" ] ] ], "test_gradient_modified_huber": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_modified_huber" ] ] ], "test_gradient_epsilon_insensitive": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_epsilon_insensitive" ] ] ], "test_gradient_squared_epsilon_insensitive": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_gradient_squared_epsilon_insensitive" ] ] ], "test_multi_thread_multi_class_and_early_stopping": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_multi_thread_multi_class_and_early_stopping" ] ] ], "test_multi_core_gridsearch_and_early_stopping": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_multi_core_gridsearch_and_early_stopping" ] ] ], "test_SGDClassifier_fit_for_all_backends": [ [ "sklearn/linear_model/tests/test_sgd.py", [ "test_SGDClassifier_fit_for_all_backends" ] ] ], "test_sparse_coef": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_sparse_coef" ] ] ], "test_normalize_option": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_normalize_option" ] ] ], "test_enet_toy_list_input": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_enet_toy_list_input" ] ] ], "test_enet_toy_explicit_sparse_input": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_enet_toy_explicit_sparse_input" ] ] ], "make_sparse_data": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "make_sparse_data" ] ] ], "_test_sparse_enet_not_as_toy_dataset": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "_test_sparse_enet_not_as_toy_dataset" ] ] ], "test_sparse_enet_not_as_toy_dataset": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_sparse_enet_not_as_toy_dataset" ] ] ], "test_sparse_lasso_not_as_toy_dataset": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_sparse_lasso_not_as_toy_dataset" ] ] ], "test_same_output_sparse_dense_lasso_and_enet_cv": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_same_output_sparse_dense_lasso_and_enet_cv" ] ] ], "test_same_multiple_output_sparse_dense": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_same_multiple_output_sparse_dense" ] ] ], "test_sparse_enet_coordinate_descent": [ [ "sklearn/linear_model/tests/test_sparse_coordinate_descent.py", [ "test_sparse_enet_coordinate_descent" ] ] ], "no_stdout_stderr": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "no_stdout_stderr" ] ] ], "gen_toy_problem_1d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "gen_toy_problem_1d" ] ] ], "gen_toy_problem_2d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "gen_toy_problem_2d" ] ] ], "gen_toy_problem_4d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "gen_toy_problem_4d" ] ] ], "test_modweiszfeld_step_1d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_modweiszfeld_step_1d" ] ] ], "test_modweiszfeld_step_2d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_modweiszfeld_step_2d" ] ] ], "test_spatial_median_1d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_spatial_median_1d" ] ] ], "cost_func": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_spatial_median_2d", "cost_func" ] ] ], "test_spatial_median_2d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_spatial_median_2d" ] ] ], "test_theil_sen_1d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_theil_sen_1d" ] ] ], "test_theil_sen_1d_no_intercept": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_theil_sen_1d_no_intercept" ] ] ], "test_theil_sen_2d": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_theil_sen_2d" ] ] ], "test_calc_breakdown_point": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_calc_breakdown_point" ] ] ], "test_checksubparams_negative_subpopulation": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_checksubparams_negative_subpopulation" ] ] ], "test_checksubparams_too_few_subsamples": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_checksubparams_too_few_subsamples" ] ] ], "test_checksubparams_too_many_subsamples": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_checksubparams_too_many_subsamples" ] ] ], "test_checksubparams_n_subsamples_if_less_samples_than_features": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_checksubparams_n_subsamples_if_less_samples_than_features" ] ] ], "test_subpopulation": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_subpopulation" ] ] ], "test_subsamples": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_subsamples" ] ] ], "test_theil_sen_parallel": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_theil_sen_parallel" ] ] ], "test_less_samples_than_features": [ [ "sklearn/linear_model/tests/test_theil_sen.py", [ "test_less_samples_than_features" ] ] ], "_modified_weiszfeld_step": [ [ "sklearn/linear_model/theil_sen.py", [ "_modified_weiszfeld_step" ] ] ], "_spatial_median": [ [ "sklearn/linear_model/theil_sen.py", [ "_spatial_median" ] ] ], "_breakdown_point": [ [ "sklearn/linear_model/theil_sen.py", [ "_breakdown_point" ] ] ], "_lstsq": [ [ "sklearn/linear_model/theil_sen.py", [ "_lstsq" ] ] ], "_check_subparams": [ [ "sklearn/linear_model/theil_sen.py", [ "TheilSenRegressor", "_check_subparams" ] ] ], "reconstruction_error": [ [ "sklearn/manifold/isomap.py", [ "Isomap", "reconstruction_error" ] ] ], "barycenter_weights": [ [ "sklearn/manifold/locally_linear.py", [ "barycenter_weights" ] ] ], "barycenter_kneighbors_graph": [ [ "sklearn/manifold/locally_linear.py", [ "barycenter_kneighbors_graph" ] ] ], "null_space": [ [ "sklearn/manifold/locally_linear.py", [ "null_space" ] ] ], "locally_linear_embedding": [ [ "sklearn/manifold/locally_linear.py", [ "locally_linear_embedding" ] ] ], "_smacof_single": [ [ "sklearn/manifold/mds.py", [ "_smacof_single" ] ] ], "smacof": [ [ "sklearn/manifold/mds.py", [ "smacof" ] ] ], "_graph_connected_component": [ [ "sklearn/manifold/spectral_embedding_.py", [ "_graph_connected_component" ] ] ], "_graph_is_connected": [ [ "sklearn/manifold/spectral_embedding_.py", [ "_graph_is_connected" ] ] ], "_set_diag": [ [ "sklearn/manifold/spectral_embedding_.py", [ "_set_diag" ] ] ], "spectral_embedding": [ [ "sklearn/manifold/spectral_embedding_.py", [ "spectral_embedding" ] ] ], "_get_affinity_matrix": [ [ "sklearn/manifold/spectral_embedding_.py", [ "SpectralEmbedding", "_get_affinity_matrix" ] ] ], "_joint_probabilities": [ [ "sklearn/manifold/t_sne.py", [ "_joint_probabilities" ] ] ], "_joint_probabilities_nn": [ [ "sklearn/manifold/t_sne.py", [ "_joint_probabilities_nn" ] ] ], "_kl_divergence": [ [ "sklearn/manifold/t_sne.py", [ "_kl_divergence" ] ] ], "_kl_divergence_bh": [ [ "sklearn/manifold/t_sne.py", [ "_kl_divergence_bh" ] ] ], "_gradient_descent": [ [ "sklearn/manifold/t_sne.py", [ "_gradient_descent" ] ] ], "trustworthiness": [ [ "sklearn/manifold/t_sne.py", [ "trustworthiness" ] ] ], "_tsne": [ [ "sklearn/manifold/t_sne.py", [ "TSNE", "_tsne" ] ] ], "test_isomap_simple_grid": [ [ "sklearn/manifold/tests/test_isomap.py", [ "test_isomap_simple_grid" ] ] ], "test_isomap_reconstruction_error": [ [ "sklearn/manifold/tests/test_isomap.py", [ "test_isomap_reconstruction_error" ] ] ], "test_pipeline": [ [ "sklearn/manifold/tests/test_isomap.py", [ "test_pipeline" ] ], [ "sklearn/manifold/tests/test_locally_linear.py", [ "test_pipeline" ] ], [ "sklearn/utils/tests/test_pprint.py", [ "test_pipeline" ] ] ], "test_isomap_clone_bug": [ [ "sklearn/manifold/tests/test_isomap.py", [ "test_isomap_clone_bug" ] ] ], "test_barycenter_kneighbors_graph": [ [ "sklearn/manifold/tests/test_locally_linear.py", [ "test_barycenter_kneighbors_graph" ] ] ], "test_lle_simple_grid": [ [ "sklearn/manifold/tests/test_locally_linear.py", [ "test_lle_simple_grid" ] ] ], "test_lle_manifold": [ [ "sklearn/manifold/tests/test_locally_linear.py", [ "test_lle_manifold" ] ] ], "test_lle_init_parameters": [ [ "sklearn/manifold/tests/test_locally_linear.py", [ "test_lle_init_parameters" ] ] ], "test_integer_input": [ [ "sklearn/manifold/tests/test_locally_linear.py", [ "test_integer_input" ] ] ], "test_smacof": [ [ "sklearn/manifold/tests/test_mds.py", [ "test_smacof" ] ] ], "test_smacof_error": [ [ "sklearn/manifold/tests/test_mds.py", [ "test_smacof_error" ] ] ], "test_MDS": [ [ "sklearn/manifold/tests/test_mds.py", [ "test_MDS" ] ] ], "_check_with_col_sign_flipping": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "_check_with_col_sign_flipping" ] ] ], "test_sparse_graph_connected_component": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_sparse_graph_connected_component" ] ] ], "test_spectral_embedding_two_components": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_two_components" ] ] ], "test_spectral_embedding_precomputed_affinity": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_precomputed_affinity" ] ] ], "test_spectral_embedding_callable_affinity": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_callable_affinity" ] ] ], "test_spectral_embedding_amg_solver": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_amg_solver" ] ] ], "test_pipeline_spectral_clustering": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_pipeline_spectral_clustering" ] ] ], "test_spectral_embedding_unknown_eigensolver": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_unknown_eigensolver" ] ] ], "test_spectral_embedding_unknown_affinity": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_unknown_affinity" ] ] ], "test_connectivity": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_connectivity" ] ] ], "test_spectral_embedding_deterministic": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_deterministic" ] ] ], "test_spectral_embedding_unnormalized": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_unnormalized" ] ] ], "test_spectral_embedding_first_eigen_vector": [ [ "sklearn/manifold/tests/test_spectral_embedding.py", [ "test_spectral_embedding_first_eigen_vector" ] ] ], "flat_function": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_gradient_descent_stops", "flat_function" ] ] ], "test_gradient_descent_stops": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_gradient_descent_stops" ] ] ], "test_binary_search": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_binary_search" ] ] ], "test_binary_search_neighbors": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_binary_search_neighbors" ] ] ], "test_binary_perplexity_stability": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_binary_perplexity_stability" ] ] ], "fun": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_gradient", "fun" ] ], [ "sklearn/neighbors/tests/test_nca.py", [ "test_finite_differences", "fun" ] ] ], "test_gradient": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_gradient" ] ], [ "sklearn/neural_network/tests/test_mlp.py", [ "test_gradient" ] ] ], "test_trustworthiness": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_trustworthiness" ] ] ], "test_preserve_trustworthiness_approximately": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_preserve_trustworthiness_approximately" ] ] ], "test_optimization_minimizes_kl_divergence": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_optimization_minimizes_kl_divergence" ] ] ], "test_fit_csr_matrix": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_fit_csr_matrix" ] ] ], "test_preserve_trustworthiness_approximately_with_precomputed_distances": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_preserve_trustworthiness_approximately_with_precomputed_distances" ] ] ], "test_trustworthiness_not_euclidean_metric": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_trustworthiness_not_euclidean_metric" ] ] ], "test_early_exaggeration_too_small": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_early_exaggeration_too_small" ] ] ], "test_too_few_iterations": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_too_few_iterations" ] ] ], "test_non_square_precomputed_distances": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_non_square_precomputed_distances" ] ] ], "test_non_positive_precomputed_distances": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_non_positive_precomputed_distances" ] ] ], "metric": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_non_positive_computed_distances", "metric" ] ] ], "test_non_positive_computed_distances": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_non_positive_computed_distances" ] ] ], "test_init_not_available": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_init_not_available" ] ] ], "test_init_ndarray": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_init_ndarray" ] ] ], "test_init_ndarray_precomputed": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_init_ndarray_precomputed" ] ] ], "test_distance_not_available": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_distance_not_available" ] ] ], "test_method_not_available": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_method_not_available" ] ] ], "test_angle_out_of_range_checks": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_angle_out_of_range_checks" ] ] ], "test_pca_initialization_not_compatible_with_precomputed_kernel": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_pca_initialization_not_compatible_with_precomputed_kernel" ] ] ], "test_n_components_range": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_n_components_range" ] ] ], "test_early_exaggeration_used": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_early_exaggeration_used" ] ] ], "test_n_iter_used": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_n_iter_used" ] ] ], "test_answer_gradient_two_points": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_answer_gradient_two_points" ] ] ], "test_answer_gradient_four_points": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_answer_gradient_four_points" ] ] ], "test_skip_num_points_gradient": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_skip_num_points_gradient" ] ] ], "_run_answer_test": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "_run_answer_test" ] ] ], "test_verbose": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_verbose" ] ], [ "sklearn/neighbors/tests/test_nca.py", [ "test_verbose" ] ], [ "sklearn/tests/test_pipeline.py", [ "test_verbose" ] ] ], "test_chebyshev_metric": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_chebyshev_metric" ] ] ], "test_reduction_to_one_component": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_reduction_to_one_component" ] ] ], "test_no_sparse_on_barnes_hut": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_no_sparse_on_barnes_hut" ] ] ], "test_64bit": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_64bit" ] ] ], "test_kl_divergence_not_nan": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_kl_divergence_not_nan" ] ] ], "test_barnes_hut_angle": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_barnes_hut_angle" ] ] ], "test_n_iter_without_progress": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_n_iter_without_progress" ] ] ], "test_min_grad_norm": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_min_grad_norm" ] ] ], "test_accessible_kl_divergence": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_accessible_kl_divergence" ] ] ], "check_uniform_grid": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "check_uniform_grid" ] ] ], "assert_uniform_grid": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "assert_uniform_grid" ] ] ], "test_uniform_grid": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_uniform_grid" ] ] ], "test_bh_match_exact": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_bh_match_exact" ] ] ], "test_tsne_with_different_distance_metrics": [ [ "sklearn/manifold/tests/test_t_sne.py", [ "test_tsne_with_different_distance_metrics" ] ] ], "_average_binary_score": [ [ "sklearn/metrics/base.py", [ "_average_binary_score" ] ] ], "_check_targets": [ [ "sklearn/metrics/classification.py", [ "_check_targets" ] ] ], "_weighted_sum": [ [ "sklearn/metrics/classification.py", [ "_weighted_sum" ] ] ], "accuracy_score": [ [ "sklearn/metrics/classification.py", [ "accuracy_score" ] ] ], "confusion_matrix": [ [ "sklearn/metrics/classification.py", [ "confusion_matrix" ] ] ], "multilabel_confusion_matrix": [ [ "sklearn/metrics/classification.py", [ "multilabel_confusion_matrix" ] ] ], "cohen_kappa_score": [ [ "sklearn/metrics/classification.py", [ "cohen_kappa_score" ] ] ], "jaccard_similarity_score": [ [ "sklearn/metrics/classification.py", [ "jaccard_similarity_score" ] ] ], "jaccard_score": [ [ "sklearn/metrics/classification.py", [ "jaccard_score" ] ] ], "matthews_corrcoef": [ [ "sklearn/metrics/classification.py", [ "matthews_corrcoef" ] ] ], "zero_one_loss": [ [ "sklearn/metrics/classification.py", [ "zero_one_loss" ] ] ], "f1_score": [ [ "sklearn/metrics/classification.py", [ "f1_score" ] ] ], "fbeta_score": [ [ "sklearn/metrics/classification.py", [ "fbeta_score" ] ] ], "_prf_divide": [ [ "sklearn/metrics/classification.py", [ "_prf_divide" ] ] ], "_check_set_wise_labels": [ [ "sklearn/metrics/classification.py", [ "_check_set_wise_labels" ] ] ], "precision_recall_fscore_support": [ [ "sklearn/metrics/classification.py", [ "precision_recall_fscore_support" ] ] ], "precision_score": [ [ "sklearn/metrics/classification.py", [ "precision_score" ] ] ], "recall_score": [ [ "sklearn/metrics/classification.py", [ "recall_score" ] ] ], "balanced_accuracy_score": [ [ "sklearn/metrics/classification.py", [ "balanced_accuracy_score" ] ] ], "classification_report": [ [ "sklearn/metrics/classification.py", [ "classification_report" ] ] ], "hamming_loss": [ [ "sklearn/metrics/classification.py", [ "hamming_loss" ] ] ], "hinge_loss": [ [ "sklearn/metrics/classification.py", [ "hinge_loss" ] ] ], "brier_score_loss": [ [ "sklearn/metrics/classification.py", [ "brier_score_loss" ] ] ], "_check_rows_and_columns": [ [ "sklearn/metrics/cluster/bicluster.py", [ "_check_rows_and_columns" ] ] ], "_jaccard": [ [ "sklearn/metrics/cluster/bicluster.py", [ "_jaccard" ] ] ], "_pairwise_similarity": [ [ "sklearn/metrics/cluster/bicluster.py", [ "_pairwise_similarity" ] ] ], "consensus_score": [ [ "sklearn/metrics/cluster/bicluster.py", [ "consensus_score" ] ] ], "_comb2": [ [ "sklearn/metrics/cluster/supervised.py", [ "_comb2" ] ] ], "check_clusterings": [ [ "sklearn/metrics/cluster/supervised.py", [ "check_clusterings" ] ] ], "_generalized_average": [ [ "sklearn/metrics/cluster/supervised.py", [ "_generalized_average" ] ] ], "contingency_matrix": [ [ "sklearn/metrics/cluster/supervised.py", [ "contingency_matrix" ] ] ], "adjusted_rand_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "adjusted_rand_score" ] ] ], "homogeneity_completeness_v_measure": [ [ "sklearn/metrics/cluster/supervised.py", [ "homogeneity_completeness_v_measure" ] ] ], "homogeneity_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "homogeneity_score" ] ] ], "completeness_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "completeness_score" ] ] ], "v_measure_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "v_measure_score" ] ] ], "mutual_info_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "mutual_info_score" ] ] ], "adjusted_mutual_info_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "adjusted_mutual_info_score" ] ] ], "normalized_mutual_info_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "normalized_mutual_info_score" ] ] ], "fowlkes_mallows_score": [ [ "sklearn/metrics/cluster/supervised.py", [ "fowlkes_mallows_score" ] ] ], "test_jaccard": [ [ "sklearn/metrics/cluster/tests/test_bicluster.py", [ "test_jaccard" ] ] ], "test_consensus_score": [ [ "sklearn/metrics/cluster/tests/test_bicluster.py", [ "test_consensus_score" ] ] ], "test_consensus_score_issue2445": [ [ "sklearn/metrics/cluster/tests/test_bicluster.py", [ "test_consensus_score_issue2445" ] ] ], "test_symmetric_non_symmetric_union": [ [ "sklearn/metrics/cluster/tests/test_common.py", [ "test_symmetric_non_symmetric_union" ] ] ], "test_symmetry": [ [ "sklearn/metrics/cluster/tests/test_common.py", [ "test_symmetry" ] ], [ "sklearn/metrics/tests/test_common.py", [ "test_symmetry" ] ] ], "test_non_symmetry": [ [ "sklearn/metrics/cluster/tests/test_common.py", [ "test_non_symmetry" ] ] ], "test_normalized_output": [ [ "sklearn/metrics/cluster/tests/test_common.py", [ "test_normalized_output" ] ] ], "test_permute_labels": [ [ "sklearn/metrics/cluster/tests/test_common.py", [ "test_permute_labels" ] ] ], "generate_formats": [ [ "sklearn/metrics/cluster/tests/test_common.py", [ "test_format_invariance", "generate_formats" ] ] ], "test_format_invariance": [ [ "sklearn/metrics/cluster/tests/test_common.py", [ "test_format_invariance" ] ] ], "test_error_messages_on_wrong_input": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_error_messages_on_wrong_input" ] ] ], "test_generalized_average": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_generalized_average" ] ] ], "test_perfect_matches": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_perfect_matches" ] ] ], "test_homogeneous_but_not_complete_labeling": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_homogeneous_but_not_complete_labeling" ] ] ], "test_complete_but_not_homogeneous_labeling": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_complete_but_not_homogeneous_labeling" ] ] ], "test_not_complete_and_not_homogeneous_labeling": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_not_complete_and_not_homogeneous_labeling" ] ] ], "test_beta_parameter": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_beta_parameter" ] ] ], "test_non_consecutive_labels": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_non_consecutive_labels" ] ] ], "test_adjustment_for_chance": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_adjustment_for_chance" ] ] ], "test_adjusted_mutual_info_score": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_adjusted_mutual_info_score" ] ] ], "test_expected_mutual_info_overflow": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_expected_mutual_info_overflow" ] ] ], "test_int_overflow_mutual_info_fowlkes_mallows_score": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_int_overflow_mutual_info_fowlkes_mallows_score" ] ] ], "test_entropy": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_entropy" ] ] ], "test_contingency_matrix": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_contingency_matrix" ] ] ], "test_contingency_matrix_sparse": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_contingency_matrix_sparse" ] ] ], "test_exactly_zero_info_score": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_exactly_zero_info_score" ] ] ], "test_v_measure_and_mutual_information": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_v_measure_and_mutual_information" ] ] ], "test_fowlkes_mallows_score": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_fowlkes_mallows_score" ] ] ], "test_fowlkes_mallows_score_properties": [ [ "sklearn/metrics/cluster/tests/test_supervised.py", [ "test_fowlkes_mallows_score_properties" ] ] ], "test_silhouette": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_silhouette" ] ] ], "test_cluster_size_1": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_cluster_size_1" ] ] ], "test_silhouette_paper_example": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_silhouette_paper_example" ] ] ], "test_correct_labelsize": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_correct_labelsize" ] ] ], "test_non_encoded_labels": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_non_encoded_labels" ] ] ], "test_non_numpy_labels": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_non_numpy_labels" ] ] ], "assert_raises_on_only_one_label": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "assert_raises_on_only_one_label" ] ] ], "assert_raises_on_all_points_same_cluster": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "assert_raises_on_all_points_same_cluster" ] ] ], "test_calinski_harabasz_score": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_calinski_harabasz_score" ] ] ], "test_deprecated_calinski_harabaz_score": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_deprecated_calinski_harabaz_score" ] ] ], "test_davies_bouldin_score": [ [ "sklearn/metrics/cluster/tests/test_unsupervised.py", [ "test_davies_bouldin_score" ] ] ], "check_number_of_labels": [ [ "sklearn/metrics/cluster/unsupervised.py", [ "check_number_of_labels" ] ] ], "silhouette_score": [ [ "sklearn/metrics/cluster/unsupervised.py", [ "silhouette_score" ] ] ], "_silhouette_reduce": [ [ "sklearn/metrics/cluster/unsupervised.py", [ "_silhouette_reduce" ] ] ], "silhouette_samples": [ [ "sklearn/metrics/cluster/unsupervised.py", [ "silhouette_samples" ] ] ], "calinski_harabasz_score": [ [ "sklearn/metrics/cluster/unsupervised.py", [ "calinski_harabasz_score" ] ] ], "calinski_harabaz_score": [ [ "sklearn/metrics/cluster/unsupervised.py", [ "calinski_harabaz_score" ] ] ], "davies_bouldin_score": [ [ "sklearn/metrics/cluster/unsupervised.py", [ "davies_bouldin_score" ] ] ], "_return_float_dtype": [ [ "sklearn/metrics/pairwise.py", [ "_return_float_dtype" ] ] ], "check_pairwise_arrays": [ [ "sklearn/metrics/pairwise.py", [ "check_pairwise_arrays" ] ] ], "check_paired_arrays": [ [ "sklearn/metrics/pairwise.py", [ "check_paired_arrays" ] ] ], "_euclidean_distances_upcast": [ [ "sklearn/metrics/pairwise.py", [ "_euclidean_distances_upcast" ] ] ], "_argmin_min_reduce": [ [ "sklearn/metrics/pairwise.py", [ "_argmin_min_reduce" ] ] ], "pairwise_distances_argmin_min": [ [ "sklearn/metrics/pairwise.py", [ "pairwise_distances_argmin_min" ] ] ], "pairwise_distances_argmin": [ [ "sklearn/metrics/pairwise.py", [ "pairwise_distances_argmin" ] ] ], "haversine_distances": [ [ "sklearn/metrics/pairwise.py", [ "haversine_distances" ] ] ], "manhattan_distances": [ [ "sklearn/metrics/pairwise.py", [ "manhattan_distances" ] ] ], "cosine_distances": [ [ "sklearn/metrics/pairwise.py", [ "cosine_distances" ] ] ], "paired_euclidean_distances": [ [ "sklearn/metrics/pairwise.py", [ "paired_euclidean_distances" ] ] ], "paired_manhattan_distances": [ [ "sklearn/metrics/pairwise.py", [ "paired_manhattan_distances" ] ] ], "paired_cosine_distances": [ [ "sklearn/metrics/pairwise.py", [ "paired_cosine_distances" ] ] ], "paired_distances": [ [ "sklearn/metrics/pairwise.py", [ "paired_distances" ] ] ], "linear_kernel": [ [ "sklearn/metrics/pairwise.py", [ "linear_kernel" ] ], [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_approximation", "linear_kernel" ] ], [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_callable", "linear_kernel" ] ] ], "polynomial_kernel": [ [ "sklearn/metrics/pairwise.py", [ "polynomial_kernel" ] ] ], "sigmoid_kernel": [ [ "sklearn/metrics/pairwise.py", [ "sigmoid_kernel" ] ] ], "rbf_kernel": [ [ "sklearn/metrics/pairwise.py", [ "rbf_kernel" ] ] ], "laplacian_kernel": [ [ "sklearn/metrics/pairwise.py", [ "laplacian_kernel" ] ] ], "cosine_similarity": [ [ "sklearn/metrics/pairwise.py", [ "cosine_similarity" ] ] ], "additive_chi2_kernel": [ [ "sklearn/metrics/pairwise.py", [ "additive_chi2_kernel" ] ] ], "chi2_kernel": [ [ "sklearn/metrics/pairwise.py", [ "chi2_kernel" ] ] ], "distance_metrics": [ [ "sklearn/metrics/pairwise.py", [ "distance_metrics" ] ] ], "_dist_wrapper": [ [ "sklearn/metrics/pairwise.py", [ "_dist_wrapper" ] ] ], "_parallel_pairwise": [ [ "sklearn/metrics/pairwise.py", [ "_parallel_pairwise" ] ] ], "_pairwise_callable": [ [ "sklearn/metrics/pairwise.py", [ "_pairwise_callable" ] ] ], "_check_chunk_size": [ [ "sklearn/metrics/pairwise.py", [ "_check_chunk_size" ] ] ], "_precompute_metric_params": [ [ "sklearn/metrics/pairwise.py", [ "_precompute_metric_params" ] ] ], "pairwise_distances_chunked": [ [ "sklearn/metrics/pairwise.py", [ "pairwise_distances_chunked" ] ] ], "pairwise_distances": [ [ "sklearn/metrics/pairwise.py", [ "pairwise_distances" ] ] ], "kernel_metrics": [ [ "sklearn/metrics/pairwise.py", [ "kernel_metrics" ] ] ], "pairwise_kernels": [ [ "sklearn/metrics/pairwise.py", [ "pairwise_kernels" ] ] ], "auc": [ [ "sklearn/metrics/ranking.py", [ "auc" ] ] ], "_binary_uninterpolated_average_precision": [ [ "sklearn/metrics/ranking.py", [ "average_precision_score", "_binary_uninterpolated_average_precision" ] ] ], "average_precision_score": [ [ "sklearn/metrics/ranking.py", [ "average_precision_score" ] ] ], "_binary_roc_auc_score": [ [ "sklearn/metrics/ranking.py", [ "roc_auc_score", "_binary_roc_auc_score" ] ] ], "roc_auc_score": [ [ "sklearn/metrics/ranking.py", [ "roc_auc_score" ] ] ], "_binary_clf_curve": [ [ "sklearn/metrics/ranking.py", [ "_binary_clf_curve" ] ] ], "precision_recall_curve": [ [ "sklearn/metrics/ranking.py", [ "precision_recall_curve" ] ] ], "roc_curve": [ [ "sklearn/metrics/ranking.py", [ "roc_curve" ] ] ], "label_ranking_average_precision_score": [ [ "sklearn/metrics/ranking.py", [ "label_ranking_average_precision_score" ] ] ], "coverage_error": [ [ "sklearn/metrics/ranking.py", [ "coverage_error" ] ] ], "label_ranking_loss": [ [ "sklearn/metrics/ranking.py", [ "label_ranking_loss" ] ] ], "_check_reg_targets": [ [ "sklearn/metrics/regression.py", [ "_check_reg_targets" ] ] ], "mean_absolute_error": [ [ "sklearn/metrics/regression.py", [ "mean_absolute_error" ] ] ], "mean_squared_error": [ [ "sklearn/metrics/regression.py", [ "mean_squared_error" ] ] ], "mean_squared_log_error": [ [ "sklearn/metrics/regression.py", [ "mean_squared_log_error" ] ] ], "median_absolute_error": [ [ "sklearn/metrics/regression.py", [ "median_absolute_error" ] ] ], "explained_variance_score": [ [ "sklearn/metrics/regression.py", [ "explained_variance_score" ] ] ], "r2_score": [ [ "sklearn/metrics/regression.py", [ "r2_score" ] ] ], "max_error": [ [ "sklearn/metrics/regression.py", [ "max_error" ] ] ], "_factory_args": [ [ "sklearn/metrics/scorer.py", [ "_BaseScorer", "_factory_args" ] ], [ "sklearn/metrics/scorer.py", [ "_ProbaScorer", "_factory_args" ] ], [ "sklearn/metrics/scorer.py", [ "_ThresholdScorer", "_factory_args" ] ] ], "get_scorer": [ [ "sklearn/metrics/scorer.py", [ "get_scorer" ] ] ], "_passthrough_scorer": [ [ "sklearn/metrics/scorer.py", [ "_passthrough_scorer" ] ] ], "check_scoring": [ [ "sklearn/metrics/scorer.py", [ "check_scoring" ] ] ], "_check_multimetric_scoring": [ [ "sklearn/metrics/scorer.py", [ "_check_multimetric_scoring" ] ] ], "make_scorer": [ [ "sklearn/metrics/scorer.py", [ "make_scorer" ] ] ], "make_prediction": [ [ "sklearn/metrics/tests/test_classification.py", [ "make_prediction" ] ], [ "sklearn/metrics/tests/test_ranking.py", [ "make_prediction" ] ] ], "test_classification_report_dictionary_output": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_dictionary_output" ] ] ], "test_multilabel_accuracy_score_subset_accuracy": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_accuracy_score_subset_accuracy" ] ] ], "test_precision_recall_f1_score_binary": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_score_binary" ] ] ], "test_precision_recall_f_binary_single_class": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f_binary_single_class" ] ] ], "test_precision_recall_f_extra_labels": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f_extra_labels" ] ] ], "test_precision_recall_f_ignored_labels": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f_ignored_labels" ] ] ], "test_average_precision_score_score_non_binary_class": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_average_precision_score_score_non_binary_class" ] ] ], "test_average_precision_score_duplicate_values": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_average_precision_score_duplicate_values" ] ] ], "test_average_precision_score_tied_values": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_average_precision_score_tied_values" ] ] ], "test_precision_recall_fscore_support_errors": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_fscore_support_errors" ] ] ], "test_precision_recall_f_unused_pos_label": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f_unused_pos_label" ] ] ], "test": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_confusion_matrix_binary", "test" ] ], [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_confusion_matrix_binary", "test" ] ], [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_confusion_matrix_multiclass", "test" ] ], [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "None_1", "test" ] ] ], "test_confusion_matrix_binary": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_confusion_matrix_binary" ] ] ], "test_multilabel_confusion_matrix_binary": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_confusion_matrix_binary" ] ] ], "test_multilabel_confusion_matrix_multiclass": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_confusion_matrix_multiclass" ] ] ], "test_multilabel_confusion_matrix_multilabel": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_confusion_matrix_multilabel" ] ] ], "test_multilabel_confusion_matrix_errors": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_confusion_matrix_errors" ] ] ], "test_cohen_kappa": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_cohen_kappa" ] ] ], "test_matthews_corrcoef_nan": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef_nan" ] ] ], "test_matthews_corrcoef_against_numpy_corrcoef": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef_against_numpy_corrcoef" ] ] ], "test_matthews_corrcoef_against_jurman": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef_against_jurman" ] ] ], "test_matthews_corrcoef": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef" ] ] ], "test_matthews_corrcoef_multiclass": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef_multiclass" ] ] ], "mcc_safe": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef_overflow", "mcc_safe" ] ] ], "random_ys": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef_overflow", "random_ys" ] ] ], "test_matthews_corrcoef_overflow": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_matthews_corrcoef_overflow" ] ] ], "test_precision_recall_f1_score_multiclass": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_score_multiclass" ] ] ], "test_precision_refcall_f1_score_multilabel_unordered_labels": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_refcall_f1_score_multilabel_unordered_labels" ] ] ], "test_precision_recall_f1_score_binary_averaged": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_score_binary_averaged" ] ] ], "test_zero_precision_recall": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_zero_precision_recall" ] ] ], "test_confusion_matrix_multiclass_subset_labels": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_confusion_matrix_multiclass_subset_labels" ] ] ], "test_confusion_matrix_dtype": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_confusion_matrix_dtype" ] ] ], "test_classification_report_multiclass": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_multiclass" ] ] ], "test_classification_report_multiclass_balanced": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_multiclass_balanced" ] ] ], "test_classification_report_multiclass_with_label_detection": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_multiclass_with_label_detection" ] ] ], "test_classification_report_multiclass_with_digits": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_multiclass_with_digits" ] ] ], "test_classification_report_multiclass_with_string_label": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_multiclass_with_string_label" ] ] ], "test_classification_report_multiclass_with_unicode_label": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_multiclass_with_unicode_label" ] ] ], "test_classification_report_multiclass_with_long_string_label": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_multiclass_with_long_string_label" ] ] ], "test_classification_report_labels_target_names_unequal_length": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_labels_target_names_unequal_length" ] ] ], "test_classification_report_no_labels_target_names_unequal_length": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_classification_report_no_labels_target_names_unequal_length" ] ] ], "test_multilabel_classification_report": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_classification_report" ] ] ], "test_multilabel_zero_one_loss_subset": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_zero_one_loss_subset" ] ] ], "test_multilabel_hamming_loss": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_hamming_loss" ] ] ], "test_jaccard_score_validation": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_jaccard_score_validation" ] ] ], "test_multilabel_jaccard_score": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_jaccard_score" ] ] ], "test_multiclass_jaccard_score": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multiclass_jaccard_score" ] ] ], "test_average_binary_jaccard_score": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_average_binary_jaccard_score" ] ] ], "test_precision_recall_f1_score_multilabel_1": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_score_multilabel_1" ] ] ], "test_precision_recall_f1_score_multilabel_2": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_score_multilabel_2" ] ] ], "test_precision_recall_f1_score_with_an_empty_prediction": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_score_with_an_empty_prediction" ] ] ], "test_precision_recall_f1_no_labels": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_no_labels" ] ] ], "test_precision_recall_f1_no_labels_average_none": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_recall_f1_no_labels_average_none" ] ] ], "test_prf_warnings": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_prf_warnings" ] ] ], "test_recall_warnings": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_recall_warnings" ] ] ], "test_precision_warnings": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_precision_warnings" ] ] ], "test_fscore_warnings": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_fscore_warnings" ] ] ], "test_prf_average_binary_data_non_binary": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_prf_average_binary_data_non_binary" ] ] ], "test__check_targets": [ [ "sklearn/metrics/tests/test_classification.py", [ "test__check_targets" ] ] ], "test__check_targets_multiclass_with_both_y_true_and_y_pred_binary": [ [ "sklearn/metrics/tests/test_classification.py", [ "test__check_targets_multiclass_with_both_y_true_and_y_pred_binary" ] ] ], "test_hinge_loss_binary": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_hinge_loss_binary" ] ] ], "test_hinge_loss_multiclass": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_hinge_loss_multiclass" ] ] ], "test_hinge_loss_multiclass_missing_labels_with_labels_none": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_hinge_loss_multiclass_missing_labels_with_labels_none" ] ] ], "test_hinge_loss_multiclass_with_missing_labels": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_hinge_loss_multiclass_with_missing_labels" ] ] ], "test_hinge_loss_multiclass_invariance_lists": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_hinge_loss_multiclass_invariance_lists" ] ] ], "test_log_loss": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_log_loss" ] ] ], "test_log_loss_pandas_input": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_log_loss_pandas_input" ] ] ], "test_brier_score_loss": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_brier_score_loss" ] ] ], "test_balanced_accuracy_score_unseen": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_balanced_accuracy_score_unseen" ] ] ], "test_balanced_accuracy_score": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_balanced_accuracy_score" ] ] ], "test_multilabel_jaccard_similarity_score_deprecation": [ [ "sklearn/metrics/tests/test_classification.py", [ "test_multilabel_jaccard_similarity_score_deprecation" ] ] ], "precision_recall_curve_padded_thresholds": [ [ "sklearn/metrics/tests/test_common.py", [ "precision_recall_curve_padded_thresholds" ] ] ], "test_sample_order_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_sample_order_invariance" ] ] ], "test_sample_order_invariance_multilabel_and_multioutput": [ [ "sklearn/metrics/tests/test_common.py", [ "test_sample_order_invariance_multilabel_and_multioutput" ] ] ], "test_format_invariance_with_1d_vectors": [ [ "sklearn/metrics/tests/test_common.py", [ "test_format_invariance_with_1d_vectors" ] ] ], "test_classification_invariance_string_vs_numbers_labels": [ [ "sklearn/metrics/tests/test_common.py", [ "test_classification_invariance_string_vs_numbers_labels" ] ] ], "test_thresholded_invariance_string_vs_numbers_labels": [ [ "sklearn/metrics/tests/test_common.py", [ "test_thresholded_invariance_string_vs_numbers_labels" ] ] ], "test_regression_thresholded_inf_nan_input": [ [ "sklearn/metrics/tests/test_common.py", [ "test_regression_thresholded_inf_nan_input" ] ] ], "test_classification_inf_nan_input": [ [ "sklearn/metrics/tests/test_common.py", [ "test_classification_inf_nan_input" ] ] ], "check_single_sample": [ [ "sklearn/metrics/tests/test_common.py", [ "check_single_sample" ] ] ], "check_single_sample_multioutput": [ [ "sklearn/metrics/tests/test_common.py", [ "check_single_sample_multioutput" ] ] ], "test_single_sample": [ [ "sklearn/metrics/tests/test_common.py", [ "test_single_sample" ] ] ], "test_single_sample_multioutput": [ [ "sklearn/metrics/tests/test_common.py", [ "test_single_sample_multioutput" ] ] ], "test_multioutput_number_of_output_differ": [ [ "sklearn/metrics/tests/test_common.py", [ "test_multioutput_number_of_output_differ" ] ] ], "test_multioutput_regression_invariance_to_dimension_shuffling": [ [ "sklearn/metrics/tests/test_common.py", [ "test_multioutput_regression_invariance_to_dimension_shuffling" ] ] ], "test_multilabel_representation_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_multilabel_representation_invariance" ] ] ], "test_raise_value_error_multilabel_sequences": [ [ "sklearn/metrics/tests/test_common.py", [ "test_raise_value_error_multilabel_sequences" ] ] ], "test_normalize_option_binary_classification": [ [ "sklearn/metrics/tests/test_common.py", [ "test_normalize_option_binary_classification" ] ] ], "test_normalize_option_multiclass_classification": [ [ "sklearn/metrics/tests/test_common.py", [ "test_normalize_option_multiclass_classification" ] ] ], "test_normalize_option_multilabel_classification": [ [ "sklearn/metrics/tests/test_common.py", [ "test_normalize_option_multilabel_classification" ] ] ], "_check_averaging": [ [ "sklearn/metrics/tests/test_common.py", [ "_check_averaging" ] ] ], "check_averaging": [ [ "sklearn/metrics/tests/test_common.py", [ "check_averaging" ] ] ], "test_averaging_multiclass": [ [ "sklearn/metrics/tests/test_common.py", [ "test_averaging_multiclass" ] ] ], "test_averaging_multilabel": [ [ "sklearn/metrics/tests/test_common.py", [ "test_averaging_multilabel" ] ] ], "test_averaging_multilabel_all_zeroes": [ [ "sklearn/metrics/tests/test_common.py", [ "test_averaging_multilabel_all_zeroes" ] ] ], "test_averaging_binary_multilabel_all_zeroes": [ [ "sklearn/metrics/tests/test_common.py", [ "test_averaging_binary_multilabel_all_zeroes" ] ] ], "test_averaging_multilabel_all_ones": [ [ "sklearn/metrics/tests/test_common.py", [ "test_averaging_multilabel_all_ones" ] ] ], "check_sample_weight_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "check_sample_weight_invariance" ] ] ], "test_regression_sample_weight_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_regression_sample_weight_invariance" ] ] ], "test_binary_sample_weight_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_binary_sample_weight_invariance" ] ] ], "test_multiclass_sample_weight_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_multiclass_sample_weight_invariance" ] ] ], "test_multilabel_sample_weight_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_multilabel_sample_weight_invariance" ] ] ], "test_no_averaging_labels": [ [ "sklearn/metrics/tests/test_common.py", [ "test_no_averaging_labels" ] ] ], "test_multilabel_label_permutations_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_multilabel_label_permutations_invariance" ] ] ], "test_thresholded_multilabel_multioutput_permutations_invariance": [ [ "sklearn/metrics/tests/test_common.py", [ "test_thresholded_multilabel_multioutput_permutations_invariance" ] ] ], "test_pairwise_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances" ] ] ], "test_pairwise_boolean_distance": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_boolean_distance" ] ], [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_pairwise_boolean_distance" ] ] ], "test_no_data_conversion_warning": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_no_data_conversion_warning" ] ] ], "test_pairwise_precomputed": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_precomputed" ] ] ], "test_pairwise_precomputed_non_negative": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_precomputed_non_negative" ] ] ], "callable_rbf_kernel": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "callable_rbf_kernel" ] ] ], "test_pairwise_parallel": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_parallel" ] ] ], "test_pairwise_callable_nonstrict_metric": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_callable_nonstrict_metric" ] ] ], "test_pairwise_kernels": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_kernels" ] ] ], "test_pairwise_kernels_callable": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_kernels_callable" ] ] ], "test_pairwise_kernels_filter_param": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_kernels_filter_param" ] ] ], "test_paired_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_paired_distances" ] ] ], "test_paired_distances_callable": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_paired_distances_callable" ] ] ], "test_pairwise_distances_argmin_min": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances_argmin_min" ] ] ], "_reduce_func": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "_reduce_func" ] ] ], "test_pairwise_distances_chunked_reduce": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances_chunked_reduce" ] ] ], "test_pairwise_distances_chunked_reduce_valid": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances_chunked_reduce_valid" ] ] ], "test_pairwise_distances_chunked_reduce_invalid": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances_chunked_reduce_invalid" ] ] ], "check_pairwise_distances_chunked": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "check_pairwise_distances_chunked" ] ] ], "test_pairwise_distances_chunked_diagonal": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances_chunked_diagonal" ] ] ], "test_parallel_pairwise_distances_diagonal": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_parallel_pairwise_distances_diagonal" ] ] ], "test_pairwise_distances_chunked": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances_chunked" ] ] ], "test_euclidean_distances_known_result": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_euclidean_distances_known_result" ] ] ], "test_euclidean_distances_with_norms": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_euclidean_distances_with_norms" ] ] ], "test_euclidean_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_euclidean_distances" ] ] ], "test_euclidean_distances_sym": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_euclidean_distances_sym" ] ] ], "test_euclidean_distances_upcast": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_euclidean_distances_upcast" ] ] ], "test_euclidean_distances_upcast_sym": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_euclidean_distances_upcast_sym" ] ] ], "test_euclidean_distances_extreme_values": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_euclidean_distances_extreme_values" ] ] ], "test_cosine_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_cosine_distances" ] ] ], "slow_haversine_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_haversine_distances", "slow_haversine_distances" ] ] ], "test_haversine_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_haversine_distances" ] ] ], "test_paired_euclidean_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_paired_euclidean_distances" ] ] ], "test_paired_manhattan_distances": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_paired_manhattan_distances" ] ] ], "test_chi_square_kernel": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_chi_square_kernel" ] ] ], "test_kernel_symmetry": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_kernel_symmetry" ] ] ], "test_kernel_sparse": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_kernel_sparse" ] ] ], "test_linear_kernel": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_linear_kernel" ] ] ], "test_rbf_kernel": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_rbf_kernel" ] ] ], "test_laplacian_kernel": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_laplacian_kernel" ] ] ], "test_pairwise_similarity_sparse_output": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_similarity_sparse_output" ] ] ], "test_cosine_similarity": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_cosine_similarity" ] ] ], "test_check_dense_matrices": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_check_dense_matrices" ] ] ], "test_check_XB_returned": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_check_XB_returned" ] ] ], "test_check_different_dimensions": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_check_different_dimensions" ] ] ], "test_check_invalid_dimensions": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_check_invalid_dimensions" ] ] ], "test_check_sparse_arrays": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_check_sparse_arrays" ] ] ], "tuplify": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "tuplify" ] ] ], "test_check_tuple_input": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_check_tuple_input" ] ] ], "test_check_preserve_type": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_check_preserve_type" ] ] ], "test_pairwise_distances_data_derived_params": [ [ "sklearn/metrics/tests/test_pairwise.py", [ "test_pairwise_distances_data_derived_params" ] ] ], "_auc": [ [ "sklearn/metrics/tests/test_ranking.py", [ "_auc" ] ] ], "_average_precision": [ [ "sklearn/metrics/tests/test_ranking.py", [ "_average_precision" ] ] ], "_average_precision_slow": [ [ "sklearn/metrics/tests/test_ranking.py", [ "_average_precision_slow" ] ] ], "_partial_roc": [ [ "sklearn/metrics/tests/test_ranking.py", [ "_partial_roc_auc_score", "_partial_roc" ] ] ], "_partial_roc_auc_score": [ [ "sklearn/metrics/tests/test_ranking.py", [ "_partial_roc_auc_score" ] ] ], "test_roc_curve": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve" ] ] ], "test_roc_curve_end_points": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_end_points" ] ] ], "test_roc_returns_consistency": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_returns_consistency" ] ] ], "test_roc_curve_multi": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_multi" ] ] ], "test_roc_curve_confidence": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_confidence" ] ] ], "test_roc_curve_hard": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_hard" ] ] ], "test_roc_curve_one_label": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_one_label" ] ] ], "test_roc_curve_toydata": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_toydata" ] ] ], "test_roc_curve_drop_intermediate": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_drop_intermediate" ] ] ], "test_roc_curve_fpr_tpr_increasing": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_roc_curve_fpr_tpr_increasing" ] ] ], "test_auc": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_auc" ] ] ], "test_auc_errors": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_auc_errors" ] ] ], "test_auc_score_non_binary_class": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_auc_score_non_binary_class" ] ] ], "test_binary_clf_curve": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_binary_clf_curve" ] ] ], "test_precision_recall_curve": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_precision_recall_curve" ] ] ], "_test_precision_recall_curve": [ [ "sklearn/metrics/tests/test_ranking.py", [ "_test_precision_recall_curve" ] ] ], "test_precision_recall_curve_errors": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_precision_recall_curve_errors" ] ] ], "test_precision_recall_curve_toydata": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_precision_recall_curve_toydata" ] ] ], "test_average_precision_constant_values": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_average_precision_constant_values" ] ] ], "test_average_precision_score_pos_label_errors": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_average_precision_score_pos_label_errors" ] ] ], "test_score_scale_invariance": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_score_scale_invariance" ] ] ], "check_lrap_toy": [ [ "sklearn/metrics/tests/test_ranking.py", [ "check_lrap_toy" ] ] ], "check_zero_or_all_relevant_labels": [ [ "sklearn/metrics/tests/test_ranking.py", [ "check_zero_or_all_relevant_labels" ] ] ], "check_lrap_error_raised": [ [ "sklearn/metrics/tests/test_ranking.py", [ "check_lrap_error_raised" ] ] ], "check_lrap_only_ties": [ [ "sklearn/metrics/tests/test_ranking.py", [ "check_lrap_only_ties" ] ] ], "check_lrap_without_tie_and_increasing_score": [ [ "sklearn/metrics/tests/test_ranking.py", [ "check_lrap_without_tie_and_increasing_score" ] ] ], "_my_lrap": [ [ "sklearn/metrics/tests/test_ranking.py", [ "_my_lrap" ] ] ], "check_alternative_lrap_implementation": [ [ "sklearn/metrics/tests/test_ranking.py", [ "check_alternative_lrap_implementation" ] ] ], "test_label_ranking_avp": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_label_ranking_avp" ] ] ], "test_lrap_error_raised": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_lrap_error_raised" ] ] ], "test_alternative_lrap_implementation": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_alternative_lrap_implementation" ] ] ], "test_lrap_sample_weighting_zero_labels": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_lrap_sample_weighting_zero_labels" ] ] ], "test_coverage_error": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_coverage_error" ] ] ], "test_coverage_tie_handling": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_coverage_tie_handling" ] ] ], "test_label_ranking_loss": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_label_ranking_loss" ] ] ], "test_ranking_appropriate_input_shape": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_ranking_appropriate_input_shape" ] ] ], "test_ranking_loss_ties_handling": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_ranking_loss_ties_handling" ] ] ], "test_partial_roc_auc_score": [ [ "sklearn/metrics/tests/test_ranking.py", [ "test_partial_roc_auc_score" ] ] ], "test_regression_metrics": [ [ "sklearn/metrics/tests/test_regression.py", [ "test_regression_metrics" ] ] ], "test_multioutput_regression": [ [ "sklearn/metrics/tests/test_regression.py", [ "test_multioutput_regression" ] ], [ "sklearn/neural_network/tests/test_mlp.py", [ "test_multioutput_regression" ] ] ], "test_regression_metrics_at_limits": [ [ "sklearn/metrics/tests/test_regression.py", [ "test_regression_metrics_at_limits" ] ] ], "test__check_reg_targets": [ [ "sklearn/metrics/tests/test_regression.py", [ "test__check_reg_targets" ] ] ], "test__check_reg_targets_exception": [ [ "sklearn/metrics/tests/test_regression.py", [ "test__check_reg_targets_exception" ] ] ], "test_regression_multioutput_array": [ [ "sklearn/metrics/tests/test_regression.py", [ "test_regression_multioutput_array" ] ] ], "test_regression_custom_weights": [ [ "sklearn/metrics/tests/test_regression.py", [ "test_regression_custom_weights" ] ] ], "test_regression_single_sample": [ [ "sklearn/metrics/tests/test_regression.py", [ "test_regression_single_sample" ] ] ], "_make_estimators": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "_make_estimators" ] ] ], "test_all_scorers_repr": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_all_scorers_repr" ] ] ], "check_scoring_validator_for_single_metric_usecases": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "check_scoring_validator_for_single_metric_usecases" ] ] ], "check_multimetric_scoring_single_metric_wrapper": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "check_multimetric_scoring_single_metric_wrapper" ] ] ], "test_check_scoring_and_check_multimetric_scoring": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_check_scoring_and_check_multimetric_scoring" ] ] ], "test_check_scoring_gridsearchcv": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_check_scoring_gridsearchcv" ] ] ], "test_make_scorer": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_make_scorer" ] ] ], "test_classification_scores": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_classification_scores" ] ] ], "test_regression_scorers": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_regression_scorers" ] ] ], "test_thresholded_scorers": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_thresholded_scorers" ] ] ], "test_thresholded_scorers_multilabel_indicator_data": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_thresholded_scorers_multilabel_indicator_data" ] ] ], "test_supervised_cluster_scorers": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_supervised_cluster_scorers" ] ] ], "test_raises_on_score_list": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_raises_on_score_list" ] ] ], "test_scorer_sample_weight": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_scorer_sample_weight" ] ] ], "check_scorer_memmap": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "check_scorer_memmap" ] ] ], "test_scorer_memmap_input": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_scorer_memmap_input" ] ] ], "test_scoring_is_not_metric": [ [ "sklearn/metrics/tests/test_score_objects.py", [ "test_scoring_is_not_metric" ] ] ], "_check_shape": [ [ "sklearn/mixture/base.py", [ "_check_shape" ] ] ], "_check_initial_parameters": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_check_initial_parameters" ] ] ], "_initialize_parameters": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_initialize_parameters" ] ] ], "_initialize": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_initialize" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_initialize" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_initialize" ] ], [ "sklearn/neighbors/nca.py", [ "NeighborhoodComponentsAnalysis", "_initialize" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_initialize" ] ] ], "_m_step": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_m_step" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_m_step" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_m_step" ] ] ], "_check_is_fitted": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_check_is_fitted" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_check_is_fitted" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_check_is_fitted" ] ], [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "_check_is_fitted" ] ], [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "_check_is_fitted" ] ] ], "_get_parameters": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_get_parameters" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_get_parameters" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_get_parameters" ] ] ], "_set_parameters": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_set_parameters" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_set_parameters" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_set_parameters" ] ] ], "sample": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "sample" ] ], [ "sklearn/neighbors/kde.py", [ "KernelDensity", "sample" ] ] ], "_estimate_weighted_log_prob": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_estimate_weighted_log_prob" ] ] ], "_estimate_log_weights": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_estimate_log_weights" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_log_weights" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_estimate_log_weights" ] ] ], "_estimate_log_prob": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_estimate_log_prob" ] ], [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_log_prob" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_estimate_log_prob" ] ] ], "_estimate_log_prob_resp": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_estimate_log_prob_resp" ] ] ], "_print_verbose_msg_init_beg": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_print_verbose_msg_init_beg" ] ] ], "_print_verbose_msg_iter_end": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_print_verbose_msg_iter_end" ] ] ], "_print_verbose_msg_init_end": [ [ "sklearn/mixture/base.py", [ "BaseMixture", "_print_verbose_msg_init_end" ] ] ], "_log_dirichlet_norm": [ [ "sklearn/mixture/bayesian_mixture.py", [ "_log_dirichlet_norm" ] ] ], "_log_wishart_norm": [ [ "sklearn/mixture/bayesian_mixture.py", [ "_log_wishart_norm" ] ] ], "_check_weights_parameters": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_check_weights_parameters" ] ] ], "_check_means_parameters": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_check_means_parameters" ] ] ], "_check_precision_parameters": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_check_precision_parameters" ] ] ], "_checkcovariance_prior_parameter": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_checkcovariance_prior_parameter" ] ] ], "_estimate_weights": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_weights" ] ] ], "_estimate_means": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_means" ] ] ], "_estimate_precisions": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_precisions" ] ] ], "_estimate_wishart_full": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_wishart_full" ] ] ], "_estimate_wishart_tied": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_wishart_tied" ] ] ], "_estimate_wishart_diag": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_wishart_diag" ] ] ], "_estimate_wishart_spherical": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_estimate_wishart_spherical" ] ] ], "_compute_lower_bound": [ [ "sklearn/mixture/bayesian_mixture.py", [ "BayesianGaussianMixture", "_compute_lower_bound" ] ], [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_compute_lower_bound" ] ] ], "_check_weights": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_check_weights" ] ], [ "sklearn/neighbors/base.py", [ "_check_weights" ] ] ], "_check_means": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_check_means" ] ] ], "_check_precision_positivity": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_check_precision_positivity" ] ] ], "_check_precision_matrix": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_check_precision_matrix" ] ] ], "_check_precisions_full": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_check_precisions_full" ] ] ], "_check_precisions": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_check_precisions" ] ] ], "_estimate_gaussian_covariances_full": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_estimate_gaussian_covariances_full" ] ] ], "_estimate_gaussian_covariances_tied": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_estimate_gaussian_covariances_tied" ] ] ], "_estimate_gaussian_covariances_diag": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_estimate_gaussian_covariances_diag" ] ] ], "_estimate_gaussian_covariances_spherical": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_estimate_gaussian_covariances_spherical" ] ] ], "_estimate_gaussian_parameters": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_estimate_gaussian_parameters" ] ] ], "_compute_precision_cholesky": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_compute_precision_cholesky" ] ] ], "_compute_log_det_cholesky": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_compute_log_det_cholesky" ] ] ], "_estimate_log_gaussian_prob": [ [ "sklearn/mixture/gaussian_mixture.py", [ "_estimate_log_gaussian_prob" ] ] ], "_n_parameters": [ [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "_n_parameters" ] ] ], "bic": [ [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "bic" ] ] ], "aic": [ [ "sklearn/mixture/gaussian_mixture.py", [ "GaussianMixture", "aic" ] ] ], "test_log_dirichlet_norm": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_log_dirichlet_norm" ] ] ], "test_log_wishart_norm": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_log_wishart_norm" ] ] ], "test_bayesian_mixture_covariance_type": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_covariance_type" ] ] ], "test_bayesian_mixture_weight_concentration_prior_type": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_weight_concentration_prior_type" ] ] ], "test_bayesian_mixture_weights_prior_initialisation": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_weights_prior_initialisation" ] ] ], "test_bayesian_mixture_mean_prior_initialisation": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_mean_prior_initialisation" ] ] ], "test_bayesian_mixture_precisions_prior_initialisation": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_precisions_prior_initialisation" ] ] ], "test_bayesian_mixture_check_is_fitted": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_check_is_fitted" ] ] ], "test_bayesian_mixture_weights": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_weights" ] ] ], "test_monotonic_likelihood": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_monotonic_likelihood" ] ], [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_monotonic_likelihood" ] ] ], "test_compare_covar_type": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_compare_covar_type" ] ] ], "test_check_covariance_precision": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_check_covariance_precision" ] ] ], "test_invariant_translation": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_invariant_translation" ] ] ], "test_bayesian_mixture_fit_predict": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_fit_predict" ] ] ], "test_bayesian_mixture_fit_predict_n_init": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_fit_predict_n_init" ] ] ], "test_bayesian_mixture_predict_predict_proba": [ [ "sklearn/mixture/tests/test_bayesian_mixture.py", [ "test_bayesian_mixture_predict_predict_proba" ] ] ], "test_gaussian_mixture_attributes": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_attributes" ] ] ], "test_check_X": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_check_X" ] ] ], "test_check_weights": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_check_weights" ] ] ], "test_check_means": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_check_means" ] ] ], "test_check_precisions": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_check_precisions" ] ] ], "test_suffstat_sk_full": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_suffstat_sk_full" ] ] ], "test_suffstat_sk_tied": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_suffstat_sk_tied" ] ] ], "test_suffstat_sk_diag": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_suffstat_sk_diag" ] ] ], "test_gaussian_suffstat_sk_spherical": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_suffstat_sk_spherical" ] ] ], "test_compute_log_det_cholesky": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_compute_log_det_cholesky" ] ] ], "_naive_lmvnpdf_diag": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "_naive_lmvnpdf_diag" ] ] ], "test_gaussian_mixture_log_probabilities": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_log_probabilities" ] ] ], "test_gaussian_mixture_estimate_log_prob_resp": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_estimate_log_prob_resp" ] ] ], "test_gaussian_mixture_predict_predict_proba": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_predict_predict_proba" ] ] ], "test_gaussian_mixture_fit_predict": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_fit_predict" ] ] ], "test_gaussian_mixture_fit_predict_n_init": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_fit_predict_n_init" ] ] ], "test_gaussian_mixture_fit": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_fit" ] ] ], "test_gaussian_mixture_fit_best_params": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_fit_best_params" ] ] ], "test_gaussian_mixture_fit_convergence_warning": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_fit_convergence_warning" ] ] ], "test_multiple_init": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_multiple_init" ] ] ], "test_gaussian_mixture_n_parameters": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_n_parameters" ] ] ], "test_bic_1d_1component": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_bic_1d_1component" ] ] ], "test_gaussian_mixture_aic_bic": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_aic_bic" ] ] ], "test_gaussian_mixture_verbose": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_gaussian_mixture_verbose" ] ] ], "test_convergence_detected_with_warm_start": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_convergence_detected_with_warm_start" ] ] ], "test_regularisation": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_regularisation" ] ] ], "test_property": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_property" ] ] ], "test_sample": [ [ "sklearn/mixture/tests/test_gaussian_mixture.py", [ "test_sample" ] ] ], "test_gaussian_mixture_n_iter": [ [ "sklearn/mixture/tests/test_mixture.py", [ "test_gaussian_mixture_n_iter" ] ] ], "fit_grid_point": [ [ "sklearn/model_selection/_search.py", [ "fit_grid_point" ] ] ], "_check_param_grid": [ [ "sklearn/model_selection/_search.py", [ "_check_param_grid" ] ] ], "_run_search": [ [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "_run_search" ] ], [ "sklearn/model_selection/_search.py", [ "GridSearchCV", "_run_search" ] ], [ "sklearn/model_selection/_search.py", [ "RandomizedSearchCV", "_run_search" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "test_custom_run_search", "CustomSearchCV", "_run_search" ] ] ], "evaluate_candidates": [ [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "fit", "with_parallel_", "evaluate_candidates" ] ] ], "_store": [ [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "_format_results", "_store" ] ] ], "_format_results": [ [ "sklearn/model_selection/_search.py", [ "BaseSearchCV", "_format_results" ] ] ], "split": [ [ "sklearn/model_selection/_split.py", [ "BaseCrossValidator", "split" ] ], [ "sklearn/model_selection/_split.py", [ "_BaseKFold", "split" ] ], [ "sklearn/model_selection/_split.py", [ "GroupKFold", "split" ] ], [ "sklearn/model_selection/_split.py", [ "StratifiedKFold", "split" ] ], [ "sklearn/model_selection/_split.py", [ "TimeSeriesSplit", "split" ] ], [ "sklearn/model_selection/_split.py", [ "LeaveOneGroupOut", "split" ] ], [ "sklearn/model_selection/_split.py", [ "LeavePGroupsOut", "split" ] ], [ "sklearn/model_selection/_split.py", [ "_RepeatedSplits", "split" ] ], [ "sklearn/model_selection/_split.py", [ "BaseShuffleSplit", "split" ] ], [ "sklearn/model_selection/_split.py", [ "GroupShuffleSplit", "split" ] ], [ "sklearn/model_selection/_split.py", [ "StratifiedShuffleSplit", "split" ] ], [ "sklearn/model_selection/_split.py", [ "PredefinedSplit", "split" ] ], [ "sklearn/model_selection/_split.py", [ "_CVIterableWrapper", "split" ] ], [ "sklearn/model_selection/tests/common.py", [ "OneTimeSplitter", "split" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict", "BadCV", "split" ] ] ], "_iter_test_masks": [ [ "sklearn/model_selection/_split.py", [ "BaseCrossValidator", "_iter_test_masks" ] ], [ "sklearn/model_selection/_split.py", [ "StratifiedKFold", "_iter_test_masks" ] ], [ "sklearn/model_selection/_split.py", [ "LeaveOneGroupOut", "_iter_test_masks" ] ], [ "sklearn/model_selection/_split.py", [ "LeavePGroupsOut", "_iter_test_masks" ] ], [ "sklearn/model_selection/_split.py", [ "PredefinedSplit", "_iter_test_masks" ] ] ], "_iter_test_indices": [ [ "sklearn/model_selection/_split.py", [ "BaseCrossValidator", "_iter_test_indices" ] ], [ "sklearn/model_selection/_split.py", [ "LeaveOneOut", "_iter_test_indices" ] ], [ "sklearn/model_selection/_split.py", [ "LeavePOut", "_iter_test_indices" ] ], [ "sklearn/model_selection/_split.py", [ "KFold", "_iter_test_indices" ] ], [ "sklearn/model_selection/_split.py", [ "GroupKFold", "_iter_test_indices" ] ] ], "get_n_splits": [ [ "sklearn/model_selection/_split.py", [ "BaseCrossValidator", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "LeaveOneOut", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "LeavePOut", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "_BaseKFold", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "LeaveOneGroupOut", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "LeavePGroupsOut", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "_RepeatedSplits", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "BaseShuffleSplit", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "PredefinedSplit", "get_n_splits" ] ], [ "sklearn/model_selection/_split.py", [ "_CVIterableWrapper", "get_n_splits" ] ], [ "sklearn/model_selection/tests/common.py", [ "OneTimeSplitter", "get_n_splits" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "test_random_search_bad_cv", "BrokenKFold", "get_n_splits" ] ] ], "_make_test_folds": [ [ "sklearn/model_selection/_split.py", [ "StratifiedKFold", "_make_test_folds" ] ] ], "_iter_indices": [ [ "sklearn/model_selection/_split.py", [ "BaseShuffleSplit", "_iter_indices" ] ], [ "sklearn/model_selection/_split.py", [ "ShuffleSplit", "_iter_indices" ] ], [ "sklearn/model_selection/_split.py", [ "GroupShuffleSplit", "_iter_indices" ] ], [ "sklearn/model_selection/_split.py", [ "StratifiedShuffleSplit", "_iter_indices" ] ] ], "_validate_shuffle_split": [ [ "sklearn/model_selection/_split.py", [ "_validate_shuffle_split" ] ] ], "check_cv": [ [ "sklearn/model_selection/_split.py", [ "check_cv" ] ] ], "train_test_split": [ [ "sklearn/model_selection/_split.py", [ "train_test_split" ] ] ], "_build_repr": [ [ "sklearn/model_selection/_split.py", [ "_build_repr" ] ] ], "cross_validate": [ [ "sklearn/model_selection/_validation.py", [ "cross_validate" ] ] ], "cross_val_score": [ [ "sklearn/model_selection/_validation.py", [ "cross_val_score" ] ] ], "_fit_and_score": [ [ "sklearn/model_selection/_validation.py", [ "_fit_and_score" ] ] ], "_score": [ [ "sklearn/model_selection/_validation.py", [ "_score" ] ] ], "_multimetric_score": [ [ "sklearn/model_selection/_validation.py", [ "_multimetric_score" ] ] ], "cross_val_predict": [ [ "sklearn/model_selection/_validation.py", [ "cross_val_predict" ] ] ], "_fit_and_predict": [ [ "sklearn/model_selection/_validation.py", [ "_fit_and_predict" ] ] ], "_enforce_prediction_order": [ [ "sklearn/model_selection/_validation.py", [ "_enforce_prediction_order" ] ] ], "_check_is_permutation": [ [ "sklearn/model_selection/_validation.py", [ "_check_is_permutation" ] ] ], "_index_param_value": [ [ "sklearn/model_selection/_validation.py", [ "_index_param_value" ] ] ], "permutation_test_score": [ [ "sklearn/model_selection/_validation.py", [ "permutation_test_score" ] ] ], "_permutation_test_score": [ [ "sklearn/model_selection/_validation.py", [ "_permutation_test_score" ] ] ], "learning_curve": [ [ "sklearn/model_selection/_validation.py", [ "learning_curve" ] ] ], "_translate_train_sizes": [ [ "sklearn/model_selection/_validation.py", [ "_translate_train_sizes" ] ] ], "_incremental_fit_estimator": [ [ "sklearn/model_selection/_validation.py", [ "_incremental_fit_estimator" ] ] ], "validation_curve": [ [ "sklearn/model_selection/_validation.py", [ "validation_curve" ] ] ], "_aggregate_score_dicts": [ [ "sklearn/model_selection/_validation.py", [ "_aggregate_score_dicts" ] ] ], "assert_grid_iter_equals_getitem": [ [ "sklearn/model_selection/tests/test_search.py", [ "assert_grid_iter_equals_getitem" ] ] ], "test_validate_parameter_grid_input": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_validate_parameter_grid_input" ] ] ], "test_parameter_grid": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_parameter_grid" ] ] ], "test_grid_search": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search" ] ] ], "check_hyperparameter_searcher_with_fit_params": [ [ "sklearn/model_selection/tests/test_search.py", [ "check_hyperparameter_searcher_with_fit_params" ] ] ], "test_grid_search_with_fit_params": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_with_fit_params" ] ] ], "test_random_search_with_fit_params": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_random_search_with_fit_params" ] ] ], "test_grid_search_no_score": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_no_score" ] ] ], "test_grid_search_score_method": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_score_method" ] ] ], "test_grid_search_groups": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_groups" ] ] ], "test_classes__property": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_classes__property" ] ] ], "test_trivial_cv_results_attr": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_trivial_cv_results_attr" ] ] ], "test_no_refit": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_no_refit" ] ] ], "test_grid_search_error": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_error" ] ] ], "test_grid_search_one_grid_point": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_one_grid_point" ] ] ], "test_grid_search_when_param_grid_includes_range": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_when_param_grid_includes_range" ] ] ], "test_grid_search_bad_param_grid": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_bad_param_grid" ] ] ], "test_grid_search_sparse": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_sparse" ] ] ], "f1_loss": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_sparse_scoring", "f1_loss" ] ] ], "test_grid_search_sparse_scoring": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_sparse_scoring" ] ] ], "test_grid_search_precomputed_kernel": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_precomputed_kernel" ] ] ], "test_grid_search_precomputed_kernel_error_nonsquare": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_precomputed_kernel_error_nonsquare" ] ] ], "test_refit": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit" ] ] ], "refit_callable": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable", "refit_callable" ] ], [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable_multi_metric", "refit_callable" ] ] ], "test_refit_callable": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable" ] ] ], "refit_callable_invalid_type": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable_invalid_type", "refit_callable_invalid_type" ] ] ], "test_refit_callable_invalid_type": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable_invalid_type" ] ] ], "refit_callable_out_bound": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable_out_bound", "refit_callable_out_bound" ] ] ], "test_refit_callable_out_bound": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable_out_bound" ] ] ], "test_refit_callable_multi_metric": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_refit_callable_multi_metric" ] ] ], "test_gridsearch_nd": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_gridsearch_nd" ] ] ], "test_X_as_list": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_X_as_list" ] ] ], "test_y_as_list": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_y_as_list" ] ] ], "check_df": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_pandas_input", "for_InputFeatureType_Tar", "check_df" ] ] ], "check_series": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_pandas_input", "for_InputFeatureType_Tar", "check_series" ] ] ], "test_pandas_input": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_pandas_input" ] ] ], "test_unsupervised_grid_search": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_unsupervised_grid_search" ] ] ], "custom_scoring": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_gridsearch_no_predict", "custom_scoring" ] ] ], "test_gridsearch_no_predict": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_gridsearch_no_predict" ] ] ], "test_param_sampler": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_param_sampler" ] ] ], "check_cv_results_array_types": [ [ "sklearn/model_selection/tests/test_search.py", [ "check_cv_results_array_types" ] ] ], "check_cv_results_keys": [ [ "sklearn/model_selection/tests/test_search.py", [ "check_cv_results_keys" ] ] ], "test_grid_search_cv_results": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_cv_results" ] ] ], "test_random_search_cv_results": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_random_search_cv_results" ] ] ], "test_search_default_iid": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_search_default_iid" ] ] ], "test_search_iid_param": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_search_iid_param" ] ] ], "test_grid_search_cv_results_multimetric": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_cv_results_multimetric" ] ] ], "test_random_search_cv_results_multimetric": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_random_search_cv_results_multimetric" ] ] ], "compare_cv_results_multimetric_with_single": [ [ "sklearn/model_selection/tests/test_search.py", [ "compare_cv_results_multimetric_with_single" ] ] ], "compare_refit_methods_when_refit_with_acc": [ [ "sklearn/model_selection/tests/test_search.py", [ "compare_refit_methods_when_refit_with_acc" ] ] ], "test_search_cv_results_rank_tie_breaking": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_search_cv_results_rank_tie_breaking" ] ] ], "test_search_cv_results_none_param": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_search_cv_results_none_param" ] ] ], "test_search_cv_timing": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_search_cv_timing" ] ] ], "test_grid_search_correct_score_results": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_correct_score_results" ] ] ], "test_fit_grid_point": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_fit_grid_point" ] ] ], "test_grid_search_with_multioutput_data": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_with_multioutput_data" ] ] ], "test_predict_proba_disabled": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_predict_proba_disabled" ] ] ], "test_grid_search_allows_nans": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_allows_nans" ] ] ], "get_cand_scores": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_failing_classifier", "get_cand_scores" ] ] ], "test_grid_search_failing_classifier": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_failing_classifier" ] ] ], "test_grid_search_failing_classifier_raise": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_failing_classifier_raise" ] ] ], "test_parameters_sampler_replacement": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_parameters_sampler_replacement" ] ] ], "test_stochastic_gradient_loss_param": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_stochastic_gradient_loss_param" ] ] ], "test_search_train_scores_set_to_false": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_search_train_scores_set_to_false" ] ] ], "_pop_time_keys": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_cv_splits_consistency", "_pop_time_keys" ] ] ], "test_grid_search_cv_splits_consistency": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_grid_search_cv_splits_consistency" ] ] ], "test_transform_inverse_transform_round_trip": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_transform_inverse_transform_round_trip" ] ] ], "check_results": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_custom_run_search", "check_results" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "check_results" ] ], [ "sklearn/neighbors/tests/test_kde.py", [ "check_results" ] ] ], "fit_grid": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_custom_run_search", "fit_grid" ] ] ], "test_custom_run_search": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_custom_run_search" ] ] ], "test__custom_fit_no_run_search": [ [ "sklearn/model_selection/tests/test_search.py", [ "test__custom_fit_no_run_search" ] ] ], "test_deprecated_grid_search_iid": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_deprecated_grid_search_iid" ] ] ], "test_empty_cv_iterator_error": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_empty_cv_iterator_error" ] ] ], "test_random_search_bad_cv": [ [ "sklearn/model_selection/tests/test_search.py", [ "test_random_search_bad_cv" ] ] ], "test_cross_validator_with_default_params": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_cross_validator_with_default_params" ] ] ], "test_2d_y": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_2d_y" ] ] ], "check_valid_split": [ [ "sklearn/model_selection/tests/test_split.py", [ "check_valid_split" ] ] ], "check_cv_coverage": [ [ "sklearn/model_selection/tests/test_split.py", [ "check_cv_coverage" ] ] ], "test_kfold_valueerrors": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_kfold_valueerrors" ] ] ], "test_kfold_indices": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_kfold_indices" ] ] ], "test_kfold_no_shuffle": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_kfold_no_shuffle" ] ] ], "test_stratified_kfold_no_shuffle": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_kfold_no_shuffle" ] ] ], "test_stratified_kfold_ratios": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_kfold_ratios" ] ] ], "test_kfold_balance": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_kfold_balance" ] ] ], "test_stratifiedkfold_balance": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratifiedkfold_balance" ] ] ], "test_shuffle_kfold": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shuffle_kfold" ] ] ], "test_shuffle_kfold_stratifiedkfold_reproducibility": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shuffle_kfold_stratifiedkfold_reproducibility" ] ] ], "test_shuffle_stratifiedkfold": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shuffle_stratifiedkfold" ] ] ], "test_kfold_can_detect_dependent_samples_on_digits": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_kfold_can_detect_dependent_samples_on_digits" ] ] ], "test_shuffle_split": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shuffle_split" ] ] ], "test_shuffle_split_default_test_size": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shuffle_split_default_test_size" ] ] ], "test_group_shuffle_split_default_test_size": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_group_shuffle_split_default_test_size" ] ] ], "test_stratified_shuffle_split_init": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_init" ] ] ], "test_stratified_shuffle_split_respects_test_size": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_respects_test_size" ] ] ], "test_stratified_shuffle_split_iter": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_iter" ] ] ], "assert_counts_are_ok": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_even", "assert_counts_are_ok" ] ] ], "test_stratified_shuffle_split_even": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_even" ] ] ], "test_stratified_shuffle_split_overlap_train_test_bug": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_overlap_train_test_bug" ] ] ], "test_stratified_shuffle_split_multilabel": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_multilabel" ] ] ], "test_stratified_shuffle_split_multilabel_many_labels": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratified_shuffle_split_multilabel_many_labels" ] ] ], "test_predefinedsplit_with_kfold_split": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_predefinedsplit_with_kfold_split" ] ] ], "test_group_shuffle_split": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_group_shuffle_split" ] ] ], "test_leave_one_p_group_out": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_leave_one_p_group_out" ] ] ], "test_leave_group_out_changing_groups": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_leave_group_out_changing_groups" ] ] ], "test_leave_one_p_group_out_error_on_fewer_number_of_groups": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_leave_one_p_group_out_error_on_fewer_number_of_groups" ] ] ], "test_repeated_cv_value_errors": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_repeated_cv_value_errors" ] ] ], "test_repeated_kfold_determinstic_split": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_repeated_kfold_determinstic_split" ] ] ], "test_get_n_splits_for_repeated_kfold": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_get_n_splits_for_repeated_kfold" ] ] ], "test_get_n_splits_for_repeated_stratified_kfold": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_get_n_splits_for_repeated_stratified_kfold" ] ] ], "test_repeated_stratified_kfold_determinstic_split": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_repeated_stratified_kfold_determinstic_split" ] ] ], "test_train_test_split_errors": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_errors" ] ] ], "test_train_test_split_invalid_sizes1": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_invalid_sizes1" ] ] ], "test_train_test_split_invalid_sizes2": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_invalid_sizes2" ] ] ], "test_train_test_split_default_test_size": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_default_test_size" ] ] ], "test_train_test_split": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split" ] ] ], "test_train_test_split_pandas": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_pandas" ] ] ], "test_train_test_split_sparse": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_sparse" ] ] ], "test_train_test_split_mock_pandas": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_mock_pandas" ] ] ], "test_train_test_split_list_input": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_list_input" ] ] ], "test_shufflesplit_errors": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shufflesplit_errors" ] ] ], "test_shufflesplit_reproducible": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shufflesplit_reproducible" ] ] ], "test_stratifiedshufflesplit_list_input": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_stratifiedshufflesplit_list_input" ] ] ], "test_train_test_split_allow_nans": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_allow_nans" ] ] ], "test_check_cv": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_check_cv" ] ] ], "test_cv_iterable_wrapper": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_cv_iterable_wrapper" ] ] ], "test_group_kfold": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_group_kfold" ] ] ], "test_time_series_cv": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_time_series_cv" ] ] ], "_check_time_series_max_train_size": [ [ "sklearn/model_selection/tests/test_split.py", [ "_check_time_series_max_train_size" ] ] ], "test_time_series_max_train_size": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_time_series_max_train_size" ] ] ], "test_nested_cv": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_nested_cv" ] ] ], "test_build_repr": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_build_repr" ] ] ], "test_shuffle_split_empty_trainset": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_shuffle_split_empty_trainset" ] ] ], "test_train_test_split_empty_trainset": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_train_test_split_empty_trainset" ] ] ], "test_leave_one_out_empty_trainset": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_leave_one_out_empty_trainset" ] ] ], "test_leave_p_out_empty_trainset": [ [ "sklearn/model_selection/tests/test_split.py", [ "test_leave_p_out_empty_trainset" ] ] ], "_is_training_data": [ [ "sklearn/model_selection/tests/test_validation.py", [ "MockImprovingEstimator", "_is_training_data" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockIncrementalImprovingEstimator", "_is_training_data" ] ], [ "sklearn/model_selection/tests/test_validation.py", [ "MockEstimatorWithParameter", "_is_training_data" ] ] ], "test_cross_val_score": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score" ] ] ], "test_cross_validate_many_jobs": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_validate_many_jobs" ] ] ], "test_cross_validate_invalid_scoring_param": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_validate_invalid_scoring_param" ] ] ], "test_cross_validate": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_validate" ] ] ], "check_cross_validate_single_metric": [ [ "sklearn/model_selection/tests/test_validation.py", [ "check_cross_validate_single_metric" ] ] ], "check_cross_validate_multi_metric": [ [ "sklearn/model_selection/tests/test_validation.py", [ "check_cross_validate_multi_metric" ] ] ], "test_cross_val_score_predict_groups": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_predict_groups" ] ] ], "test_cross_val_score_pandas": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_pandas" ] ] ], "test_cross_val_score_mask": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_mask" ] ] ], "test_cross_val_score_precomputed": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_precomputed" ] ] ], "assert_fit_params": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_fit_params", "assert_fit_params" ] ] ], "test_cross_val_score_fit_params": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_fit_params" ] ] ], "score_func": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_score_func", "score_func" ] ] ], "test_cross_val_score_score_func": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_score_func" ] ] ], "test_cross_val_score_errors": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_errors" ] ] ], "test_cross_val_score_with_score_func_classification": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_with_score_func_classification" ] ] ], "test_cross_val_score_with_score_func_regression": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_with_score_func_regression" ] ] ], "custom_score": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_permutation_score", "custom_score" ] ] ], "test_permutation_score": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_permutation_score" ] ] ], "test_permutation_test_score_allow_nans": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_permutation_test_score_allow_nans" ] ] ], "test_cross_val_score_allow_nans": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_allow_nans" ] ] ], "test_cross_val_score_multilabel": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_multilabel" ] ] ], "test_cross_val_predict": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict" ] ] ], "test_cross_val_predict_decision_function_shape": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_decision_function_shape" ] ] ], "test_cross_val_predict_predict_proba_shape": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_predict_proba_shape" ] ] ], "test_cross_val_predict_predict_log_proba_shape": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_predict_log_proba_shape" ] ] ], "test_cross_val_predict_input_types": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_input_types" ] ] ], "test_cross_val_predict_pandas": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_pandas" ] ] ], "test_cross_val_predict_unbalanced": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_unbalanced" ] ] ], "test_cross_val_score_sparse_fit_params": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_score_sparse_fit_params" ] ] ], "test_learning_curve": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve" ] ] ], "test_learning_curve_unsupervised": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_unsupervised" ] ] ], "test_learning_curve_verbose": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_verbose" ] ] ], "test_learning_curve_incremental_learning_not_possible": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_incremental_learning_not_possible" ] ] ], "test_learning_curve_incremental_learning": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_incremental_learning" ] ] ], "test_learning_curve_incremental_learning_unsupervised": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_incremental_learning_unsupervised" ] ] ], "test_learning_curve_batch_and_incremental_learning_are_equal": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_batch_and_incremental_learning_are_equal" ] ] ], "test_learning_curve_n_sample_range_out_of_bounds": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_n_sample_range_out_of_bounds" ] ] ], "test_learning_curve_remove_duplicate_sample_sizes": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_remove_duplicate_sample_sizes" ] ] ], "test_learning_curve_with_boolean_indices": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_with_boolean_indices" ] ] ], "test_learning_curve_with_shuffle": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_learning_curve_with_shuffle" ] ] ], "test_validation_curve": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_validation_curve" ] ] ], "test_validation_curve_clone_estimator": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_validation_curve_clone_estimator" ] ] ], "test_validation_curve_cv_splits_consistency": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_validation_curve_cv_splits_consistency" ] ] ], "test_check_is_permutation": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_check_is_permutation" ] ] ], "test_cross_val_predict_sparse_prediction": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_sparse_prediction" ] ] ], "check_cross_val_predict_binary": [ [ "sklearn/model_selection/tests/test_validation.py", [ "check_cross_val_predict_binary" ] ] ], "check_cross_val_predict_multiclass": [ [ "sklearn/model_selection/tests/test_validation.py", [ "check_cross_val_predict_multiclass" ] ] ], "check_cross_val_predict_multilabel": [ [ "sklearn/model_selection/tests/test_validation.py", [ "check_cross_val_predict_multilabel" ] ] ], "check_cross_val_predict_with_method_binary": [ [ "sklearn/model_selection/tests/test_validation.py", [ "check_cross_val_predict_with_method_binary" ] ] ], "check_cross_val_predict_with_method_multiclass": [ [ "sklearn/model_selection/tests/test_validation.py", [ "check_cross_val_predict_with_method_multiclass" ] ] ], "test_cross_val_predict_with_method": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_with_method" ] ] ], "test_cross_val_predict_method_checking": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_method_checking" ] ] ], "test_gridsearchcv_cross_val_predict_with_method": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_gridsearchcv_cross_val_predict_with_method" ] ] ], "test_cross_val_predict_with_method_multilabel_ovr": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_with_method_multilabel_ovr" ] ] ], "test_cross_val_predict_with_method_multilabel_rf": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_with_method_multilabel_rf" ] ] ], "test_cross_val_predict_with_method_rare_class": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_with_method_rare_class" ] ] ], "test_cross_val_predict_with_method_multilabel_rf_rare_class": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_with_method_multilabel_rf_rare_class" ] ] ], "get_expected_predictions": [ [ "sklearn/model_selection/tests/test_validation.py", [ "get_expected_predictions" ] ] ], "test_cross_val_predict_class_subset": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_cross_val_predict_class_subset" ] ] ], "test_score_memmap": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_score_memmap" ] ] ], "test_permutation_test_score_pandas": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_permutation_test_score_pandas" ] ] ], "test_fit_and_score_failing": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_fit_and_score_failing" ] ] ], "test_fit_and_score_working": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_fit_and_score_working" ] ] ], "three_params_scorer": [ [ "sklearn/model_selection/tests/test_validation.py", [ "three_params_scorer" ] ] ], "test_fit_and_score_verbosity": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_fit_and_score_verbosity" ] ] ], "two_params_scorer": [ [ "sklearn/model_selection/tests/test_validation.py", [ "test_score", "two_params_scorer" ] ] ], "_partial_fit_binary": [ [ "sklearn/multiclass.py", [ "_partial_fit_binary" ] ] ], "_predict_binary": [ [ "sklearn/multiclass.py", [ "_predict_binary" ] ] ], "_check_estimator": [ [ "sklearn/multiclass.py", [ "_check_estimator" ] ] ], "multilabel_": [ [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "multilabel_" ] ] ], "n_classes_": [ [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "n_classes_" ] ], [ "sklearn/multiclass.py", [ "OneVsOneClassifier", "n_classes_" ] ] ], "coef_": [ [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "coef_" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "coef_" ] ] ], "intercept_": [ [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "intercept_" ] ] ], "_first_estimator": [ [ "sklearn/multiclass.py", [ "OneVsRestClassifier", "_first_estimator" ] ] ], "_fit_ovo_binary": [ [ "sklearn/multiclass.py", [ "_fit_ovo_binary" ] ] ], "_partial_fit_ovo_binary": [ [ "sklearn/multiclass.py", [ "_partial_fit_ovo_binary" ] ] ], "_fit_estimator": [ [ "sklearn/multioutput.py", [ "_fit_estimator" ] ] ], "_partial_fit_estimator": [ [ "sklearn/multioutput.py", [ "_partial_fit_estimator" ] ] ], "_joint_log_likelihood": [ [ "sklearn/naive_bayes.py", [ "BaseNB", "_joint_log_likelihood" ] ], [ "sklearn/naive_bayes.py", [ "GaussianNB", "_joint_log_likelihood" ] ], [ "sklearn/naive_bayes.py", [ "MultinomialNB", "_joint_log_likelihood" ] ], [ "sklearn/naive_bayes.py", [ "ComplementNB", "_joint_log_likelihood" ] ], [ "sklearn/naive_bayes.py", [ "BernoulliNB", "_joint_log_likelihood" ] ] ], "_update_mean_variance": [ [ "sklearn/naive_bayes.py", [ "GaussianNB", "_update_mean_variance" ] ] ], "_update_class_log_prior": [ [ "sklearn/naive_bayes.py", [ "BaseDiscreteNB", "_update_class_log_prior" ] ] ], "_check_alpha": [ [ "sklearn/naive_bayes.py", [ "BaseDiscreteNB", "_check_alpha" ] ] ], "_get_coef": [ [ "sklearn/naive_bayes.py", [ "BaseDiscreteNB", "_get_coef" ] ], [ "sklearn/svm/base.py", [ "BaseLibSVM", "_get_coef" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "_get_coef" ] ] ], "_get_intercept": [ [ "sklearn/naive_bayes.py", [ "BaseDiscreteNB", "_get_intercept" ] ] ], "_count": [ [ "sklearn/naive_bayes.py", [ "MultinomialNB", "_count" ] ], [ "sklearn/naive_bayes.py", [ "ComplementNB", "_count" ] ], [ "sklearn/naive_bayes.py", [ "BernoulliNB", "_count" ] ] ], "_update_feature_log_prob": [ [ "sklearn/naive_bayes.py", [ "MultinomialNB", "_update_feature_log_prob" ] ], [ "sklearn/naive_bayes.py", [ "ComplementNB", "_update_feature_log_prob" ] ], [ "sklearn/naive_bayes.py", [ "BernoulliNB", "_update_feature_log_prob" ] ] ], "_get_weights": [ [ "sklearn/neighbors/base.py", [ "_get_weights" ] ] ], "_check_algorithm_metric": [ [ "sklearn/neighbors/base.py", [ "NeighborsBase", "_check_algorithm_metric" ] ] ], "_tree_query_parallel_helper": [ [ "sklearn/neighbors/base.py", [ "_tree_query_parallel_helper" ] ] ], "_kneighbors_reduce_func": [ [ "sklearn/neighbors/base.py", [ "KNeighborsMixin", "_kneighbors_reduce_func" ] ] ], "kneighbors": [ [ "sklearn/neighbors/base.py", [ "KNeighborsMixin", "kneighbors" ] ] ], "kneighbors_graph": [ [ "sklearn/neighbors/base.py", [ "KNeighborsMixin", "kneighbors_graph" ] ], [ "sklearn/neighbors/graph.py", [ "kneighbors_graph" ] ] ], "_tree_query_radius_parallel_helper": [ [ "sklearn/neighbors/base.py", [ "_tree_query_radius_parallel_helper" ] ] ], "_radius_neighbors_reduce_func": [ [ "sklearn/neighbors/base.py", [ "RadiusNeighborsMixin", "_radius_neighbors_reduce_func" ] ] ], "radius_neighbors": [ [ "sklearn/neighbors/base.py", [ "RadiusNeighborsMixin", "radius_neighbors" ] ] ], "radius_neighbors_graph": [ [ "sklearn/neighbors/base.py", [ "RadiusNeighborsMixin", "radius_neighbors_graph" ] ], [ "sklearn/neighbors/graph.py", [ "radius_neighbors_graph" ] ] ], "_query_include_self": [ [ "sklearn/neighbors/graph.py", [ "_query_include_self" ] ] ], "_choose_algorithm": [ [ "sklearn/neighbors/kde.py", [ "KernelDensity", "_choose_algorithm" ] ] ], "_fit_predict": [ [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "_fit_predict" ] ] ], "_score_samples": [ [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "_score_samples" ] ] ], "_local_reachability_density": [ [ "sklearn/neighbors/lof.py", [ "LocalOutlierFactor", "_local_reachability_density" ] ] ], "_callback": [ [ "sklearn/neighbors/nca.py", [ "NeighborhoodComponentsAnalysis", "_callback" ] ] ], "_loss_grad_lbfgs": [ [ "sklearn/neighbors/nca.py", [ "NeighborhoodComponentsAnalysis", "_loss_grad_lbfgs" ] ], [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_loss_grad_lbfgs" ] ] ], "dist_func": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "dist_func" ] ], [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "dist_func" ] ] ], "brute_force_neighbors": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "brute_force_neighbors" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "brute_force_neighbors" ] ] ], "test_ball_tree_query": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_query" ] ] ], "test_ball_tree_query_metrics": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_query_metrics" ] ] ], "test_ball_tree_query_radius": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_query_radius" ] ] ], "test_ball_tree_query_radius_distance": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_query_radius_distance" ] ] ], "compute_kernel_slow": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "compute_kernel_slow" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "compute_kernel_slow" ] ], [ "sklearn/neighbors/tests/test_kde.py", [ "compute_kernel_slow" ] ] ], "test_ball_tree_kde": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_kde" ] ] ], "test_gaussian_kde": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_gaussian_kde" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_gaussian_kde" ] ] ], "check_two_point": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_two_point", "check_two_point" ] ] ], "test_ball_tree_two_point": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_two_point" ] ] ], "check_pickle_protocol": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_pickle", "check_pickle_protocol" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_kd_tree_pickle", "check_pickle_protocol" ] ] ], "test_ball_tree_pickle": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_ball_tree_pickle" ] ] ], "test_neighbors_heap": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_neighbors_heap" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_neighbors_heap" ] ] ], "test_node_heap": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_node_heap" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_node_heap" ] ] ], "test_simultaneous_sort": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_simultaneous_sort" ] ], [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_simultaneous_sort" ] ] ], "test_query_haversine": [ [ "sklearn/neighbors/tests/test_ball_tree.py", [ "test_query_haversine" ] ] ], "test_cdist": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_cdist" ] ] ], "test_cdist_bool_metric": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_cdist_bool_metric" ] ] ], "check_cdist": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "check_cdist" ] ] ], "check_cdist_bool": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "check_cdist_bool" ] ] ], "test_pdist": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_pdist" ] ] ], "test_pdist_bool_metrics": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_pdist_bool_metrics" ] ] ], "check_pdist": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "check_pdist" ] ] ], "check_pdist_bool": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "check_pdist_bool" ] ] ], "test_pickle_bool_metrics": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_pickle_bool_metrics" ] ] ], "haversine_slow": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_haversine_metric", "haversine_slow" ] ] ], "test_haversine_metric": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_haversine_metric" ] ] ], "test_pyfunc_metric": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_pyfunc_metric" ] ] ], "wrong_distance": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_bad_pyfunc_metric", "wrong_distance" ] ] ], "test_bad_pyfunc_metric": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_bad_pyfunc_metric" ] ] ], "custom_metric": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_input_data_size", "custom_metric" ] ], [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_callable_metric", "custom_metric" ] ] ], "test_input_data_size": [ [ "sklearn/neighbors/tests/test_dist_metrics.py", [ "test_input_data_size" ] ] ], "check_neighbors": [ [ "sklearn/neighbors/tests/test_kd_tree.py", [ "check_neighbors" ] ] ], "test_kd_tree_query": [ [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_kd_tree_query" ] ] ], "test_kd_tree_query_radius": [ [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_kd_tree_query_radius" ] ] ], "test_kd_tree_query_radius_distance": [ [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_kd_tree_query_radius_distance" ] ] ], "test_kd_tree_kde": [ [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_kd_tree_kde" ] ] ], "test_kd_tree_two_point": [ [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_kd_tree_two_point" ] ] ], "test_kd_tree_pickle": [ [ "sklearn/neighbors/tests/test_kd_tree.py", [ "test_kd_tree_pickle" ] ] ], "test_kernel_density": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_kernel_density" ] ] ], "test_kernel_density_sampling": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_kernel_density_sampling" ] ] ], "test_kde_algorithm_metric_choice": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_kde_algorithm_metric_choice" ] ] ], "test_kde_score": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_kde_score" ] ] ], "test_kde_badargs": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_kde_badargs" ] ] ], "test_kde_pipeline_gridsearch": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_kde_pipeline_gridsearch" ] ] ], "test_kde_sample_weights": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_kde_sample_weights" ] ] ], "test_pickling": [ [ "sklearn/neighbors/tests/test_kde.py", [ "test_pickling" ] ] ], "test_lof": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_lof" ] ] ], "test_lof_performance": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_lof_performance" ] ] ], "test_lof_values": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_lof_values" ] ] ], "test_lof_precomputed": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_lof_precomputed" ] ] ], "test_n_neighbors_attribute": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_n_neighbors_attribute" ] ] ], "test_contamination": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_contamination" ] ] ], "test_novelty_errors": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_novelty_errors" ] ] ], "test_novelty_training_scores": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_novelty_training_scores" ] ] ], "test_hasattr_prediction": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_hasattr_prediction" ] ] ], "test_novelty_true_common_tests": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_novelty_true_common_tests" ] ] ], "test_predicted_outlier_number": [ [ "sklearn/neighbors/tests/test_lof.py", [ "test_predicted_outlier_number" ] ] ], "test_simple_example": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_simple_example" ] ] ], "callback": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_toy_example_collapse_points", "LossStorer", "callback" ] ], [ "sklearn/neighbors/tests/test_nca.py", [ "test_expected_transformation_shape", "TransformationStorer", "callback" ] ] ], "test_toy_example_collapse_points": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_toy_example_collapse_points" ] ] ], "test_finite_differences": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_finite_differences" ] ] ], "test_params_validation": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_params_validation" ] ] ], "test_transformation_dimensions": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_transformation_dimensions" ] ] ], "test_init_transformation": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_init_transformation" ] ] ], "test_auto_init": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_auto_init" ] ] ], "test_warm_start_validation": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_warm_start_validation" ] ] ], "test_warm_start_effectiveness": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_warm_start_effectiveness" ] ] ], "test_no_verbose": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_no_verbose" ] ] ], "test_singleton_class": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_singleton_class" ] ] ], "test_one_class": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_one_class" ] ] ], "my_cb": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_callback", "my_cb" ] ] ], "test_callback": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_callback" ] ] ], "test_expected_transformation_shape": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_expected_transformation_shape" ] ] ], "test_convergence_warning": [ [ "sklearn/neighbors/tests/test_nca.py", [ "test_convergence_warning" ] ], [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_convergence_warning" ] ] ], "test_precomputed": [ [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_precomputed" ] ], [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_precomputed" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_precomputed" ] ] ], "test_iris_shrinkage": [ [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_iris_shrinkage" ] ] ], "test_shrinkage_correct": [ [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_shrinkage_correct" ] ] ], "test_shrinkage_threshold_decoded_y": [ [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_shrinkage_threshold_decoded_y" ] ] ], "test_predict_translated_data": [ [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_predict_translated_data" ] ] ], "test_manhattan_metric": [ [ "sklearn/neighbors/tests/test_nearest_centroid.py", [ "test_manhattan_metric" ] ] ], "_weight_func": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "_weight_func" ] ] ], "test_unsupervised_kneighbors": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_unsupervised_kneighbors" ] ] ], "test_unsupervised_inputs": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_unsupervised_inputs" ] ] ], "test_n_neighbors_datatype": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_n_neighbors_datatype" ] ] ], "test_not_fitted_error_gets_raised": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_not_fitted_error_gets_raised" ] ] ], "test_precomputed_cross_validation": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_precomputed_cross_validation" ] ] ], "test_unsupervised_radius_neighbors": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_unsupervised_radius_neighbors" ] ] ], "test_kneighbors_classifier": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_classifier" ] ] ], "test_kneighbors_classifier_float_labels": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_classifier_float_labels" ] ] ], "test_kneighbors_classifier_predict_proba": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_classifier_predict_proba" ] ] ], "test_radius_neighbors_classifier": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_classifier" ] ] ], "test_radius_neighbors_classifier_when_no_neighbors": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_classifier_when_no_neighbors" ] ] ], "test_radius_neighbors_classifier_outlier_labeling": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_classifier_outlier_labeling" ] ] ], "test_radius_neighbors_classifier_zero_distance": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_classifier_zero_distance" ] ] ], "test_neighbors_regressors_zero_distance": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_neighbors_regressors_zero_distance" ] ] ], "test_radius_neighbors_boundary_handling": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_boundary_handling" ] ] ], "test_RadiusNeighborsClassifier_multioutput": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_RadiusNeighborsClassifier_multioutput" ] ] ], "test_kneighbors_classifier_sparse": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_classifier_sparse" ] ] ], "test_KNeighborsClassifier_multioutput": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_KNeighborsClassifier_multioutput" ] ] ], "test_kneighbors_regressor": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_regressor" ] ] ], "test_KNeighborsRegressor_multioutput_uniform_weight": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_KNeighborsRegressor_multioutput_uniform_weight" ] ] ], "test_kneighbors_regressor_multioutput": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_regressor_multioutput" ] ] ], "test_radius_neighbors_regressor": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_regressor" ] ] ], "test_RadiusNeighborsRegressor_multioutput_with_uniform_weight": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_RadiusNeighborsRegressor_multioutput_with_uniform_weight" ] ] ], "test_RadiusNeighborsRegressor_multioutput": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_RadiusNeighborsRegressor_multioutput" ] ] ], "test_kneighbors_regressor_sparse": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_regressor_sparse" ] ] ], "test_neighbors_iris": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_neighbors_iris" ] ] ], "test_neighbors_digits": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_neighbors_digits" ] ] ], "test_kneighbors_graph": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_graph" ] ] ], "test_kneighbors_graph_sparse": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_kneighbors_graph_sparse" ] ] ], "test_radius_neighbors_graph": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_graph" ] ] ], "test_radius_neighbors_graph_sparse": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_radius_neighbors_graph_sparse" ] ] ], "test_neighbors_badargs": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_neighbors_badargs" ] ] ], "test_neighbors_metrics": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_neighbors_metrics" ] ] ], "test_callable_metric": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_callable_metric" ] ] ], "test_valid_brute_metric_for_auto_algorithm": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_valid_brute_metric_for_auto_algorithm" ] ] ], "test_metric_params_interface": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_metric_params_interface" ] ] ], "test_predict_sparse_ball_kd_tree": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_predict_sparse_ball_kd_tree" ] ] ], "test_non_euclidean_kneighbors": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_non_euclidean_kneighbors" ] ] ], "check_object_arrays": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "check_object_arrays" ] ] ], "test_k_and_radius_neighbors_train_is_not_query": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_k_and_radius_neighbors_train_is_not_query" ] ] ], "test_k_and_radius_neighbors_X_None": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_k_and_radius_neighbors_X_None" ] ] ], "test_k_and_radius_neighbors_duplicates": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_k_and_radius_neighbors_duplicates" ] ] ], "test_include_self_neighbors_graph": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_include_self_neighbors_graph" ] ] ], "test_same_knn_parallel": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_same_knn_parallel" ] ] ], "test_same_radius_neighbors_parallel": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_same_radius_neighbors_parallel" ] ] ], "test_knn_forcing_backend": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_knn_forcing_backend" ] ] ], "sparse_metric": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_sparse_metric_callable", "sparse_metric" ] ] ], "test_sparse_metric_callable": [ [ "sklearn/neighbors/tests/test_neighbors.py", [ "test_sparse_metric_callable" ] ] ], "test_quadtree_boundary_computation": [ [ "sklearn/neighbors/tests/test_quad_tree.py", [ "test_quadtree_boundary_computation" ] ] ], "test_quadtree_similar_point": [ [ "sklearn/neighbors/tests/test_quad_tree.py", [ "test_quadtree_similar_point" ] ] ], "test_quad_tree_pickle": [ [ "sklearn/neighbors/tests/test_quad_tree.py", [ "test_quad_tree_pickle" ] ] ], "test_qt_insert_duplicate": [ [ "sklearn/neighbors/tests/test_quad_tree.py", [ "test_qt_insert_duplicate" ] ] ], "test_summarize": [ [ "sklearn/neighbors/tests/test_quad_tree.py", [ "test_summarize" ] ] ], "identity": [ [ "sklearn/neural_network/_base.py", [ "identity" ] ] ], "logistic": [ [ "sklearn/neural_network/_base.py", [ "logistic" ] ] ], "tanh": [ [ "sklearn/neural_network/_base.py", [ "tanh" ] ] ], "relu": [ [ "sklearn/neural_network/_base.py", [ "relu" ] ] ], "softmax": [ [ "sklearn/neural_network/_base.py", [ "softmax" ] ], [ "sklearn/tests/test_calibration.py", [ "test_calibration_multiclass", "for_method_in_isotonic_", "softmax" ] ], [ "sklearn/utils/extmath.py", [ "softmax" ] ] ], "inplace_identity_derivative": [ [ "sklearn/neural_network/_base.py", [ "inplace_identity_derivative" ] ] ], "inplace_logistic_derivative": [ [ "sklearn/neural_network/_base.py", [ "inplace_logistic_derivative" ] ] ], "inplace_tanh_derivative": [ [ "sklearn/neural_network/_base.py", [ "inplace_tanh_derivative" ] ] ], "inplace_relu_derivative": [ [ "sklearn/neural_network/_base.py", [ "inplace_relu_derivative" ] ] ], "binary_log_loss": [ [ "sklearn/neural_network/_base.py", [ "binary_log_loss" ] ] ], "update_params": [ [ "sklearn/neural_network/_stochastic_optimizers.py", [ "BaseOptimizer", "update_params" ] ] ], "iteration_ends": [ [ "sklearn/neural_network/_stochastic_optimizers.py", [ "BaseOptimizer", "iteration_ends" ] ], [ "sklearn/neural_network/_stochastic_optimizers.py", [ "SGDOptimizer", "iteration_ends" ] ] ], "trigger_stopping": [ [ "sklearn/neural_network/_stochastic_optimizers.py", [ "BaseOptimizer", "trigger_stopping" ] ], [ "sklearn/neural_network/_stochastic_optimizers.py", [ "SGDOptimizer", "trigger_stopping" ] ] ], "_get_updates": [ [ "sklearn/neural_network/_stochastic_optimizers.py", [ "SGDOptimizer", "_get_updates" ] ], [ "sklearn/neural_network/_stochastic_optimizers.py", [ "AdamOptimizer", "_get_updates" ] ] ], "_pack": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "_pack" ] ] ], "_unpack": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_unpack" ] ] ], "_forward_pass": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_forward_pass" ] ] ], "_compute_loss_grad": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_compute_loss_grad" ] ] ], "_backprop": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_backprop" ] ] ], "_init_coef": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_init_coef" ] ] ], "_validate_hyperparameters": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_validate_hyperparameters" ] ] ], "_fit_lbfgs": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_fit_lbfgs" ] ] ], "_fit_stochastic": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_fit_stochastic" ] ] ], "_update_no_improvement_count": [ [ "sklearn/neural_network/multilayer_perceptron.py", [ "BaseMultilayerPerceptron", "_update_no_improvement_count" ] ] ], "_mean_hiddens": [ [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "_mean_hiddens" ] ] ], "_sample_hiddens": [ [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "_sample_hiddens" ] ] ], "_sample_visibles": [ [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "_sample_visibles" ] ] ], "_free_energy": [ [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "_free_energy" ] ] ], "gibbs": [ [ "sklearn/neural_network/rbm.py", [ "BernoulliRBM", "gibbs" ] ] ], "test_alpha": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_alpha" ] ], [ "sklearn/tests/test_naive_bayes.py", [ "test_alpha" ] ] ], "test_fit": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_fit" ] ], [ "sklearn/neural_network/tests/test_rbm.py", [ "test_fit" ] ] ], "loss_grad_fun": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_gradient", "for_n_labels_in_2_3_", "for_activation_in_ACTIVAT", "loss_grad_fun" ] ] ], "test_lbfgs_classification": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_lbfgs_classification" ] ] ], "test_lbfgs_regression": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_lbfgs_regression" ] ] ], "test_learning_rate_warmstart": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_learning_rate_warmstart" ] ] ], "test_multilabel_classification": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_multilabel_classification" ] ] ], "test_partial_fit_classes_error": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_partial_fit_classes_error" ] ] ], "test_partial_fit_classification": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_partial_fit_classification" ] ] ], "test_partial_fit_unseen_classes": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_partial_fit_unseen_classes" ] ] ], "test_partial_fit_regression": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_partial_fit_regression" ] ] ], "test_partial_fit_errors": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_partial_fit_errors" ] ] ], "test_params_errors": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_params_errors" ] ] ], "test_predict_proba_binary": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_predict_proba_binary" ] ] ], "test_predict_proba_multiclass": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_predict_proba_multiclass" ] ] ], "test_predict_proba_multilabel": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_predict_proba_multilabel" ] ] ], "test_sparse_matrices": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_sparse_matrices" ] ] ], "test_tolerance": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_tolerance" ] ] ], "test_verbose_sgd": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_verbose_sgd" ] ] ], "test_adaptive_learning_rate": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_adaptive_learning_rate" ] ] ], "test_n_iter_no_change_inf": [ [ "sklearn/neural_network/tests/test_mlp.py", [ "test_n_iter_no_change_inf" ] ] ], "test_small_sparse": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_small_sparse" ] ] ], "test_small_sparse_partial_fit": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_small_sparse_partial_fit" ] ] ], "test_sample_hiddens": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_sample_hiddens" ] ] ], "test_fit_gibbs": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_fit_gibbs" ] ] ], "test_fit_gibbs_sparse": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_fit_gibbs_sparse" ] ] ], "test_gibbs_smoke": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_gibbs_smoke" ] ] ], "test_rbm_verbose": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_rbm_verbose" ] ] ], "test_sparse_and_verbose": [ [ "sklearn/neural_network/tests/test_rbm.py", [ "test_sparse_and_verbose" ] ] ], "test_base_optimizer": [ [ "sklearn/neural_network/tests/test_stochastic_optimizers.py", [ "test_base_optimizer" ] ] ], "test_sgd_optimizer_no_momentum": [ [ "sklearn/neural_network/tests/test_stochastic_optimizers.py", [ "test_sgd_optimizer_no_momentum" ] ] ], "test_sgd_optimizer_momentum": [ [ "sklearn/neural_network/tests/test_stochastic_optimizers.py", [ "test_sgd_optimizer_momentum" ] ] ], "test_sgd_optimizer_trigger_stopping": [ [ "sklearn/neural_network/tests/test_stochastic_optimizers.py", [ "test_sgd_optimizer_trigger_stopping" ] ] ], "test_sgd_optimizer_nesterovs_momentum": [ [ "sklearn/neural_network/tests/test_stochastic_optimizers.py", [ "test_sgd_optimizer_nesterovs_momentum" ] ] ], "test_adam_optimizer": [ [ "sklearn/neural_network/tests/test_stochastic_optimizers.py", [ "test_adam_optimizer" ] ] ], "_validate_steps": [ [ "sklearn/pipeline.py", [ "Pipeline", "_validate_steps" ] ] ], "named_steps": [ [ "sklearn/pipeline.py", [ "Pipeline", "named_steps" ] ] ], "_final_estimator": [ [ "sklearn/pipeline.py", [ "Pipeline", "_final_estimator" ] ] ], "_inverse_transform": [ [ "sklearn/pipeline.py", [ "Pipeline", "_inverse_transform" ] ] ], "_name_estimators": [ [ "sklearn/pipeline.py", [ "_name_estimators" ] ] ], "make_pipeline": [ [ "sklearn/pipeline.py", [ "make_pipeline" ] ] ], "_transform_one": [ [ "sklearn/pipeline.py", [ "_transform_one" ] ] ], "_fit_transform_one": [ [ "sklearn/pipeline.py", [ "_fit_transform_one" ] ] ], "_fit_one": [ [ "sklearn/pipeline.py", [ "_fit_one" ] ] ], "_parallel_func": [ [ "sklearn/pipeline.py", [ "FeatureUnion", "_parallel_func" ] ] ], "_update_transformer_list": [ [ "sklearn/pipeline.py", [ "FeatureUnion", "_update_transformer_list" ] ] ], "make_union": [ [ "sklearn/pipeline.py", [ "make_union" ] ] ], "_validate_n_bins": [ [ "sklearn/preprocessing/_discretization.py", [ "KBinsDiscretizer", "_validate_n_bins" ] ] ], "_get_feature": [ [ "sklearn/preprocessing/_encoders.py", [ "_BaseEncoder", "_get_feature" ] ] ], "_validate_keywords": [ [ "sklearn/preprocessing/_encoders.py", [ "OneHotEncoder", "_validate_keywords" ] ] ], "_compute_drop_idx": [ [ "sklearn/preprocessing/_encoders.py", [ "OneHotEncoder", "_compute_drop_idx" ] ] ], "_identity": [ [ "sklearn/preprocessing/_function_transformer.py", [ "_identity" ] ] ], "_check_input": [ [ "sklearn/preprocessing/_function_transformer.py", [ "FunctionTransformer", "_check_input" ] ], [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_check_input" ] ] ], "_check_inverse_transform": [ [ "sklearn/preprocessing/_function_transformer.py", [ "FunctionTransformer", "_check_inverse_transform" ] ] ], "_transform_selected": [ [ "sklearn/preprocessing/base.py", [ "_transform_selected" ] ] ], "_handle_zeros_in_scale": [ [ "sklearn/preprocessing/data.py", [ "_handle_zeros_in_scale" ] ] ], "scale": [ [ "sklearn/preprocessing/data.py", [ "scale" ] ] ], "minmax_scale": [ [ "sklearn/preprocessing/data.py", [ "minmax_scale" ] ] ], "maxabs_scale": [ [ "sklearn/preprocessing/data.py", [ "maxabs_scale" ] ] ], "robust_scale": [ [ "sklearn/preprocessing/data.py", [ "robust_scale" ] ] ], "_combinations": [ [ "sklearn/preprocessing/data.py", [ "PolynomialFeatures", "_combinations" ] ] ], "powers_": [ [ "sklearn/preprocessing/data.py", [ "PolynomialFeatures", "powers_" ] ] ], "normalize": [ [ "sklearn/preprocessing/data.py", [ "normalize" ] ] ], "binarize": [ [ "sklearn/preprocessing/data.py", [ "binarize" ] ] ], "add_dummy_feature": [ [ "sklearn/preprocessing/data.py", [ "add_dummy_feature" ] ] ], "_transform_col": [ [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "_transform_col" ] ] ], "_check_inputs": [ [ "sklearn/preprocessing/data.py", [ "QuantileTransformer", "_check_inputs" ] ] ], "quantile_transform": [ [ "sklearn/preprocessing/data.py", [ "quantile_transform" ] ] ], "_box_cox_inverse_tranform": [ [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_box_cox_inverse_tranform" ] ] ], "_yeo_johnson_inverse_transform": [ [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_yeo_johnson_inverse_transform" ] ] ], "_yeo_johnson_transform": [ [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_yeo_johnson_transform" ] ] ], "_box_cox_optimize": [ [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_box_cox_optimize" ] ] ], "_neg_log_likelihood": [ [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_yeo_johnson_optimize", "_neg_log_likelihood" ] ] ], "_yeo_johnson_optimize": [ [ "sklearn/preprocessing/data.py", [ "PowerTransformer", "_yeo_johnson_optimize" ] ] ], "power_transform": [ [ "sklearn/preprocessing/data.py", [ "power_transform" ] ] ], "_encode_numpy": [ [ "sklearn/preprocessing/label.py", [ "_encode_numpy" ] ] ], "_encode_python": [ [ "sklearn/preprocessing/label.py", [ "_encode_python" ] ] ], "_encode": [ [ "sklearn/preprocessing/label.py", [ "_encode" ] ] ], "_encode_check_unknown": [ [ "sklearn/preprocessing/label.py", [ "_encode_check_unknown" ] ] ], "label_binarize": [ [ "sklearn/preprocessing/label.py", [ "label_binarize" ] ] ], "_inverse_binarize_multiclass": [ [ "sklearn/preprocessing/label.py", [ "_inverse_binarize_multiclass" ] ] ], "_inverse_binarize_thresholding": [ [ "sklearn/preprocessing/label.py", [ "_inverse_binarize_thresholding" ] ] ], "_build_cache": [ [ "sklearn/preprocessing/label.py", [ "MultiLabelBinarizer", "_build_cache" ] ] ], "toarray": [ [ "sklearn/preprocessing/tests/test_base.py", [ "toarray" ] ], [ "sklearn/preprocessing/tests/test_data.py", [ "toarray" ] ], [ "sklearn/preprocessing/tests/test_encoders.py", [ "toarray" ] ], [ "sklearn/preprocessing/tests/test_label.py", [ "toarray" ] ] ], "_check_transform_selected": [ [ "sklearn/preprocessing/tests/test_base.py", [ "_check_transform_selected" ] ] ], "test_transform_selected": [ [ "sklearn/preprocessing/tests/test_base.py", [ "test_transform_selected" ] ] ], "_mutating_transformer": [ [ "sklearn/preprocessing/tests/test_base.py", [ "test_transform_selected_copy_arg", "_mutating_transformer" ] ] ], "test_transform_selected_copy_arg": [ [ "sklearn/preprocessing/tests/test_base.py", [ "test_transform_selected_copy_arg" ] ] ], "test_transform_selected_retain_order": [ [ "sklearn/preprocessing/tests/test_base.py", [ "test_transform_selected_retain_order" ] ] ], "_get_valid_samples_by_column": [ [ "sklearn/preprocessing/tests/test_common.py", [ "_get_valid_samples_by_column" ] ] ], "test_missing_value_handling": [ [ "sklearn/preprocessing/tests/test_common.py", [ "test_missing_value_handling" ] ] ], "_check_dim_1axis": [ [ "sklearn/preprocessing/tests/test_data.py", [ "_check_dim_1axis" ] ] ], "assert_correct_incr": [ [ "sklearn/preprocessing/tests/test_data.py", [ "assert_correct_incr" ] ] ], "test_polynomial_features": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_features" ] ] ], "test_polynomial_feature_names": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_feature_names" ] ] ], "is_c_contiguous": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_feature_array_order", "is_c_contiguous" ] ] ], "test_polynomial_feature_array_order": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_feature_array_order" ] ] ], "test_polynomial_features_csc_X": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_features_csc_X" ] ] ], "test_polynomial_features_csr_X": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_features_csr_X" ] ] ], "test_polynomial_features_csr_X_floats": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_features_csr_X_floats" ] ] ], "test_polynomial_features_csr_X_zero_row": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_features_csr_X_zero_row" ] ] ], "test_polynomial_features_csr_X_degree_4": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_features_csr_X_degree_4" ] ] ], "test_polynomial_features_csr_X_dim_edges": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_polynomial_features_csr_X_dim_edges" ] ] ], "test_standard_scaler_1d": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_standard_scaler_1d" ] ] ], "test_standard_scaler_dtype": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_standard_scaler_dtype" ] ] ], "test_scale_1d": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scale_1d" ] ] ], "test_standard_scaler_numerical_stability": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_standard_scaler_numerical_stability" ] ] ], "test_scaler_2d_arrays": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scaler_2d_arrays" ] ] ], "test_scaler_float16_overflow": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scaler_float16_overflow" ] ] ], "test_handle_zeros_in_scale": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_handle_zeros_in_scale" ] ] ], "test_minmax_scaler_partial_fit": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_minmax_scaler_partial_fit" ] ] ], "test_standard_scaler_partial_fit": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_standard_scaler_partial_fit" ] ] ], "test_standard_scaler_partial_fit_numerical_stability": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_standard_scaler_partial_fit_numerical_stability" ] ] ], "test_partial_fit_sparse_input": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_partial_fit_sparse_input" ] ] ], "test_standard_scaler_trasform_with_partial_fit": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_standard_scaler_trasform_with_partial_fit" ] ] ], "test_min_max_scaler_iris": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_min_max_scaler_iris" ] ] ], "test_min_max_scaler_zero_variance_features": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_min_max_scaler_zero_variance_features" ] ] ], "test_minmax_scale_axis1": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_minmax_scale_axis1" ] ] ], "test_min_max_scaler_1d": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_min_max_scaler_1d" ] ] ], "test_scaler_without_centering": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scaler_without_centering" ] ] ], "test_scaler_n_samples_seen_with_nan": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scaler_n_samples_seen_with_nan" ] ] ], "_check_identity_scalers_attributes": [ [ "sklearn/preprocessing/tests/test_data.py", [ "_check_identity_scalers_attributes" ] ] ], "test_scaler_return_identity": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scaler_return_identity" ] ] ], "test_scaler_int": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scaler_int" ] ] ], "test_scaler_without_copy": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scaler_without_copy" ] ] ], "test_scale_sparse_with_mean_raise_exception": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scale_sparse_with_mean_raise_exception" ] ] ], "test_scale_input_finiteness_validation": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scale_input_finiteness_validation" ] ] ], "test_robust_scaler_error_sparse": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_error_sparse" ] ] ], "test_robust_scaler_attributes": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_attributes" ] ] ], "test_robust_scaler_col_zero_sparse": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_col_zero_sparse" ] ] ], "test_robust_scaler_2d_arrays": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_2d_arrays" ] ] ], "test_robust_scaler_equivalence_dense_sparse": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_equivalence_dense_sparse" ] ] ], "test_robust_scaler_transform_one_row_csr": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_transform_one_row_csr" ] ] ], "test_robust_scaler_iris": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_iris" ] ] ], "test_robust_scaler_iris_quantiles": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_iris_quantiles" ] ] ], "test_quantile_transform_iris": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_iris" ] ] ], "test_quantile_transform_check_error": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_check_error" ] ] ], "test_quantile_transform_sparse_ignore_zeros": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_sparse_ignore_zeros" ] ] ], "test_quantile_transform_dense_toy": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_dense_toy" ] ] ], "test_quantile_transform_subsampling": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_subsampling" ] ] ], "test_quantile_transform_sparse_toy": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_sparse_toy" ] ] ], "test_quantile_transform_axis1": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_axis1" ] ] ], "test_quantile_transform_bounds": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_bounds" ] ] ], "test_quantile_transform_and_inverse": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_and_inverse" ] ] ], "test_quantile_transform_nan": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_nan" ] ] ], "test_deprecated_quantile_transform_copy": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_deprecated_quantile_transform_copy" ] ] ], "test_robust_scaler_invalid_range": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_invalid_range" ] ] ], "test_scale_function_without_centering": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_scale_function_without_centering" ] ] ], "test_robust_scale_axis1": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scale_axis1" ] ] ], "test_robust_scale_1d_array": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scale_1d_array" ] ] ], "test_robust_scaler_zero_variance_features": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_robust_scaler_zero_variance_features" ] ] ], "test_maxabs_scaler_zero_variance_features": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_maxabs_scaler_zero_variance_features" ] ] ], "test_maxabs_scaler_large_negative_value": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_maxabs_scaler_large_negative_value" ] ] ], "test_maxabs_scaler_transform_one_row_csr": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_maxabs_scaler_transform_one_row_csr" ] ] ], "test_maxabs_scaler_1d": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_maxabs_scaler_1d" ] ] ], "test_maxabs_scaler_partial_fit": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_maxabs_scaler_partial_fit" ] ] ], "test_normalizer_l1": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_normalizer_l1" ] ] ], "test_normalizer_l2": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_normalizer_l2" ] ] ], "test_normalizer_max": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_normalizer_max" ] ] ], "test_normalize": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_normalize" ] ] ], "test_binarizer": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_binarizer" ] ] ], "test_center_kernel": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_center_kernel" ] ] ], "test_cv_pipeline_precomputed": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_cv_pipeline_precomputed" ] ] ], "test_add_dummy_feature": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_add_dummy_feature" ] ] ], "test_add_dummy_feature_coo": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_add_dummy_feature_coo" ] ] ], "test_add_dummy_feature_csc": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_add_dummy_feature_csc" ] ] ], "test_add_dummy_feature_csr": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_add_dummy_feature_csr" ] ] ], "test_fit_cold_start": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_fit_cold_start" ] ] ], "test_quantile_transform_valid_axis": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_quantile_transform_valid_axis" ] ] ], "test_power_transformer_notfitted": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_notfitted" ] ] ], "test_power_transformer_inverse": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_inverse" ] ] ], "test_power_transformer_1d": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_1d" ] ] ], "test_power_transformer_2d": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_2d" ] ] ], "test_power_transformer_boxcox_strictly_positive_exception": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_boxcox_strictly_positive_exception" ] ] ], "test_power_transformer_yeojohnson_any_input": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_yeojohnson_any_input" ] ] ], "test_power_transformer_shape_exception": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_shape_exception" ] ] ], "test_power_transformer_method_exception": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_method_exception" ] ] ], "test_power_transformer_lambda_zero": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_lambda_zero" ] ] ], "test_power_transformer_lambda_one": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_lambda_one" ] ] ], "test_optimization_power_transformer": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_optimization_power_transformer" ] ] ], "test_yeo_johnson_darwin_example": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_yeo_johnson_darwin_example" ] ] ], "test_power_transformer_nans": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_nans" ] ] ], "test_power_transformer_fit_transform": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_fit_transform" ] ] ], "test_power_transformer_copy_True": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_copy_True" ] ] ], "test_power_transformer_copy_False": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transformer_copy_False" ] ] ], "test_power_transform_default_method": [ [ "sklearn/preprocessing/tests/test_data.py", [ "test_power_transform_default_method" ] ] ], "test_valid_n_bins": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_valid_n_bins" ] ] ], "test_invalid_n_bins": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_invalid_n_bins" ] ] ], "test_invalid_n_bins_array": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_invalid_n_bins_array" ] ] ], "test_fit_transform_n_bins_array": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_fit_transform_n_bins_array" ] ] ], "test_invalid_n_features": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_invalid_n_features" ] ] ], "test_same_min_max": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_same_min_max" ] ] ], "test_transform_1d_behavior": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_transform_1d_behavior" ] ] ], "test_numeric_stability": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_numeric_stability" ] ] ], "test_invalid_encode_option": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_invalid_encode_option" ] ] ], "test_encode_options": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_encode_options" ] ] ], "test_invalid_strategy_option": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_invalid_strategy_option" ] ] ], "test_nonuniform_strategies": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_nonuniform_strategies" ] ] ], "test_transform_outside_fit_range": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_transform_outside_fit_range" ] ] ], "test_overwrite": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_overwrite" ] ] ], "test_redundant_bins": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_redundant_bins" ] ] ], "test_percentile_numeric_stability": [ [ "sklearn/preprocessing/tests/test_discretization.py", [ "test_percentile_numeric_stability" ] ] ], "test_one_hot_encoder_sparse_dense": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_sparse_dense" ] ] ], "test_one_hot_encoder_diff_n_features": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_diff_n_features" ] ] ], "test_one_hot_encoder_handle_unknown": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_handle_unknown" ] ] ], "test_one_hot_encoder_not_fitted": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_not_fitted" ] ] ], "test_one_hot_encoder_handle_unknown_strings": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_handle_unknown_strings" ] ] ], "test_one_hot_encoder_dtype": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_dtype" ] ] ], "test_one_hot_encoder_dtype_pandas": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_dtype_pandas" ] ] ], "test_one_hot_encoder_feature_names": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_feature_names" ] ] ], "test_one_hot_encoder_feature_names_unicode": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_feature_names_unicode" ] ] ], "test_one_hot_encoder_set_params": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_set_params" ] ] ], "check_categorical_onehot": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "check_categorical_onehot" ] ] ], "test_one_hot_encoder": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder" ] ] ], "test_one_hot_encoder_inverse": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_inverse" ] ] ], "test_X_is_not_1D": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_X_is_not_1D" ] ] ], "test_X_is_not_1D_pandas": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_X_is_not_1D_pandas" ] ] ], "test_one_hot_encoder_categories": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_categories" ] ] ], "test_one_hot_encoder_specified_categories": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_specified_categories" ] ] ], "test_one_hot_encoder_unsorted_categories": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_unsorted_categories" ] ] ], "test_one_hot_encoder_specified_categories_mixed_columns": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_specified_categories_mixed_columns" ] ] ], "test_one_hot_encoder_pandas": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_pandas" ] ] ], "test_one_hot_encoder_feature_names_21": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_feature_names_21" ] ] ], "test_one_hot_encoder_feature_names_unicode_22": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_feature_names_unicode_22" ] ] ], "test_one_hot_encoder_feature_names_drop": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_feature_names_drop" ] ] ], "test_one_hot_encoder_raise_missing": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_raise_missing" ] ] ], "test_ordinal_encoder": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_ordinal_encoder" ] ] ], "test_ordinal_encoder_specified_categories": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_ordinal_encoder_specified_categories" ] ] ], "test_ordinal_encoder_inverse": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_ordinal_encoder_inverse" ] ] ], "test_ordinal_encoder_raise_missing": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_ordinal_encoder_raise_missing" ] ] ], "test_ordinal_encoder_raise_categories_shape": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_ordinal_encoder_raise_categories_shape" ] ] ], "test_encoder_dtypes": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_encoder_dtypes" ] ] ], "test_encoder_dtypes_pandas": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_encoder_dtypes_pandas" ] ] ], "test_one_hot_encoder_warning": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_warning" ] ] ], "test_one_hot_encoder_drop_manual": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_drop_manual" ] ] ], "test_one_hot_encoder_invalid_params": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_one_hot_encoder_invalid_params" ] ] ], "test_invalid_drop_length": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_invalid_drop_length" ] ] ], "test_categories": [ [ "sklearn/preprocessing/tests/test_encoders.py", [ "test_categories" ] ] ], "_func": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "_make_func", "_func" ] ] ], "_make_func": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "_make_func" ] ] ], "test_delegate_to_func": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_delegate_to_func" ] ] ], "test_np_log": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_np_log" ] ] ], "test_kw_arg": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_kw_arg" ] ] ], "test_kw_arg_update": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_kw_arg_update" ] ] ], "test_kw_arg_reset": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_kw_arg_reset" ] ] ], "test_check_inverse": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_check_inverse" ] ] ], "test_function_transformer_frame": [ [ "sklearn/preprocessing/tests/test_function_transformer.py", [ "test_function_transformer_frame" ] ] ], "test_label_binarizer": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarizer" ] ] ], "test_label_binarizer_unseen_labels": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarizer_unseen_labels" ] ] ], "test_label_binarizer_set_label_encoding": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarizer_set_label_encoding" ] ] ], "test_label_binarizer_errors": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarizer_errors" ] ] ], "test_label_encoder": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_encoder" ] ] ], "test_label_encoder_negative_ints": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_encoder_negative_ints" ] ] ], "test_label_encoder_str_bad_shape": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_encoder_str_bad_shape" ] ] ], "test_label_encoder_errors": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_encoder_errors" ] ] ], "test_label_encoder_empty_array": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_encoder_empty_array" ] ] ], "test_sparse_output_multilabel_binarizer": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_sparse_output_multilabel_binarizer" ] ] ], "test_multilabel_binarizer": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer" ] ] ], "test_multilabel_binarizer_empty_sample": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_empty_sample" ] ] ], "test_multilabel_binarizer_unknown_class": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_unknown_class" ] ] ], "test_multilabel_binarizer_given_classes": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_given_classes" ] ] ], "test_multilabel_binarizer_multiple_calls": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_multiple_calls" ] ] ], "test_multilabel_binarizer_same_length_sequence": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_same_length_sequence" ] ] ], "test_multilabel_binarizer_non_integer_labels": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_non_integer_labels" ] ] ], "test_multilabel_binarizer_non_unique": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_non_unique" ] ] ], "test_multilabel_binarizer_inverse_validation": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_multilabel_binarizer_inverse_validation" ] ] ], "test_label_binarize_with_class_order": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarize_with_class_order" ] ] ], "check_binarized_results": [ [ "sklearn/preprocessing/tests/test_label.py", [ "check_binarized_results" ] ] ], "test_label_binarize_binary": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarize_binary" ] ] ], "test_label_binarize_multiclass": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarize_multiclass" ] ] ], "test_label_binarize_multilabel": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_label_binarize_multilabel" ] ] ], "test_invalid_input_label_binarize": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_invalid_input_label_binarize" ] ] ], "test_inverse_binarize_multiclass": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_inverse_binarize_multiclass" ] ] ], "test_encode_util": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_encode_util" ] ] ], "test_encode_check_unknown": [ [ "sklearn/preprocessing/tests/test_label.py", [ "test_encode_check_unknown" ] ] ], "johnson_lindenstrauss_min_dim": [ [ "sklearn/random_projection.py", [ "johnson_lindenstrauss_min_dim" ] ] ], "_check_density": [ [ "sklearn/random_projection.py", [ "_check_density" ] ] ], "_check_input_size": [ [ "sklearn/random_projection.py", [ "_check_input_size" ] ] ], "gaussian_random_matrix": [ [ "sklearn/random_projection.py", [ "gaussian_random_matrix" ] ] ], "sparse_random_matrix": [ [ "sklearn/random_projection.py", [ "sparse_random_matrix" ] ] ], "_make_random_matrix": [ [ "sklearn/random_projection.py", [ "BaseRandomProjection", "_make_random_matrix" ] ], [ "sklearn/random_projection.py", [ "GaussianRandomProjection", "_make_random_matrix" ] ], [ "sklearn/random_projection.py", [ "SparseRandomProjection", "_make_random_matrix" ] ] ], "_build_graph": [ [ "sklearn/semi_supervised/label_propagation.py", [ "BaseLabelPropagation", "_build_graph" ] ], [ "sklearn/semi_supervised/label_propagation.py", [ "LabelPropagation", "_build_graph" ] ], [ "sklearn/semi_supervised/label_propagation.py", [ "LabelSpreading", "_build_graph" ] ] ], "test_fit_transduction": [ [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_fit_transduction" ] ] ], "test_predict_proba": [ [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_predict_proba" ] ] ], "test_label_spreading_closed_form": [ [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_label_spreading_closed_form" ] ] ], "test_label_propagation_closed_form": [ [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_label_propagation_closed_form" ] ] ], "test_valid_alpha": [ [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_valid_alpha" ] ] ], "test_convergence_speed": [ [ "sklearn/semi_supervised/tests/test_label_propagation.py", [ "test_convergence_speed" ] ] ], "_one_vs_one_coef": [ [ "sklearn/svm/base.py", [ "_one_vs_one_coef" ] ] ], "_validate_targets": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_validate_targets" ] ], [ "sklearn/svm/base.py", [ "BaseSVC", "_validate_targets" ] ] ], "_warn_from_fit_status": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_warn_from_fit_status" ] ] ], "_dense_predict": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_dense_predict" ] ] ], "_sparse_predict": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_sparse_predict" ] ] ], "_compute_kernel": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_compute_kernel" ] ] ], "_dense_decision_function": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_dense_decision_function" ] ] ], "_sparse_decision_function": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_sparse_decision_function" ] ] ], "_validate_for_predict": [ [ "sklearn/svm/base.py", [ "BaseLibSVM", "_validate_for_predict" ] ] ], "_dense_predict_proba": [ [ "sklearn/svm/base.py", [ "BaseSVC", "_dense_predict_proba" ] ] ], "_sparse_predict_proba": [ [ "sklearn/svm/base.py", [ "BaseSVC", "_sparse_predict_proba" ] ] ], "_get_liblinear_solver_type": [ [ "sklearn/svm/base.py", [ "_get_liblinear_solver_type" ] ] ], "_fit_liblinear": [ [ "sklearn/svm/base.py", [ "_fit_liblinear" ] ] ], "l1_min_c": [ [ "sklearn/svm/bounds.py", [ "l1_min_c" ] ] ], "test_l1_min_c": [ [ "sklearn/svm/tests/test_bounds.py", [ "test_l1_min_c" ] ] ], "test_l1_min_c_l2_loss": [ [ "sklearn/svm/tests/test_bounds.py", [ "test_l1_min_c_l2_loss" ] ] ], "check_l1_min_c": [ [ "sklearn/svm/tests/test_bounds.py", [ "check_l1_min_c" ] ] ], "test_ill_posed_min_c": [ [ "sklearn/svm/tests/test_bounds.py", [ "test_ill_posed_min_c" ] ] ], "test_unsupported_loss": [ [ "sklearn/svm/tests/test_bounds.py", [ "test_unsupported_loss" ] ] ], "check_svm_model_equal": [ [ "sklearn/svm/tests/test_sparse.py", [ "check_svm_model_equal" ] ] ], "test_svc": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_svc" ] ] ], "scramble_indices": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_unsorted_indices", "scramble_indices" ] ] ], "test_unsorted_indices": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_unsorted_indices" ] ] ], "kfunc": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_svc_with_custom_kernel", "kfunc" ] ] ], "test_svc_with_custom_kernel": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_svc_with_custom_kernel" ] ] ], "test_svc_iris": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_svc_iris" ] ] ], "test_sparse_decision_function": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_sparse_decision_function" ] ] ], "test_linearsvc": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_linearsvc" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvc" ] ] ], "test_linearsvc_iris": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_linearsvc_iris" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvc_iris" ] ] ], "test_weight": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_weight" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_weight" ] ] ], "test_sparse_liblinear_intercept_handling": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_sparse_liblinear_intercept_handling" ] ] ], "test_sparse_oneclasssvm": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_sparse_oneclasssvm" ] ] ], "test_sparse_realdata": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_sparse_realdata" ] ] ], "test_sparse_svc_clone_with_callable_kernel": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_sparse_svc_clone_with_callable_kernel" ] ] ], "test_timeout": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_timeout" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_timeout" ] ] ], "test_consistent_proba": [ [ "sklearn/svm/tests/test_sparse.py", [ "test_consistent_proba" ] ], [ "sklearn/svm/tests/test_svm.py", [ "test_consistent_proba" ] ] ], "test_libsvm_parameters": [ [ "sklearn/svm/tests/test_svm.py", [ "test_libsvm_parameters" ] ] ], "test_libsvm_iris": [ [ "sklearn/svm/tests/test_svm.py", [ "test_libsvm_iris" ] ] ], "test_svr": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svr" ] ] ], "test_linearsvr": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvr" ] ] ], "test_linearsvr_fit_sampleweight": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvr_fit_sampleweight" ] ] ], "test_svr_errors": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svr_errors" ] ] ], "test_oneclass": [ [ "sklearn/svm/tests/test_svm.py", [ "test_oneclass" ] ] ], "test_oneclass_decision_function": [ [ "sklearn/svm/tests/test_svm.py", [ "test_oneclass_decision_function" ] ] ], "test_oneclass_score_samples": [ [ "sklearn/svm/tests/test_svm.py", [ "test_oneclass_score_samples" ] ] ], "test_tweak_params": [ [ "sklearn/svm/tests/test_svm.py", [ "test_tweak_params" ] ] ], "test_decision_function": [ [ "sklearn/svm/tests/test_svm.py", [ "test_decision_function" ] ] ], "test_decision_function_shape": [ [ "sklearn/svm/tests/test_svm.py", [ "test_decision_function_shape" ] ] ], "test_svr_predict": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svr_predict" ] ] ], "test_auto_weight": [ [ "sklearn/svm/tests/test_svm.py", [ "test_auto_weight" ] ] ], "test_svm_gamma_error": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svm_gamma_error" ] ] ], "test_unicode_kernel": [ [ "sklearn/svm/tests/test_svm.py", [ "test_unicode_kernel" ] ] ], "test_sparse_precomputed": [ [ "sklearn/svm/tests/test_svm.py", [ "test_sparse_precomputed" ] ] ], "test_linearsvc_parameters": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvc_parameters" ] ] ], "test_linearsvx_loss_penalty_deprecations": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvx_loss_penalty_deprecations" ] ] ], "test_linear_svx_uppercase_loss_penality_raises_error": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linear_svx_uppercase_loss_penality_raises_error" ] ] ], "test_linearsvc_crammer_singer": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvc_crammer_singer" ] ] ], "test_linearsvc_fit_sampleweight": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvc_fit_sampleweight" ] ] ], "test_crammer_singer_binary": [ [ "sklearn/svm/tests/test_svm.py", [ "test_crammer_singer_binary" ] ] ], "test_dense_liblinear_intercept_handling": [ [ "sklearn/svm/tests/test_svm.py", [ "test_dense_liblinear_intercept_handling" ] ] ], "test_liblinear_set_coef": [ [ "sklearn/svm/tests/test_svm.py", [ "test_liblinear_set_coef" ] ] ], "test_immutable_coef_property": [ [ "sklearn/svm/tests/test_svm.py", [ "test_immutable_coef_property" ] ] ], "test_linearsvc_verbose": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linearsvc_verbose" ] ] ], "test_svc_clone_with_callable_kernel": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svc_clone_with_callable_kernel" ] ] ], "test_svc_bad_kernel": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svc_bad_kernel" ] ] ], "test_linear_svm_convergence_warnings": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linear_svm_convergence_warnings" ] ] ], "test_svr_coef_sign": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svr_coef_sign" ] ] ], "test_linear_svc_intercept_scaling": [ [ "sklearn/svm/tests/test_svm.py", [ "test_linear_svc_intercept_scaling" ] ] ], "test_lsvc_intercept_scaling_zero": [ [ "sklearn/svm/tests/test_svm.py", [ "test_lsvc_intercept_scaling_zero" ] ] ], "test_hasattr_predict_proba": [ [ "sklearn/svm/tests/test_svm.py", [ "test_hasattr_predict_proba" ] ] ], "test_decision_function_shape_two_class": [ [ "sklearn/svm/tests/test_svm.py", [ "test_decision_function_shape_two_class" ] ] ], "test_ovr_decision_function": [ [ "sklearn/svm/tests/test_svm.py", [ "test_ovr_decision_function" ] ], [ "sklearn/utils/tests/test_multiclass.py", [ "test_ovr_decision_function" ] ] ], "test_svc_invalid_break_ties_param": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svc_invalid_break_ties_param" ] ] ], "test_svc_ovr_tie_breaking": [ [ "sklearn/svm/tests/test_svm.py", [ "test_svc_ovr_tie_breaking" ] ] ], "test_gamma_auto": [ [ "sklearn/svm/tests/test_svm.py", [ "test_gamma_auto" ] ] ], "test_gamma_scale": [ [ "sklearn/svm/tests/test_svm.py", [ "test_gamma_scale" ] ] ], "test_clone_2": [ [ "sklearn/tests/test_base.py", [ "test_clone_2" ] ] ], "test_clone_buggy": [ [ "sklearn/tests/test_base.py", [ "test_clone_buggy" ] ] ], "test_clone_empty_array": [ [ "sklearn/tests/test_base.py", [ "test_clone_empty_array" ] ] ], "test_clone_nan": [ [ "sklearn/tests/test_base.py", [ "test_clone_nan" ] ] ], "test_clone_sparse_matrices": [ [ "sklearn/tests/test_base.py", [ "test_clone_sparse_matrices" ] ] ], "test_clone_estimator_types": [ [ "sklearn/tests/test_base.py", [ "test_clone_estimator_types" ] ] ], "test_repr": [ [ "sklearn/tests/test_base.py", [ "test_repr" ] ] ], "test_str": [ [ "sklearn/tests/test_base.py", [ "test_str" ] ] ], "test_get_params": [ [ "sklearn/tests/test_base.py", [ "test_get_params" ] ] ], "test_is_classifier": [ [ "sklearn/tests/test_base.py", [ "test_is_classifier" ] ] ], "test_set_params_passes_all_parameters": [ [ "sklearn/tests/test_base.py", [ "test_set_params_passes_all_parameters" ] ] ], "test_set_params_updates_valid_params": [ [ "sklearn/tests/test_base.py", [ "test_set_params_updates_valid_params" ] ] ], "test_score_sample_weight": [ [ "sklearn/tests/test_base.py", [ "test_score_sample_weight" ] ] ], "test_clone_pandas_dataframe": [ [ "sklearn/tests/test_base.py", [ "test_clone_pandas_dataframe" ] ] ], "test_pickle_version_warning_is_not_raised_with_matching_version": [ [ "sklearn/tests/test_base.py", [ "test_pickle_version_warning_is_not_raised_with_matching_version" ] ] ], "test_pickle_version_warning_is_issued_upon_different_version": [ [ "sklearn/tests/test_base.py", [ "test_pickle_version_warning_is_issued_upon_different_version" ] ] ], "test_pickle_version_warning_is_issued_when_no_version_info_in_pickle": [ [ "sklearn/tests/test_base.py", [ "test_pickle_version_warning_is_issued_when_no_version_info_in_pickle" ] ] ], "test_pickle_version_no_warning_is_issued_with_non_sklearn_estimator": [ [ "sklearn/tests/test_base.py", [ "test_pickle_version_no_warning_is_issued_with_non_sklearn_estimator" ] ] ], "test_pickling_when_getstate_is_overwritten_by_mixin": [ [ "sklearn/tests/test_base.py", [ "test_pickling_when_getstate_is_overwritten_by_mixin" ] ] ], "test_pickling_when_getstate_is_overwritten_by_mixin_outside_of_sklearn": [ [ "sklearn/tests/test_base.py", [ "test_pickling_when_getstate_is_overwritten_by_mixin_outside_of_sklearn" ] ] ], "test_pickling_works_when_getstate_is_overwritten_in_the_child_class": [ [ "sklearn/tests/test_base.py", [ "test_pickling_works_when_getstate_is_overwritten_in_the_child_class" ] ] ], "test_tag_inheritance": [ [ "sklearn/tests/test_base.py", [ "test_tag_inheritance" ] ] ], "test_regressormixin_score_multioutput": [ [ "sklearn/tests/test_base.py", [ "test_regressormixin_score_multioutput" ] ] ], "test_calibration": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration" ] ] ], "test_calibration_multiclass": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration_multiclass" ] ] ], "test_calibration_prefit": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration_prefit" ] ] ], "test_sigmoid_calibration": [ [ "sklearn/tests/test_calibration.py", [ "test_sigmoid_calibration" ] ] ], "test_calibration_curve": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration_curve" ] ] ], "test_calibration_nan_imputer": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration_nan_imputer" ] ] ], "test_calibration_prob_sum": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration_prob_sum" ] ] ], "test_calibration_less_classes": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration_less_classes" ] ] ], "test_calibration_accepts_ndarray": [ [ "sklearn/tests/test_calibration.py", [ "test_calibration_accepts_ndarray" ] ] ], "test_raise_build_error": [ [ "sklearn/tests/test_check_build.py", [ "test_raise_build_error" ] ] ], "test_all_estimator_no_base_class": [ [ "sklearn/tests/test_common.py", [ "test_all_estimator_no_base_class" ] ] ], "test_parameters_default_constructible": [ [ "sklearn/tests/test_common.py", [ "test_parameters_default_constructible" ] ] ], "_tested_estimators": [ [ "sklearn/tests/test_common.py", [ "_tested_estimators" ] ] ], "_generate_checks_per_estimator": [ [ "sklearn/tests/test_common.py", [ "_generate_checks_per_estimator" ] ] ], "_rename_partial": [ [ "sklearn/tests/test_common.py", [ "_rename_partial" ] ] ], "test_estimators": [ [ "sklearn/tests/test_common.py", [ "test_estimators" ] ] ], "test_no_attributes_set_in_init": [ [ "sklearn/tests/test_common.py", [ "test_no_attributes_set_in_init" ] ] ], "test_configure": [ [ "sklearn/tests/test_common.py", [ "test_configure" ] ] ], "_tested_linear_classifiers": [ [ "sklearn/tests/test_common.py", [ "_tested_linear_classifiers" ] ] ], "test_class_weight_balanced_linear_classifiers": [ [ "sklearn/tests/test_common.py", [ "test_class_weight_balanced_linear_classifiers" ] ] ], "test_import_all_consistency": [ [ "sklearn/tests/test_common.py", [ "test_import_all_consistency" ] ] ], "test_root_import_all_completeness": [ [ "sklearn/tests/test_common.py", [ "test_root_import_all_completeness" ] ] ], "test_all_tests_are_importable": [ [ "sklearn/tests/test_common.py", [ "test_all_tests_are_importable" ] ] ], "test_config_context": [ [ "sklearn/tests/test_config.py", [ "test_config_context" ] ] ], "test_config_context_exception": [ [ "sklearn/tests/test_config.py", [ "test_config_context_exception" ] ] ], "test_set_config": [ [ "sklearn/tests/test_config.py", [ "test_set_config" ] ] ], "test_lda_predict": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_predict" ] ] ], "discriminant_func": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_predict_proba", "discriminant_func" ] ] ], "test_lda_predict_proba": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_predict_proba" ] ] ], "test_lda_priors": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_priors" ] ] ], "test_lda_coefs": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_coefs" ] ] ], "test_lda_explained_variance_ratio": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_explained_variance_ratio" ] ] ], "test_lda_orthogonality": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_orthogonality" ] ] ], "test_lda_scaling": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_scaling" ] ] ], "test_lda_store_covariance": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_store_covariance" ] ] ], "test_lda_dimension_warning": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_dimension_warning" ] ] ], "test_lda_dtype_match": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_dtype_match" ] ] ], "test_lda_numeric_consistency_float32_float64": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_lda_numeric_consistency_float32_float64" ] ] ], "test_qda": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_qda" ] ] ], "test_qda_priors": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_qda_priors" ] ] ], "test_qda_store_covariance": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_qda_store_covariance" ] ] ], "test_qda_regularization": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_qda_regularization" ] ] ], "test_raises_value_error_on_same_number_of_classes_and_samples": [ [ "sklearn/tests/test_discriminant_analysis.py", [ "test_raises_value_error_on_same_number_of_classes_and_samples" ] ] ], "test_docstring_parameters": [ [ "sklearn/tests/test_docstring_parameters.py", [ "test_docstring_parameters" ] ] ], "test_tabs": [ [ "sklearn/tests/test_docstring_parameters.py", [ "test_tabs" ] ] ], "_check_predict_proba": [ [ "sklearn/tests/test_dummy.py", [ "_check_predict_proba" ] ] ], "_check_behavior_2d": [ [ "sklearn/tests/test_dummy.py", [ "_check_behavior_2d" ] ] ], "_check_behavior_2d_for_constant": [ [ "sklearn/tests/test_dummy.py", [ "_check_behavior_2d_for_constant" ] ] ], "_check_equality_regressor": [ [ "sklearn/tests/test_dummy.py", [ "_check_equality_regressor" ] ] ], "test_most_frequent_and_prior_strategy": [ [ "sklearn/tests/test_dummy.py", [ "test_most_frequent_and_prior_strategy" ] ] ], "test_most_frequent_and_prior_strategy_with_2d_column_y": [ [ "sklearn/tests/test_dummy.py", [ "test_most_frequent_and_prior_strategy_with_2d_column_y" ] ] ], "test_most_frequent_and_prior_strategy_multioutput": [ [ "sklearn/tests/test_dummy.py", [ "test_most_frequent_and_prior_strategy_multioutput" ] ] ], "test_stratified_strategy": [ [ "sklearn/tests/test_dummy.py", [ "test_stratified_strategy" ] ] ], "test_stratified_strategy_multioutput": [ [ "sklearn/tests/test_dummy.py", [ "test_stratified_strategy_multioutput" ] ] ], "test_uniform_strategy": [ [ "sklearn/tests/test_dummy.py", [ "test_uniform_strategy" ] ] ], "test_uniform_strategy_multioutput": [ [ "sklearn/tests/test_dummy.py", [ "test_uniform_strategy_multioutput" ] ] ], "test_string_labels": [ [ "sklearn/tests/test_dummy.py", [ "test_string_labels" ] ] ], "test_classifier_score_with_None": [ [ "sklearn/tests/test_dummy.py", [ "test_classifier_score_with_None" ] ] ], "test_classifier_prediction_independent_of_X": [ [ "sklearn/tests/test_dummy.py", [ "test_classifier_prediction_independent_of_X" ] ] ], "test_classifier_exceptions": [ [ "sklearn/tests/test_dummy.py", [ "test_classifier_exceptions" ] ] ], "test_mean_strategy_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_mean_strategy_regressor" ] ] ], "test_mean_strategy_multioutput_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_mean_strategy_multioutput_regressor" ] ] ], "test_regressor_exceptions": [ [ "sklearn/tests/test_dummy.py", [ "test_regressor_exceptions" ] ] ], "test_median_strategy_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_median_strategy_regressor" ] ] ], "test_median_strategy_multioutput_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_median_strategy_multioutput_regressor" ] ] ], "test_quantile_strategy_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_quantile_strategy_regressor" ] ] ], "test_quantile_strategy_multioutput_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_quantile_strategy_multioutput_regressor" ] ] ], "test_quantile_invalid": [ [ "sklearn/tests/test_dummy.py", [ "test_quantile_invalid" ] ] ], "test_quantile_strategy_empty_train": [ [ "sklearn/tests/test_dummy.py", [ "test_quantile_strategy_empty_train" ] ] ], "test_constant_strategy_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_constant_strategy_regressor" ] ] ], "test_constant_strategy_multioutput_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_constant_strategy_multioutput_regressor" ] ] ], "test_y_mean_attribute_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_y_mean_attribute_regressor" ] ] ], "test_unknown_strategey_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_unknown_strategey_regressor" ] ] ], "test_constants_not_specified_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_constants_not_specified_regressor" ] ] ], "test_constant_size_multioutput_regressor": [ [ "sklearn/tests/test_dummy.py", [ "test_constant_size_multioutput_regressor" ] ] ], "test_constant_strategy": [ [ "sklearn/tests/test_dummy.py", [ "test_constant_strategy" ] ] ], "test_constant_strategy_multioutput": [ [ "sklearn/tests/test_dummy.py", [ "test_constant_strategy_multioutput" ] ] ], "test_constant_strategy_exceptions": [ [ "sklearn/tests/test_dummy.py", [ "test_constant_strategy_exceptions" ] ] ], "test_classification_sample_weight": [ [ "sklearn/tests/test_dummy.py", [ "test_classification_sample_weight" ] ] ], "test_constant_strategy_sparse_target": [ [ "sklearn/tests/test_dummy.py", [ "test_constant_strategy_sparse_target" ] ] ], "test_uniform_strategy_sparse_target_warning": [ [ "sklearn/tests/test_dummy.py", [ "test_uniform_strategy_sparse_target_warning" ] ] ], "test_stratified_strategy_sparse_target": [ [ "sklearn/tests/test_dummy.py", [ "test_stratified_strategy_sparse_target" ] ] ], "test_most_frequent_and_prior_strategy_sparse_target": [ [ "sklearn/tests/test_dummy.py", [ "test_most_frequent_and_prior_strategy_sparse_target" ] ] ], "test_dummy_regressor_sample_weight": [ [ "sklearn/tests/test_dummy.py", [ "test_dummy_regressor_sample_weight" ] ] ], "test_dummy_regressor_on_3D_array": [ [ "sklearn/tests/test_dummy.py", [ "test_dummy_regressor_on_3D_array" ] ] ], "test_dummy_classifier_on_3D_array": [ [ "sklearn/tests/test_dummy.py", [ "test_dummy_classifier_on_3D_array" ] ] ], "test_dummy_regressor_return_std": [ [ "sklearn/tests/test_dummy.py", [ "test_dummy_regressor_return_std" ] ] ], "test_regressor_score_with_None": [ [ "sklearn/tests/test_dummy.py", [ "test_regressor_score_with_None" ] ] ], "test_regressor_prediction_independent_of_X": [ [ "sklearn/tests/test_dummy.py", [ "test_regressor_prediction_independent_of_X" ] ] ], "test_dtype_of_classifier_probas": [ [ "sklearn/tests/test_dummy.py", [ "test_dtype_of_classifier_probas" ] ] ], "test_import_skl": [ [ "sklearn/tests/test_init.py", [ "test_import_skl" ] ] ], "test_permutation_invariance": [ [ "sklearn/tests/test_isotonic.py", [ "test_permutation_invariance" ] ] ], "test_check_increasing_small_number_of_samples": [ [ "sklearn/tests/test_isotonic.py", [ "test_check_increasing_small_number_of_samples" ] ] ], "test_check_increasing_up": [ [ "sklearn/tests/test_isotonic.py", [ "test_check_increasing_up" ] ] ], "test_check_increasing_up_extreme": [ [ "sklearn/tests/test_isotonic.py", [ "test_check_increasing_up_extreme" ] ] ], "test_check_increasing_down": [ [ "sklearn/tests/test_isotonic.py", [ "test_check_increasing_down" ] ] ], "test_check_increasing_down_extreme": [ [ "sklearn/tests/test_isotonic.py", [ "test_check_increasing_down_extreme" ] ] ], "test_check_ci_warn": [ [ "sklearn/tests/test_isotonic.py", [ "test_check_ci_warn" ] ] ], "test_isotonic_regression": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression" ] ] ], "test_isotonic_regression_ties_min": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_ties_min" ] ] ], "test_isotonic_regression_ties_max": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_ties_max" ] ] ], "test_isotonic_regression_ties_secondary_": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_ties_secondary_" ] ] ], "test_isotonic_regression_with_ties_in_differently_sized_groups": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_with_ties_in_differently_sized_groups" ] ] ], "test_isotonic_regression_reversed": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_reversed" ] ] ], "test_isotonic_regression_auto_decreasing": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_auto_decreasing" ] ] ], "test_isotonic_regression_auto_increasing": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_auto_increasing" ] ] ], "test_assert_raises_exceptions": [ [ "sklearn/tests/test_isotonic.py", [ "test_assert_raises_exceptions" ] ] ], "test_isotonic_sample_weight_parameter_default_value": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_sample_weight_parameter_default_value" ] ] ], "test_isotonic_min_max_boundaries": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_min_max_boundaries" ] ] ], "test_isotonic_sample_weight": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_sample_weight" ] ] ], "test_isotonic_regression_oob_raise": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_oob_raise" ] ] ], "test_isotonic_regression_oob_clip": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_oob_clip" ] ] ], "test_isotonic_regression_oob_nan": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_oob_nan" ] ] ], "test_isotonic_regression_oob_bad": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_oob_bad" ] ] ], "test_isotonic_regression_oob_bad_after": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_oob_bad_after" ] ] ], "test_isotonic_regression_pickle": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_regression_pickle" ] ] ], "test_isotonic_duplicate_min_entry": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_duplicate_min_entry" ] ] ], "test_isotonic_ymin_ymax": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_ymin_ymax" ] ] ], "test_isotonic_zero_weight_loop": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_zero_weight_loop" ] ] ], "test_fast_predict": [ [ "sklearn/tests/test_isotonic.py", [ "test_fast_predict" ] ] ], "test_isotonic_copy_before_fit": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_copy_before_fit" ] ] ], "test_isotonic_dtype": [ [ "sklearn/tests/test_isotonic.py", [ "test_isotonic_dtype" ] ] ], "test_make_unique_dtype": [ [ "sklearn/tests/test_isotonic.py", [ "test_make_unique_dtype" ] ] ], "test_additive_chi2_sampler": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_additive_chi2_sampler" ] ] ], "test_skewed_chi2_sampler": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_skewed_chi2_sampler" ] ] ], "test_rbf_sampler": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_rbf_sampler" ] ] ], "test_nystroem_approximation": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_approximation" ] ] ], "test_nystroem_default_parameters": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_default_parameters" ] ] ], "test_nystroem_singular_kernel": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_singular_kernel" ] ] ], "test_nystroem_poly_kernel_params": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_poly_kernel_params" ] ] ], "logging_histogram_kernel": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_callable", "logging_histogram_kernel" ] ] ], "test_nystroem_callable": [ [ "sklearn/tests/test_kernel_approximation.py", [ "test_nystroem_callable" ] ] ], "test_kernel_ridge": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge" ] ] ], "test_kernel_ridge_csr": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge_csr" ] ] ], "test_kernel_ridge_csc": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge_csc" ] ] ], "test_kernel_ridge_singular_kernel": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge_singular_kernel" ] ] ], "test_kernel_ridge_precomputed": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge_precomputed" ] ] ], "test_kernel_ridge_precomputed_kernel_unchanged": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge_precomputed_kernel_unchanged" ] ] ], "test_kernel_ridge_sample_weights": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge_sample_weights" ] ] ], "test_kernel_ridge_multi_output": [ [ "sklearn/tests/test_kernel_ridge.py", [ "test_kernel_ridge_multi_output" ] ] ], "hides": [ [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation", "hides" ] ] ], "test_metaestimator_delegation": [ [ "sklearn/tests/test_metaestimators.py", [ "test_metaestimator_delegation" ] ] ], "test_ovr_exceptions": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_exceptions" ] ] ], "test_check_classification_targets": [ [ "sklearn/tests/test_multiclass.py", [ "test_check_classification_targets" ] ], [ "sklearn/utils/tests/test_multiclass.py", [ "test_check_classification_targets" ] ] ], "test_ovr_fit_predict": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_fit_predict" ] ] ], "test_ovr_partial_fit": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_partial_fit" ] ] ], "test_ovr_partial_fit_exceptions": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_partial_fit_exceptions" ] ] ], "test_ovr_ovo_regressor": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_ovo_regressor" ] ] ], "test_ovr_fit_predict_sparse": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_fit_predict_sparse" ] ] ], "test_ovr_always_present": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_always_present" ] ] ], "test_ovr_multiclass": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_multiclass" ] ] ], "conduct_test": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_binary", "conduct_test" ] ] ], "test_ovr_binary": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_binary" ] ] ], "test_ovr_multilabel": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_multilabel" ] ] ], "test_ovr_fit_predict_svc": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_fit_predict_svc" ] ] ], "test_ovr_multilabel_dataset": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_multilabel_dataset" ] ] ], "test_ovr_multilabel_predict_proba": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_multilabel_predict_proba" ] ] ], "test_ovr_single_label_predict_proba": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_single_label_predict_proba" ] ] ], "test_ovr_multilabel_decision_function": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_multilabel_decision_function" ] ] ], "test_ovr_single_label_decision_function": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_single_label_decision_function" ] ] ], "test_ovr_gridsearch": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_gridsearch" ] ] ], "test_ovr_pipeline": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_pipeline" ] ] ], "test_ovr_coef_": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_coef_" ] ] ], "test_ovr_coef_exceptions": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovr_coef_exceptions" ] ] ], "test_ovo_exceptions": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_exceptions" ] ] ], "test_ovo_fit_on_list": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_fit_on_list" ] ] ], "test_ovo_fit_predict": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_fit_predict" ] ] ], "test_ovo_partial_fit_predict": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_partial_fit_predict" ] ] ], "test_ovo_decision_function": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_decision_function" ] ] ], "test_ovo_gridsearch": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_gridsearch" ] ] ], "test_ovo_ties": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_ties" ] ] ], "test_ovo_ties2": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_ties2" ] ] ], "test_ovo_string_y": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_string_y" ] ] ], "test_ovo_one_class": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_one_class" ] ] ], "test_ovo_float_y": [ [ "sklearn/tests/test_multiclass.py", [ "test_ovo_float_y" ] ] ], "test_ecoc_exceptions": [ [ "sklearn/tests/test_multiclass.py", [ "test_ecoc_exceptions" ] ] ], "test_ecoc_fit_predict": [ [ "sklearn/tests/test_multiclass.py", [ "test_ecoc_fit_predict" ] ] ], "test_ecoc_gridsearch": [ [ "sklearn/tests/test_multiclass.py", [ "test_ecoc_gridsearch" ] ] ], "test_ecoc_float_y": [ [ "sklearn/tests/test_multiclass.py", [ "test_ecoc_float_y" ] ] ], "test_pairwise_indices": [ [ "sklearn/tests/test_multiclass.py", [ "test_pairwise_indices" ] ] ], "test_pairwise_attribute": [ [ "sklearn/tests/test_multiclass.py", [ "test_pairwise_attribute" ] ] ], "test_pairwise_cross_val_score": [ [ "sklearn/tests/test_multiclass.py", [ "test_pairwise_cross_val_score" ] ] ], "test_multi_target_regression": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_target_regression" ] ] ], "test_multi_target_regression_partial_fit": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_target_regression_partial_fit" ] ] ], "test_multi_target_regression_one_target": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_target_regression_one_target" ] ] ], "test_multi_target_sparse_regression": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_target_sparse_regression" ] ] ], "test_multi_target_sample_weights_api": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_target_sample_weights_api" ] ] ], "test_multi_target_sample_weight_partial_fit": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_target_sample_weight_partial_fit" ] ] ], "test_multi_target_sample_weights": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_target_sample_weights" ] ] ], "test_multi_output_classification_partial_fit_parallelism": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_classification_partial_fit_parallelism" ] ] ], "custom_scorer": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_predict_proba", "custom_scorer" ] ] ], "test_multi_output_predict_proba": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_predict_proba" ] ] ], "test_multi_output_classification_partial_fit": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_classification_partial_fit" ] ] ], "test_multi_output_classification_partial_fit_no_first_classes_exception": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_classification_partial_fit_no_first_classes_exception" ] ] ], "test_multi_output_classification": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_classification" ] ] ], "test_multiclass_multioutput_estimator": [ [ "sklearn/tests/test_multioutput.py", [ "test_multiclass_multioutput_estimator" ] ] ], "test_multiclass_multioutput_estimator_predict_proba": [ [ "sklearn/tests/test_multioutput.py", [ "test_multiclass_multioutput_estimator_predict_proba" ] ] ], "test_multi_output_classification_sample_weights": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_classification_sample_weights" ] ] ], "test_multi_output_classification_partial_fit_sample_weights": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_classification_partial_fit_sample_weights" ] ] ], "test_multi_output_exceptions": [ [ "sklearn/tests/test_multioutput.py", [ "test_multi_output_exceptions" ] ] ], "generate_multilabel_dataset_with_correlations": [ [ "sklearn/tests/test_multioutput.py", [ "generate_multilabel_dataset_with_correlations" ] ] ], "test_classifier_chain_fit_and_predict_with_linear_svc": [ [ "sklearn/tests/test_multioutput.py", [ "test_classifier_chain_fit_and_predict_with_linear_svc" ] ] ], "test_classifier_chain_fit_and_predict_with_sparse_data": [ [ "sklearn/tests/test_multioutput.py", [ "test_classifier_chain_fit_and_predict_with_sparse_data" ] ] ], "test_classifier_chain_vs_independent_models": [ [ "sklearn/tests/test_multioutput.py", [ "test_classifier_chain_vs_independent_models" ] ] ], "test_base_chain_fit_and_predict": [ [ "sklearn/tests/test_multioutput.py", [ "test_base_chain_fit_and_predict" ] ] ], "test_base_chain_fit_and_predict_with_sparse_data_and_cv": [ [ "sklearn/tests/test_multioutput.py", [ "test_base_chain_fit_and_predict_with_sparse_data_and_cv" ] ] ], "test_base_chain_random_order": [ [ "sklearn/tests/test_multioutput.py", [ "test_base_chain_random_order" ] ] ], "test_base_chain_crossval_fit_and_predict": [ [ "sklearn/tests/test_multioutput.py", [ "test_base_chain_crossval_fit_and_predict" ] ] ], "test_gnb": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb" ] ] ], "test_gnb_prior": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_prior" ] ] ], "test_gnb_sample_weight": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_sample_weight" ] ] ], "test_gnb_neg_priors": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_neg_priors" ] ] ], "test_gnb_priors": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_priors" ] ] ], "test_gnb_priors_sum_isclose": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_priors_sum_isclose" ] ] ], "test_gnb_wrong_nb_priors": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_wrong_nb_priors" ] ] ], "test_gnb_prior_greater_one": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_prior_greater_one" ] ] ], "test_gnb_prior_large_bias": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_prior_large_bias" ] ] ], "test_gnb_check_update_with_no_data": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_check_update_with_no_data" ] ] ], "test_gnb_pfit_wrong_nb_features": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_pfit_wrong_nb_features" ] ] ], "test_gnb_partial_fit": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_partial_fit" ] ] ], "test_gnb_naive_bayes_scale_invariance": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_gnb_naive_bayes_scale_invariance" ] ] ], "test_discretenb_prior": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_prior" ] ] ], "test_discretenb_partial_fit": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_partial_fit" ] ] ], "test_discretenb_pickle": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_pickle" ] ] ], "test_discretenb_input_check_fit": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_input_check_fit" ] ] ], "test_discretenb_input_check_partial_fit": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_input_check_partial_fit" ] ] ], "test_discretenb_predict_proba": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_predict_proba" ] ] ], "test_discretenb_uniform_prior": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_uniform_prior" ] ] ], "test_discretenb_provide_prior": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_provide_prior" ] ] ], "test_discretenb_provide_prior_with_partial_fit": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_provide_prior_with_partial_fit" ] ] ], "test_discretenb_sample_weight_multiclass": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_sample_weight_multiclass" ] ] ], "test_discretenb_coef_intercept_shape": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_discretenb_coef_intercept_shape" ] ] ], "test_mnnb": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_mnnb" ] ] ], "test_mnb_prior_unobserved_targets": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_mnb_prior_unobserved_targets" ] ] ], "test_mnb_sample_weight": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_mnb_sample_weight" ] ] ], "test_bnb": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_bnb" ] ] ], "test_bnb_feature_log_prob": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_bnb_feature_log_prob" ] ] ], "test_cnb": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_cnb" ] ] ], "test_alpha_vector": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_alpha_vector" ] ] ], "test_check_accuracy_on_digits": [ [ "sklearn/tests/test_naive_bayes.py", [ "test_check_accuracy_on_digits" ] ] ], "test_pipeline_init": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_init" ] ] ], "test_pipeline_init_tuple": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_init_tuple" ] ] ], "test_pipeline_methods_anova": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_methods_anova" ] ] ], "test_pipeline_fit_params": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_fit_params" ] ] ], "test_pipeline_sample_weight_supported": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_sample_weight_supported" ] ] ], "test_pipeline_sample_weight_unsupported": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_sample_weight_unsupported" ] ] ], "test_pipeline_raise_set_params_error": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_raise_set_params_error" ] ] ], "test_pipeline_methods_pca_svm": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_methods_pca_svm" ] ] ], "test_pipeline_score_samples_pca_lof": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_score_samples_pca_lof" ] ] ], "test_score_samples_on_pipeline_without_score_samples": [ [ "sklearn/tests/test_pipeline.py", [ "test_score_samples_on_pipeline_without_score_samples" ] ] ], "test_pipeline_methods_preprocessing_svm": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_methods_preprocessing_svm" ] ] ], "test_fit_predict_on_pipeline": [ [ "sklearn/tests/test_pipeline.py", [ "test_fit_predict_on_pipeline" ] ] ], "test_fit_predict_on_pipeline_without_fit_predict": [ [ "sklearn/tests/test_pipeline.py", [ "test_fit_predict_on_pipeline_without_fit_predict" ] ] ], "test_fit_predict_with_intermediate_fit_params": [ [ "sklearn/tests/test_pipeline.py", [ "test_fit_predict_with_intermediate_fit_params" ] ] ], "test_predict_with_predict_params": [ [ "sklearn/tests/test_pipeline.py", [ "test_predict_with_predict_params" ] ] ], "test_feature_union": [ [ "sklearn/tests/test_pipeline.py", [ "test_feature_union" ] ] ], "test_make_union": [ [ "sklearn/tests/test_pipeline.py", [ "test_make_union" ] ] ], "test_make_union_kwargs": [ [ "sklearn/tests/test_pipeline.py", [ "test_make_union_kwargs" ] ] ], "test_pipeline_transform": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_transform" ] ] ], "test_pipeline_fit_transform": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_fit_transform" ] ] ], "test_pipeline_slice": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_slice" ] ] ], "test_pipeline_index": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_index" ] ] ], "test_set_pipeline_steps": [ [ "sklearn/tests/test_pipeline.py", [ "test_set_pipeline_steps" ] ] ], "test_pipeline_named_steps": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_named_steps" ] ] ], "test_pipeline_correctly_adjusts_steps": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_correctly_adjusts_steps" ] ] ], "make": [ [ "sklearn/tests/test_pipeline.py", [ "test_set_pipeline_step_passthrough", "make" ] ] ], "test_set_pipeline_step_passthrough": [ [ "sklearn/tests/test_pipeline.py", [ "test_set_pipeline_step_passthrough" ] ] ], "test_pipeline_ducktyping": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_ducktyping" ] ] ], "test_make_pipeline": [ [ "sklearn/tests/test_pipeline.py", [ "test_make_pipeline" ] ] ], "test_feature_union_weights": [ [ "sklearn/tests/test_pipeline.py", [ "test_feature_union_weights" ] ] ], "test_feature_union_parallel": [ [ "sklearn/tests/test_pipeline.py", [ "test_feature_union_parallel" ] ] ], "test_feature_union_feature_names": [ [ "sklearn/tests/test_pipeline.py", [ "test_feature_union_feature_names" ] ] ], "test_classes_property": [ [ "sklearn/tests/test_pipeline.py", [ "test_classes_property" ] ] ], "test_set_feature_union_steps": [ [ "sklearn/tests/test_pipeline.py", [ "test_set_feature_union_steps" ] ] ], "test_set_feature_union_step_drop": [ [ "sklearn/tests/test_pipeline.py", [ "test_set_feature_union_step_drop" ] ] ], "test_step_name_validation": [ [ "sklearn/tests/test_pipeline.py", [ "test_step_name_validation" ] ] ], "test_set_params_nested_pipeline": [ [ "sklearn/tests/test_pipeline.py", [ "test_set_params_nested_pipeline" ] ] ], "test_pipeline_wrong_memory": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_wrong_memory" ] ] ], "cache": [ [ "sklearn/tests/test_pipeline.py", [ "DummyMemory", "cache" ] ], [ "sklearn/utils/tests/test_validation.py", [ "DummyMemory", "cache" ] ] ], "test_pipeline_with_cache_attribute": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_with_cache_attribute" ] ] ], "test_pipeline_memory": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_memory" ] ] ], "test_make_pipeline_memory": [ [ "sklearn/tests/test_pipeline.py", [ "test_make_pipeline_memory" ] ] ], "test_pipeline_param_error": [ [ "sklearn/tests/test_pipeline.py", [ "test_pipeline_param_error" ] ] ], "test_invalid_jl_domain": [ [ "sklearn/tests/test_random_projection.py", [ "test_invalid_jl_domain" ] ] ], "test_input_size_jl_min_dim": [ [ "sklearn/tests/test_random_projection.py", [ "test_input_size_jl_min_dim" ] ] ], "check_input_size_random_matrix": [ [ "sklearn/tests/test_random_projection.py", [ "check_input_size_random_matrix" ] ] ], "check_size_generated": [ [ "sklearn/tests/test_random_projection.py", [ "check_size_generated" ] ] ], "check_zero_mean_and_unit_norm": [ [ "sklearn/tests/test_random_projection.py", [ "check_zero_mean_and_unit_norm" ] ] ], "check_input_with_sparse_random_matrix": [ [ "sklearn/tests/test_random_projection.py", [ "check_input_with_sparse_random_matrix" ] ] ], "test_basic_property_of_random_matrix": [ [ "sklearn/tests/test_random_projection.py", [ "test_basic_property_of_random_matrix" ] ] ], "test_basic_property_of_sparse_random_matrix": [ [ "sklearn/tests/test_random_projection.py", [ "test_basic_property_of_sparse_random_matrix" ] ] ], "test_gaussian_random_matrix": [ [ "sklearn/tests/test_random_projection.py", [ "test_gaussian_random_matrix" ] ] ], "test_sparse_random_matrix": [ [ "sklearn/tests/test_random_projection.py", [ "test_sparse_random_matrix" ] ] ], "test_sparse_random_projection_transformer_invalid_density": [ [ "sklearn/tests/test_random_projection.py", [ "test_sparse_random_projection_transformer_invalid_density" ] ] ], "test_random_projection_transformer_invalid_input": [ [ "sklearn/tests/test_random_projection.py", [ "test_random_projection_transformer_invalid_input" ] ] ], "test_try_to_transform_before_fit": [ [ "sklearn/tests/test_random_projection.py", [ "test_try_to_transform_before_fit" ] ] ], "test_too_many_samples_to_find_a_safe_embedding": [ [ "sklearn/tests/test_random_projection.py", [ "test_too_many_samples_to_find_a_safe_embedding" ] ] ], "test_random_projection_embedding_quality": [ [ "sklearn/tests/test_random_projection.py", [ "test_random_projection_embedding_quality" ] ] ], "test_SparseRandomProjection_output_representation": [ [ "sklearn/tests/test_random_projection.py", [ "test_SparseRandomProjection_output_representation" ] ] ], "test_correct_RandomProjection_dimensions_embedding": [ [ "sklearn/tests/test_random_projection.py", [ "test_correct_RandomProjection_dimensions_embedding" ] ] ], "test_warning_n_components_greater_than_n_features": [ [ "sklearn/tests/test_random_projection.py", [ "test_warning_n_components_greater_than_n_features" ] ] ], "test_works_with_sparse_data": [ [ "sklearn/tests/test_random_projection.py", [ "test_works_with_sparse_data" ] ] ], "test_old_pickle": [ [ "sklearn/tests/test_site_joblib.py", [ "test_old_pickle" ] ] ], "left": [ [ "sklearn/tree/_reingold_tilford.py", [ "DrawTree", "left" ] ] ], "right": [ [ "sklearn/tree/_reingold_tilford.py", [ "DrawTree", "right" ] ] ], "lbrother": [ [ "sklearn/tree/_reingold_tilford.py", [ "DrawTree", "lbrother" ] ] ], "get_lmost_sibling": [ [ "sklearn/tree/_reingold_tilford.py", [ "DrawTree", "get_lmost_sibling" ] ] ], "max_extents": [ [ "sklearn/tree/_reingold_tilford.py", [ "DrawTree", "max_extents" ] ] ], "buchheim": [ [ "sklearn/tree/_reingold_tilford.py", [ "buchheim" ] ] ], "third_walk": [ [ "sklearn/tree/_reingold_tilford.py", [ "third_walk" ] ] ], "first_walk": [ [ "sklearn/tree/_reingold_tilford.py", [ "first_walk" ] ] ], "apportion": [ [ "sklearn/tree/_reingold_tilford.py", [ "apportion" ] ] ], "move_subtree": [ [ "sklearn/tree/_reingold_tilford.py", [ "move_subtree" ] ] ], "execute_shifts": [ [ "sklearn/tree/_reingold_tilford.py", [ "execute_shifts" ] ] ], "ancestor": [ [ "sklearn/tree/_reingold_tilford.py", [ "ancestor" ] ] ], "second_walk": [ [ "sklearn/tree/_reingold_tilford.py", [ "second_walk" ] ] ], "_color_brew": [ [ "sklearn/tree/export.py", [ "_color_brew" ] ] ], "plot_tree": [ [ "sklearn/tree/export.py", [ "plot_tree" ] ] ], "get_color": [ [ "sklearn/tree/export.py", [ "_BaseTreeExporter", "get_color" ] ] ], "get_fill_color": [ [ "sklearn/tree/export.py", [ "_BaseTreeExporter", "get_fill_color" ] ] ], "node_to_str": [ [ "sklearn/tree/export.py", [ "_BaseTreeExporter", "node_to_str" ] ] ], "export": [ [ "sklearn/tree/export.py", [ "_DOTTreeExporter", "export" ] ], [ "sklearn/tree/export.py", [ "_MPLTreeExporter", "export" ] ] ], "tail": [ [ "sklearn/tree/export.py", [ "_DOTTreeExporter", "tail" ] ] ], "head": [ [ "sklearn/tree/export.py", [ "_DOTTreeExporter", "head" ] ] ], "recurse": [ [ "sklearn/tree/export.py", [ "_DOTTreeExporter", "recurse" ] ], [ "sklearn/tree/export.py", [ "_MPLTreeExporter", "recurse" ] ] ], "_make_tree": [ [ "sklearn/tree/export.py", [ "_MPLTreeExporter", "_make_tree" ] ] ], "export_graphviz": [ [ "sklearn/tree/export.py", [ "export_graphviz" ] ] ], "compute_depth_": [ [ "sklearn/tree/export.py", [ "_compute_depth", "compute_depth_" ] ] ], "_compute_depth": [ [ "sklearn/tree/export.py", [ "_compute_depth" ] ] ], "_add_leaf": [ [ "sklearn/tree/export.py", [ "export_text", "_add_leaf" ] ] ], "print_tree_recurse": [ [ "sklearn/tree/export.py", [ "export_text", "print_tree_recurse" ] ] ], "export_text": [ [ "sklearn/tree/export.py", [ "export_text" ] ] ], "test_graphviz_toy": [ [ "sklearn/tree/tests/test_export.py", [ "test_graphviz_toy" ] ] ], "test_graphviz_errors": [ [ "sklearn/tree/tests/test_export.py", [ "test_graphviz_errors" ] ] ], "test_friedman_mse_in_graphviz": [ [ "sklearn/tree/tests/test_export.py", [ "test_friedman_mse_in_graphviz" ] ] ], "test_precision": [ [ "sklearn/tree/tests/test_export.py", [ "test_precision" ] ] ], "test_export_text_errors": [ [ "sklearn/tree/tests/test_export.py", [ "test_export_text_errors" ] ] ], "test_export_text": [ [ "sklearn/tree/tests/test_export.py", [ "test_export_text" ] ] ], "test_plot_tree_entropy": [ [ "sklearn/tree/tests/test_export.py", [ "test_plot_tree_entropy" ] ] ], "test_plot_tree_gini": [ [ "sklearn/tree/tests/test_export.py", [ "test_plot_tree_gini" ] ] ], "walk_tree": [ [ "sklearn/tree/tests/test_reingold_tilford.py", [ "test_buchheim", "walk_tree" ] ] ], "test_buchheim": [ [ "sklearn/tree/tests/test_reingold_tilford.py", [ "test_buchheim" ] ] ], "assert_tree_equal": [ [ "sklearn/tree/tests/test_tree.py", [ "assert_tree_equal" ] ] ], "test_weighted_classification_toy": [ [ "sklearn/tree/tests/test_tree.py", [ "test_weighted_classification_toy" ] ] ], "test_xor": [ [ "sklearn/tree/tests/test_tree.py", [ "test_xor" ] ] ], "test_arrayrepr": [ [ "sklearn/tree/tests/test_tree.py", [ "test_arrayrepr" ] ] ], "test_pure_set": [ [ "sklearn/tree/tests/test_tree.py", [ "test_pure_set" ] ] ], "test_numerical_stability": [ [ "sklearn/tree/tests/test_tree.py", [ "test_numerical_stability" ] ] ], "test_importances_raises": [ [ "sklearn/tree/tests/test_tree.py", [ "test_importances_raises" ] ] ], "test_importances_gini_equal_mse": [ [ "sklearn/tree/tests/test_tree.py", [ "test_importances_gini_equal_mse" ] ] ], "test_min_weight_fraction_leaf_on_dense_input": [ [ "sklearn/tree/tests/test_tree.py", [ "test_min_weight_fraction_leaf_on_dense_input" ] ] ], "test_min_weight_fraction_leaf_on_sparse_input": [ [ "sklearn/tree/tests/test_tree.py", [ "test_min_weight_fraction_leaf_on_sparse_input" ] ] ], "check_min_weight_fraction_leaf_with_min_samples_leaf": [ [ "sklearn/tree/tests/test_tree.py", [ "check_min_weight_fraction_leaf_with_min_samples_leaf" ] ] ], "test_min_weight_fraction_leaf_with_min_samples_leaf_on_dense_input": [ [ "sklearn/tree/tests/test_tree.py", [ "test_min_weight_fraction_leaf_with_min_samples_leaf_on_dense_input" ] ] ], "test_min_weight_fraction_leaf_with_min_samples_leaf_on_sparse_input": [ [ "sklearn/tree/tests/test_tree.py", [ "test_min_weight_fraction_leaf_with_min_samples_leaf_on_sparse_input" ] ] ], "test_unbalanced_iris": [ [ "sklearn/tree/tests/test_tree.py", [ "test_unbalanced_iris" ] ] ], "test_sample_weight_invalid": [ [ "sklearn/tree/tests/test_tree.py", [ "test_sample_weight_invalid" ] ] ], "test_max_leaf_nodes": [ [ "sklearn/tree/tests/test_tree.py", [ "test_max_leaf_nodes" ] ] ], "test_arrays_persist": [ [ "sklearn/tree/tests/test_tree.py", [ "test_arrays_persist" ] ] ], "test_only_constant_features": [ [ "sklearn/tree/tests/test_tree.py", [ "test_only_constant_features" ] ] ], "test_behaviour_constant_feature_after_splits": [ [ "sklearn/tree/tests/test_tree.py", [ "test_behaviour_constant_feature_after_splits" ] ] ], "test_with_only_one_non_constant_features": [ [ "sklearn/tree/tests/test_tree.py", [ "test_with_only_one_non_constant_features" ] ] ], "test_big_input": [ [ "sklearn/tree/tests/test_tree.py", [ "test_big_input" ] ] ], "test_realloc": [ [ "sklearn/tree/tests/test_tree.py", [ "test_realloc" ] ] ], "test_huge_allocations": [ [ "sklearn/tree/tests/test_tree.py", [ "test_huge_allocations" ] ] ], "test_sparse_input_reg_trees": [ [ "sklearn/tree/tests/test_tree.py", [ "test_sparse_input_reg_trees" ] ] ], "check_sparse_parameters": [ [ "sklearn/tree/tests/test_tree.py", [ "check_sparse_parameters" ] ] ], "check_sparse_criterion": [ [ "sklearn/tree/tests/test_tree.py", [ "check_sparse_criterion" ] ] ], "test_sparse": [ [ "sklearn/tree/tests/test_tree.py", [ "test_sparse" ] ] ], "check_explicit_sparse_zeros": [ [ "sklearn/tree/tests/test_tree.py", [ "check_explicit_sparse_zeros" ] ] ], "test_explicit_sparse_zeros": [ [ "sklearn/tree/tests/test_tree.py", [ "test_explicit_sparse_zeros" ] ] ], "check_raise_error_on_1d_input": [ [ "sklearn/tree/tests/test_tree.py", [ "check_raise_error_on_1d_input" ] ] ], "_check_min_weight_leaf_split_level": [ [ "sklearn/tree/tests/test_tree.py", [ "_check_min_weight_leaf_split_level" ] ] ], "check_min_weight_leaf_split_level": [ [ "sklearn/tree/tests/test_tree.py", [ "check_min_weight_leaf_split_level" ] ] ], "test_min_weight_leaf_split_level": [ [ "sklearn/tree/tests/test_tree.py", [ "test_min_weight_leaf_split_level" ] ] ], "check_public_apply": [ [ "sklearn/tree/tests/test_tree.py", [ "check_public_apply" ] ] ], "check_public_apply_sparse": [ [ "sklearn/tree/tests/test_tree.py", [ "check_public_apply_sparse" ] ] ], "test_public_apply_all_trees": [ [ "sklearn/tree/tests/test_tree.py", [ "test_public_apply_all_trees" ] ] ], "test_public_apply_sparse_trees": [ [ "sklearn/tree/tests/test_tree.py", [ "test_public_apply_sparse_trees" ] ] ], "check_presort_sparse": [ [ "sklearn/tree/tests/test_tree.py", [ "check_presort_sparse" ] ] ], "test_presort_sparse": [ [ "sklearn/tree/tests/test_tree.py", [ "test_presort_sparse" ] ] ], "test_invalid_presort": [ [ "sklearn/tree/tests/test_tree.py", [ "test_invalid_presort" ] ] ], "test_decision_path_hardcoded": [ [ "sklearn/tree/tests/test_tree.py", [ "test_decision_path_hardcoded" ] ] ], "check_no_sparse_y_support": [ [ "sklearn/tree/tests/test_tree.py", [ "check_no_sparse_y_support" ] ] ], "test_no_sparse_y_support": [ [ "sklearn/tree/tests/test_tree.py", [ "test_no_sparse_y_support" ] ] ], "test_mae": [ [ "sklearn/tree/tests/test_tree.py", [ "test_mae" ] ] ], "_pickle_copy": [ [ "sklearn/tree/tests/test_tree.py", [ "test_criterion_copy", "_pickle_copy" ] ] ], "test_criterion_copy": [ [ "sklearn/tree/tests/test_tree.py", [ "test_criterion_copy" ] ] ], "test_empty_leaf_infinite_threshold": [ [ "sklearn/tree/tests/test_tree.py", [ "test_empty_leaf_infinite_threshold" ] ] ], "test_decision_tree_memmap": [ [ "sklearn/tree/tests/test_tree.py", [ "test_decision_tree_memmap" ] ] ], "get_depth": [ [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "get_depth" ] ] ], "get_n_leaves": [ [ "sklearn/tree/tree.py", [ "BaseDecisionTree", "get_n_leaves" ] ] ], "__setattr__": [ [ "sklearn/utils/__init__.py", [ "Bunch", "__setattr__" ] ] ], "__dir__": [ [ "sklearn/utils/__init__.py", [ "Bunch", "__dir__" ] ] ], "__getattr__": [ [ "sklearn/utils/__init__.py", [ "Bunch", "__getattr__" ] ] ], "safe_mask": [ [ "sklearn/utils/__init__.py", [ "safe_mask" ] ] ], "axis0_safe_slice": [ [ "sklearn/utils/__init__.py", [ "axis0_safe_slice" ] ] ], "safe_indexing": [ [ "sklearn/utils/__init__.py", [ "safe_indexing" ] ] ], "resample": [ [ "sklearn/utils/__init__.py", [ "resample" ] ] ], "shuffle": [ [ "sklearn/utils/__init__.py", [ "shuffle" ] ] ], "safe_sqr": [ [ "sklearn/utils/__init__.py", [ "safe_sqr" ] ] ], "gen_batches": [ [ "sklearn/utils/__init__.py", [ "gen_batches" ] ] ], "gen_even_slices": [ [ "sklearn/utils/__init__.py", [ "gen_even_slices" ] ] ], "tosequence": [ [ "sklearn/utils/__init__.py", [ "tosequence" ] ] ], "indices_to_mask": [ [ "sklearn/utils/__init__.py", [ "indices_to_mask" ] ] ], "_message_with_time": [ [ "sklearn/utils/__init__.py", [ "_message_with_time" ] ] ], "_print_elapsed_time": [ [ "sklearn/utils/__init__.py", [ "_print_elapsed_time" ] ] ], "get_chunk_n_rows": [ [ "sklearn/utils/__init__.py", [ "get_chunk_n_rows" ] ] ], "is_scalar_nan": [ [ "sklearn/utils/__init__.py", [ "is_scalar_nan" ] ] ], "_approximate_mode": [ [ "sklearn/utils/__init__.py", [ "_approximate_mode" ] ] ], "check_matplotlib_support": [ [ "sklearn/utils/__init__.py", [ "check_matplotlib_support" ] ] ], "_changed_params": [ [ "sklearn/utils/_pprint.py", [ "_changed_params" ] ] ], "format": [ [ "sklearn/utils/_pprint.py", [ "_EstimatorPrettyPrinter", "format" ] ] ], "_pprint_estimator": [ [ "sklearn/utils/_pprint.py", [ "_EstimatorPrettyPrinter", "_pprint_estimator" ] ] ], "_format_dict_items": [ [ "sklearn/utils/_pprint.py", [ "_EstimatorPrettyPrinter", "_format_dict_items" ] ] ], "_format_params": [ [ "sklearn/utils/_pprint.py", [ "_EstimatorPrettyPrinter", "_format_params" ] ] ], "_format_params_or_dict_items": [ [ "sklearn/utils/_pprint.py", [ "_EstimatorPrettyPrinter", "_format_params_or_dict_items" ] ] ], "_format_items": [ [ "sklearn/utils/_pprint.py", [ "_EstimatorPrettyPrinter", "_format_items" ] ] ], "_pprint_key_val_tuple": [ [ "sklearn/utils/_pprint.py", [ "_EstimatorPrettyPrinter", "_pprint_key_val_tuple" ] ] ], "_safe_repr": [ [ "sklearn/utils/_pprint.py", [ "_safe_repr" ] ] ], "_get_sys_info": [ [ "sklearn/utils/_show_versions.py", [ "_get_sys_info" ] ] ], "get_version": [ [ "sklearn/utils/_show_versions.py", [ "_get_deps_info", "get_version" ] ] ], "_get_deps_info": [ [ "sklearn/utils/_show_versions.py", [ "_get_deps_info" ] ] ], "_get_blas_info": [ [ "sklearn/utils/_show_versions.py", [ "_get_blas_info" ] ] ], "show_versions": [ [ "sklearn/utils/_show_versions.py", [ "show_versions" ] ] ], "_is_subtype": [ [ "sklearn/utils/_unittest_backport.py", [ "_is_subtype" ] ] ], "_raiseFailure": [ [ "sklearn/utils/_unittest_backport.py", [ "_BaseTestCaseContext", "_raiseFailure" ] ] ], "handle": [ [ "sklearn/utils/_unittest_backport.py", [ "_AssertRaisesBaseContext", "handle" ] ] ], "__enter__": [ [ "sklearn/utils/_unittest_backport.py", [ "_AssertRaisesContext", "__enter__" ] ], [ "sklearn/utils/testing.py", [ "_IgnoreWarnings", "__enter__" ] ], [ "sklearn/utils/testing.py", [ "TempMemmap", "__enter__" ] ] ], "__exit__": [ [ "sklearn/utils/_unittest_backport.py", [ "_AssertRaisesContext", "__exit__" ] ], [ "sklearn/utils/testing.py", [ "_IgnoreWarnings", "__exit__" ] ], [ "sklearn/utils/testing.py", [ "TempMemmap", "__exit__" ] ] ], "_formatMessage": [ [ "sklearn/utils/_unittest_backport.py", [ "TestCase", "_formatMessage" ] ] ], "assertRaises": [ [ "sklearn/utils/_unittest_backport.py", [ "TestCase", "assertRaises" ] ] ], "assertRaisesRegex": [ [ "sklearn/utils/_unittest_backport.py", [ "TestCase", "assertRaisesRegex" ] ] ], "compute_class_weight": [ [ "sklearn/utils/class_weight.py", [ "compute_class_weight" ] ] ], "compute_sample_weight": [ [ "sklearn/utils/class_weight.py", [ "compute_sample_weight" ] ] ], "wrapped": [ [ "sklearn/utils/deprecation.py", [ "deprecated", "_decorate_class", "wrapped" ] ], [ "sklearn/utils/deprecation.py", [ "deprecated", "_decorate_fun", "wrapped" ] ], [ "sklearn/utils/deprecation.py", [ "deprecated", "_decorate_property", "wrapped" ] ] ], "_decorate_class": [ [ "sklearn/utils/deprecation.py", [ "deprecated", "_decorate_class" ] ] ], "_decorate_fun": [ [ "sklearn/utils/deprecation.py", [ "deprecated", "_decorate_fun" ] ] ], "_decorate_property": [ [ "sklearn/utils/deprecation.py", [ "deprecated", "_decorate_property" ] ] ], "_update_doc": [ [ "sklearn/utils/deprecation.py", [ "deprecated", "_update_doc" ] ] ], "_is_deprecated": [ [ "sklearn/utils/deprecation.py", [ "_is_deprecated" ] ] ], "_safe_tags": [ [ "sklearn/utils/estimator_checks.py", [ "_safe_tags" ] ] ], "_yield_checks": [ [ "sklearn/utils/estimator_checks.py", [ "_yield_checks" ] ] ], "_yield_classifier_checks": [ [ "sklearn/utils/estimator_checks.py", [ "_yield_classifier_checks" ] ] ], "check_supervised_y_no_nan": [ [ "sklearn/utils/estimator_checks.py", [ "check_supervised_y_no_nan" ] ] ], "_yield_regressor_checks": [ [ "sklearn/utils/estimator_checks.py", [ "_yield_regressor_checks" ] ] ], "_yield_transformer_checks": [ [ "sklearn/utils/estimator_checks.py", [ "_yield_transformer_checks" ] ] ], "_yield_clustering_checks": [ [ "sklearn/utils/estimator_checks.py", [ "_yield_clustering_checks" ] ] ], "_yield_outliers_checks": [ [ "sklearn/utils/estimator_checks.py", [ "_yield_outliers_checks" ] ] ], "_yield_all_checks": [ [ "sklearn/utils/estimator_checks.py", [ "_yield_all_checks" ] ] ], "check_estimator": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimator" ] ] ], "_boston_subset": [ [ "sklearn/utils/estimator_checks.py", [ "_boston_subset" ] ] ], "set_checking_parameters": [ [ "sklearn/utils/estimator_checks.py", [ "set_checking_parameters" ] ] ], "__array__": [ [ "sklearn/utils/estimator_checks.py", [ "NotAnArray", "__array__" ] ], [ "sklearn/utils/mocking.py", [ "MockDataFrame", "__array__" ] ], [ "sklearn/utils/tests/test_multiclass.py", [ "NotAnArray", "__array__" ] ] ], "_is_pairwise": [ [ "sklearn/utils/estimator_checks.py", [ "_is_pairwise" ] ] ], "_is_pairwise_metric": [ [ "sklearn/utils/estimator_checks.py", [ "_is_pairwise_metric" ] ] ], "pairwise_estimator_convert_X": [ [ "sklearn/utils/estimator_checks.py", [ "pairwise_estimator_convert_X" ] ] ], "_generate_sparse_matrix": [ [ "sklearn/utils/estimator_checks.py", [ "_generate_sparse_matrix" ] ] ], "check_estimator_sparse_data": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimator_sparse_data" ] ] ], "check_sample_weights_pandas_series": [ [ "sklearn/utils/estimator_checks.py", [ "check_sample_weights_pandas_series" ] ] ], "check_sample_weights_list": [ [ "sklearn/utils/estimator_checks.py", [ "check_sample_weights_list" ] ] ], "check_sample_weights_invariance": [ [ "sklearn/utils/estimator_checks.py", [ "check_sample_weights_invariance" ] ] ], "check_dtype_object": [ [ "sklearn/utils/estimator_checks.py", [ "check_dtype_object" ] ] ], "check_complex_data": [ [ "sklearn/utils/estimator_checks.py", [ "check_complex_data" ] ] ], "check_dict_unchanged": [ [ "sklearn/utils/estimator_checks.py", [ "check_dict_unchanged" ] ] ], "is_public_parameter": [ [ "sklearn/utils/estimator_checks.py", [ "is_public_parameter" ] ] ], "check_dont_overwrite_parameters": [ [ "sklearn/utils/estimator_checks.py", [ "check_dont_overwrite_parameters" ] ] ], "check_fit2d_predict1d": [ [ "sklearn/utils/estimator_checks.py", [ "check_fit2d_predict1d" ] ] ], "_apply_on_subsets": [ [ "sklearn/utils/estimator_checks.py", [ "_apply_on_subsets" ] ] ], "check_methods_subset_invariance": [ [ "sklearn/utils/estimator_checks.py", [ "check_methods_subset_invariance" ] ] ], "check_fit2d_1sample": [ [ "sklearn/utils/estimator_checks.py", [ "check_fit2d_1sample" ] ] ], "check_fit2d_1feature": [ [ "sklearn/utils/estimator_checks.py", [ "check_fit2d_1feature" ] ] ], "check_fit1d": [ [ "sklearn/utils/estimator_checks.py", [ "check_fit1d" ] ] ], "check_transformer_general": [ [ "sklearn/utils/estimator_checks.py", [ "check_transformer_general" ] ] ], "check_transformer_data_not_an_array": [ [ "sklearn/utils/estimator_checks.py", [ "check_transformer_data_not_an_array" ] ] ], "check_transformers_unfitted": [ [ "sklearn/utils/estimator_checks.py", [ "check_transformers_unfitted" ] ] ], "_check_transformer": [ [ "sklearn/utils/estimator_checks.py", [ "_check_transformer" ] ] ], "check_pipeline_consistency": [ [ "sklearn/utils/estimator_checks.py", [ "check_pipeline_consistency" ] ] ], "check_fit_score_takes_y": [ [ "sklearn/utils/estimator_checks.py", [ "check_fit_score_takes_y" ] ] ], "check_estimators_dtypes": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_dtypes" ] ] ], "check_estimators_empty_data_messages": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_empty_data_messages" ] ] ], "check_estimators_nan_inf": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_nan_inf" ] ] ], "check_estimators_pickle": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_pickle" ] ] ], "check_estimators_partial_fit_n_features": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_partial_fit_n_features" ] ] ], "check_clustering": [ [ "sklearn/utils/estimator_checks.py", [ "check_clustering" ] ] ], "check_clusterer_compute_labels_predict": [ [ "sklearn/utils/estimator_checks.py", [ "check_clusterer_compute_labels_predict" ] ] ], "check_classifiers_one_label": [ [ "sklearn/utils/estimator_checks.py", [ "check_classifiers_one_label" ] ] ], "check_classifiers_train": [ [ "sklearn/utils/estimator_checks.py", [ "check_classifiers_train" ] ] ], "check_outlier_corruption": [ [ "sklearn/utils/estimator_checks.py", [ "check_outlier_corruption" ] ] ], "check_outliers_train": [ [ "sklearn/utils/estimator_checks.py", [ "check_outliers_train" ] ] ], "check_estimators_fit_returns_self": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_fit_returns_self" ] ] ], "check_estimators_unfitted": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_unfitted" ] ] ], "check_supervised_y_2d": [ [ "sklearn/utils/estimator_checks.py", [ "check_supervised_y_2d" ] ] ], "check_classifiers_predictions": [ [ "sklearn/utils/estimator_checks.py", [ "check_classifiers_predictions" ] ] ], "choose_check_classifiers_labels": [ [ "sklearn/utils/estimator_checks.py", [ "choose_check_classifiers_labels" ] ] ], "check_classifiers_classes": [ [ "sklearn/utils/estimator_checks.py", [ "check_classifiers_classes" ] ] ], "check_regressors_int": [ [ "sklearn/utils/estimator_checks.py", [ "check_regressors_int" ] ] ], "check_regressors_train": [ [ "sklearn/utils/estimator_checks.py", [ "check_regressors_train" ] ] ], "check_regressors_no_decision_function": [ [ "sklearn/utils/estimator_checks.py", [ "check_regressors_no_decision_function" ] ] ], "check_class_weight_classifiers": [ [ "sklearn/utils/estimator_checks.py", [ "check_class_weight_classifiers" ] ] ], "check_class_weight_balanced_classifiers": [ [ "sklearn/utils/estimator_checks.py", [ "check_class_weight_balanced_classifiers" ] ] ], "check_class_weight_balanced_linear_classifier": [ [ "sklearn/utils/estimator_checks.py", [ "check_class_weight_balanced_linear_classifier" ] ] ], "check_estimators_overwrite_params": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_overwrite_params" ] ] ], "check_no_attributes_set_in_init": [ [ "sklearn/utils/estimator_checks.py", [ "check_no_attributes_set_in_init" ] ] ], "check_sparsify_coefficients": [ [ "sklearn/utils/estimator_checks.py", [ "check_sparsify_coefficients" ] ] ], "check_classifier_data_not_an_array": [ [ "sklearn/utils/estimator_checks.py", [ "check_classifier_data_not_an_array" ] ] ], "check_regressor_data_not_an_array": [ [ "sklearn/utils/estimator_checks.py", [ "check_regressor_data_not_an_array" ] ] ], "check_estimators_data_not_an_array": [ [ "sklearn/utils/estimator_checks.py", [ "check_estimators_data_not_an_array" ] ] ], "param_filter": [ [ "sklearn/utils/estimator_checks.py", [ "check_parameters_default_constructible", "with_ignore_warnings_cate", "try_", "param_filter" ] ] ], "check_parameters_default_constructible": [ [ "sklearn/utils/estimator_checks.py", [ "check_parameters_default_constructible" ] ] ], "multioutput_estimator_convert_y_2d": [ [ "sklearn/utils/estimator_checks.py", [ "multioutput_estimator_convert_y_2d" ] ] ], "check_non_transformer_estimators_n_iter": [ [ "sklearn/utils/estimator_checks.py", [ "check_non_transformer_estimators_n_iter" ] ] ], "check_transformer_n_iter": [ [ "sklearn/utils/estimator_checks.py", [ "check_transformer_n_iter" ] ] ], "check_get_params_invariance": [ [ "sklearn/utils/estimator_checks.py", [ "check_get_params_invariance" ] ] ], "check_set_params": [ [ "sklearn/utils/estimator_checks.py", [ "check_set_params" ] ] ], "check_classifiers_regression_target": [ [ "sklearn/utils/estimator_checks.py", [ "check_classifiers_regression_target" ] ] ], "check_decision_proba_consistency": [ [ "sklearn/utils/estimator_checks.py", [ "check_decision_proba_consistency" ] ] ], "check_outliers_fit_predict": [ [ "sklearn/utils/estimator_checks.py", [ "check_outliers_fit_predict" ] ] ], "check_fit_idempotent": [ [ "sklearn/utils/estimator_checks.py", [ "check_fit_idempotent" ] ] ], "squared_norm": [ [ "sklearn/utils/extmath.py", [ "squared_norm" ] ] ], "row_norms": [ [ "sklearn/utils/extmath.py", [ "row_norms" ] ] ], "fast_logdet": [ [ "sklearn/utils/extmath.py", [ "fast_logdet" ] ] ], "density": [ [ "sklearn/utils/extmath.py", [ "density" ] ] ], "safe_sparse_dot": [ [ "sklearn/utils/extmath.py", [ "safe_sparse_dot" ] ] ], "randomized_range_finder": [ [ "sklearn/utils/extmath.py", [ "randomized_range_finder" ] ] ], "randomized_svd": [ [ "sklearn/utils/extmath.py", [ "randomized_svd" ] ] ], "weighted_mode": [ [ "sklearn/utils/extmath.py", [ "weighted_mode" ] ] ], "cartesian": [ [ "sklearn/utils/extmath.py", [ "cartesian" ] ] ], "svd_flip": [ [ "sklearn/utils/extmath.py", [ "svd_flip" ] ] ], "log_logistic": [ [ "sklearn/utils/extmath.py", [ "log_logistic" ] ] ], "safe_min": [ [ "sklearn/utils/extmath.py", [ "safe_min" ] ] ], "make_nonnegative": [ [ "sklearn/utils/extmath.py", [ "make_nonnegative" ] ] ], "_safe_accumulator_op": [ [ "sklearn/utils/extmath.py", [ "_safe_accumulator_op" ] ] ], "_incremental_mean_and_var": [ [ "sklearn/utils/extmath.py", [ "_incremental_mean_and_var" ] ] ], "_deterministic_vector_sign_flip": [ [ "sklearn/utils/extmath.py", [ "_deterministic_vector_sign_flip" ] ] ], "stable_cumsum": [ [ "sklearn/utils/extmath.py", [ "stable_cumsum" ] ] ], "_parse_version": [ [ "sklearn/utils/fixes.py", [ "_parse_version" ] ] ], "_argmax": [ [ "sklearn/utils/fixes.py", [ "if_sp_version_0_19_", "_argmax" ] ], [ "sklearn/utils/fixes.py", [ "if_sp_version_0_19_", "else_", "_argmax" ] ] ], "_find_missing_index": [ [ "sklearn/utils/fixes.py", [ "if_sp_version_0_19_", "else_", "_find_missing_index" ] ] ], "_arg_min_or_max_axis": [ [ "sklearn/utils/fixes.py", [ "if_sp_version_0_19_", "else_", "_arg_min_or_max_axis" ] ] ], "_arg_min_or_max": [ [ "sklearn/utils/fixes.py", [ "if_sp_version_0_19_", "else_", "_arg_min_or_max" ] ] ], "_sparse_argmax": [ [ "sklearn/utils/fixes.py", [ "if_sp_version_0_19_", "else_", "_sparse_argmax" ] ] ], "parallel_helper": [ [ "sklearn/utils/fixes.py", [ "parallel_helper" ] ] ], "_object_dtype_isnan": [ [ "sklearn/utils/fixes.py", [ "if_np_version_1_13_", "_object_dtype_isnan" ] ], [ "sklearn/utils/fixes.py", [ "if_np_version_1_13_", "else_", "_object_dtype_isnan" ] ] ], "_astype_copy_false": [ [ "sklearn/utils/fixes.py", [ "_astype_copy_false" ] ] ], "_joblib_parallel_args": [ [ "sklearn/utils/fixes.py", [ "_joblib_parallel_args" ] ] ], "single_source_shortest_path_length": [ [ "sklearn/utils/graph.py", [ "single_source_shortest_path_length" ] ] ], "linear_assignment": [ [ "sklearn/utils/linear_assignment_.py", [ "linear_assignment" ] ] ], "_clear_covers": [ [ "sklearn/utils/linear_assignment_.py", [ "_HungarianState", "_clear_covers" ] ] ], "_hungarian": [ [ "sklearn/utils/linear_assignment_.py", [ "_hungarian" ] ] ], "_step1": [ [ "sklearn/utils/linear_assignment_.py", [ "_step1" ] ] ], "_step3": [ [ "sklearn/utils/linear_assignment_.py", [ "_step3" ] ] ], "_step4": [ [ "sklearn/utils/linear_assignment_.py", [ "_step4" ] ] ], "_step5": [ [ "sklearn/utils/linear_assignment_.py", [ "_step5" ] ] ], "_step6": [ [ "sklearn/utils/linear_assignment_.py", [ "_step6" ] ] ], "_get_params": [ [ "sklearn/utils/metaestimators.py", [ "_BaseComposition", "_get_params" ] ] ], "_set_params": [ [ "sklearn/utils/metaestimators.py", [ "_BaseComposition", "_set_params" ] ] ], "_replace_estimator": [ [ "sklearn/utils/metaestimators.py", [ "_BaseComposition", "_replace_estimator" ] ] ], "_validate_names": [ [ "sklearn/utils/metaestimators.py", [ "_BaseComposition", "_validate_names" ] ] ], "if_delegate_has_method": [ [ "sklearn/utils/metaestimators.py", [ "if_delegate_has_method" ] ] ], "_safe_split": [ [ "sklearn/utils/metaestimators.py", [ "_safe_split" ] ] ], "__ne__": [ [ "sklearn/utils/mocking.py", [ "MockDataFrame", "__ne__" ] ] ], "_unique_multiclass": [ [ "sklearn/utils/multiclass.py", [ "_unique_multiclass" ] ] ], "_unique_indicator": [ [ "sklearn/utils/multiclass.py", [ "_unique_indicator" ] ] ], "unique_labels": [ [ "sklearn/utils/multiclass.py", [ "unique_labels" ] ] ], "_is_integral_float": [ [ "sklearn/utils/multiclass.py", [ "_is_integral_float" ] ] ], "is_multilabel": [ [ "sklearn/utils/multiclass.py", [ "is_multilabel" ] ] ], "check_classification_targets": [ [ "sklearn/utils/multiclass.py", [ "check_classification_targets" ] ] ], "type_of_target": [ [ "sklearn/utils/multiclass.py", [ "type_of_target" ] ] ], "_check_partial_fit_first_call": [ [ "sklearn/utils/multiclass.py", [ "_check_partial_fit_first_call" ] ] ], "class_distribution": [ [ "sklearn/utils/multiclass.py", [ "class_distribution" ] ] ], "_ovr_decision_function": [ [ "sklearn/utils/multiclass.py", [ "_ovr_decision_function" ] ] ], "_line_search_wolfe12": [ [ "sklearn/utils/optimize.py", [ "_line_search_wolfe12" ] ] ], "_cg": [ [ "sklearn/utils/optimize.py", [ "_cg" ] ] ], "newton_cg": [ [ "sklearn/utils/optimize.py", [ "newton_cg" ] ] ], "random_choice_csc": [ [ "sklearn/utils/random.py", [ "random_choice_csc" ] ] ], "_raise_typeerror": [ [ "sklearn/utils/sparsefuncs.py", [ "_raise_typeerror" ] ] ], "_raise_error_wrong_axis": [ [ "sklearn/utils/sparsefuncs.py", [ "_raise_error_wrong_axis" ] ] ], "inplace_csr_column_scale": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_csr_column_scale" ] ] ], "inplace_csr_row_scale": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_csr_row_scale" ] ] ], "mean_variance_axis": [ [ "sklearn/utils/sparsefuncs.py", [ "mean_variance_axis" ] ] ], "incr_mean_variance_axis": [ [ "sklearn/utils/sparsefuncs.py", [ "incr_mean_variance_axis" ] ] ], "inplace_column_scale": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_column_scale" ] ] ], "inplace_row_scale": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_row_scale" ] ] ], "inplace_swap_row_csc": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_swap_row_csc" ] ] ], "inplace_swap_row_csr": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_swap_row_csr" ] ] ], "inplace_swap_row": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_swap_row" ] ] ], "inplace_swap_column": [ [ "sklearn/utils/sparsefuncs.py", [ "inplace_swap_column" ] ] ], "_minor_reduce": [ [ "sklearn/utils/sparsefuncs.py", [ "_minor_reduce" ] ] ], "_min_or_max_axis": [ [ "sklearn/utils/sparsefuncs.py", [ "_min_or_max_axis" ] ] ], "_sparse_min_or_max": [ [ "sklearn/utils/sparsefuncs.py", [ "_sparse_min_or_max" ] ] ], "_sparse_min_max": [ [ "sklearn/utils/sparsefuncs.py", [ "_sparse_min_max" ] ] ], "_sparse_nan_min_max": [ [ "sklearn/utils/sparsefuncs.py", [ "_sparse_nan_min_max" ] ] ], "min_max_axis": [ [ "sklearn/utils/sparsefuncs.py", [ "min_max_axis" ] ] ], "count_nonzero": [ [ "sklearn/utils/sparsefuncs.py", [ "count_nonzero" ] ] ], "_get_median": [ [ "sklearn/utils/sparsefuncs.py", [ "_get_median" ] ] ], "_get_elem_at_rank": [ [ "sklearn/utils/sparsefuncs.py", [ "_get_elem_at_rank" ] ] ], "csc_median_axis_0": [ [ "sklearn/utils/sparsefuncs.py", [ "csc_median_axis_0" ] ] ], "_weighted_percentile": [ [ "sklearn/utils/stats.py", [ "_weighted_percentile" ] ] ], "assert_warns": [ [ "sklearn/utils/testing.py", [ "assert_warns" ] ] ], "assert_warns_message": [ [ "sklearn/utils/testing.py", [ "assert_warns_message" ] ] ], "assert_warns_div0": [ [ "sklearn/utils/testing.py", [ "assert_warns_div0" ] ] ], "assert_no_warnings": [ [ "sklearn/utils/testing.py", [ "assert_no_warnings" ] ] ], "ignore_warnings": [ [ "sklearn/utils/testing.py", [ "ignore_warnings" ] ] ], "assert_raise_message": [ [ "sklearn/utils/testing.py", [ "assert_raise_message" ] ] ], "assert_allclose_dense_sparse": [ [ "sklearn/utils/testing.py", [ "assert_allclose_dense_sparse" ] ] ], "is_abstract": [ [ "sklearn/utils/testing.py", [ "all_estimators", "is_abstract" ] ] ], "all_estimators": [ [ "sklearn/utils/testing.py", [ "all_estimators" ] ] ], "set_random_state": [ [ "sklearn/utils/testing.py", [ "set_random_state" ] ] ], "clean_warning_registry": [ [ "sklearn/utils/testing.py", [ "clean_warning_registry" ] ] ], "check_skip_network": [ [ "sklearn/utils/testing.py", [ "check_skip_network" ] ] ], "_delete_folder": [ [ "sklearn/utils/testing.py", [ "_delete_folder" ] ] ], "create_memmap_backed_data": [ [ "sklearn/utils/testing.py", [ "create_memmap_backed_data" ] ] ], "_get_args": [ [ "sklearn/utils/testing.py", [ "_get_args" ] ] ], "_get_func_name": [ [ "sklearn/utils/testing.py", [ "_get_func_name" ] ] ], "check_docstring_parameters": [ [ "sklearn/utils/testing.py", [ "check_docstring_parameters" ] ] ], "assert_run_python_script": [ [ "sklearn/utils/testing.py", [ "assert_run_python_script" ] ] ], "test_compute_class_weight": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_class_weight" ] ] ], "test_compute_class_weight_not_present": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_class_weight_not_present" ] ] ], "test_compute_class_weight_dict": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_class_weight_dict" ] ] ], "test_compute_class_weight_invariance": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_class_weight_invariance" ] ] ], "test_compute_class_weight_balanced_negative": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_class_weight_balanced_negative" ] ] ], "test_compute_class_weight_balanced_unordered": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_class_weight_balanced_unordered" ] ] ], "test_compute_class_weight_default": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_class_weight_default" ] ] ], "test_compute_sample_weight": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_sample_weight" ] ] ], "test_compute_sample_weight_with_subsample": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_sample_weight_with_subsample" ] ] ], "test_compute_sample_weight_errors": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_sample_weight_errors" ] ] ], "test_compute_sample_weight_more_than_32": [ [ "sklearn/utils/tests/test_class_weight.py", [ "test_compute_sample_weight_more_than_32" ] ] ], "_no_op": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "_no_op" ] ] ], "test_dot": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_dot" ] ] ], "test_asum": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_asum" ] ] ], "test_axpy": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_axpy" ] ] ], "test_nrm2": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_nrm2" ] ] ], "test_copy": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_copy" ] ] ], "test_scal": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_scal" ] ] ], "expected_rotg": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_rotg", "expected_rotg" ] ] ], "test_rotg": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_rotg" ] ] ], "test_rot": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_rot" ] ] ], "test_gemv": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_gemv" ] ] ], "test_ger": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_ger" ] ] ], "test_gemm": [ [ "sklearn/utils/tests/test_cython_blas.py", [ "test_gemm" ] ] ], "method": [ [ "sklearn/utils/tests/test_deprecation.py", [ "MockClass2", "method" ] ] ], "mock_function": [ [ "sklearn/utils/tests/test_deprecation.py", [ "mock_function" ] ] ], "test_deprecated": [ [ "sklearn/utils/tests/test_deprecation.py", [ "test_deprecated" ] ], [ "sklearn/utils/tests/test_utils.py", [ "test_deprecated" ] ] ], "test_is_deprecated": [ [ "sklearn/utils/tests/test_deprecation.py", [ "test_is_deprecated" ] ] ], "test_check_fit_score_takes_y_works_on_deprecated_fit": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_fit_score_takes_y_works_on_deprecated_fit" ] ] ], "test_check_estimator": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_estimator" ] ] ], "test_check_outlier_corruption": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_outlier_corruption" ] ] ], "test_check_estimator_transformer_no_mixin": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_estimator_transformer_no_mixin" ] ] ], "test_check_estimator_clones": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_estimator_clones" ] ] ], "test_check_estimators_unfitted": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_estimators_unfitted" ] ] ], "test_check_no_attributes_set_in_init": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_no_attributes_set_in_init" ] ] ], "test_check_estimator_pairwise": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_estimator_pairwise" ] ] ], "run_tests_without_pytest": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "run_tests_without_pytest" ] ] ], "test_check_class_weight_balanced_linear_classifier": [ [ "sklearn/utils/tests/test_estimator_checks.py", [ "test_check_class_weight_balanced_linear_classifier" ] ] ], "test_density": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_density" ] ] ], "test_uniform_weights": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_uniform_weights" ] ] ], "test_random_weights": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_random_weights" ] ] ], "check_randomized_svd_low_rank": [ [ "sklearn/utils/tests/test_extmath.py", [ "check_randomized_svd_low_rank" ] ] ], "test_randomized_svd_low_rank_all_dtypes": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_low_rank_all_dtypes" ] ] ], "test_row_norms": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_row_norms" ] ] ], "test_randomized_svd_low_rank_with_noise": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_low_rank_with_noise" ] ] ], "test_randomized_svd_infinite_rank": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_infinite_rank" ] ] ], "test_randomized_svd_transpose_consistency": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_transpose_consistency" ] ] ], "test_randomized_svd_power_iteration_normalizer": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_power_iteration_normalizer" ] ] ], "test_randomized_svd_sparse_warnings": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_sparse_warnings" ] ] ], "test_svd_flip": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_svd_flip" ] ] ], "test_randomized_svd_sign_flip": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_sign_flip" ] ] ], "max_loading_is_positive": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_sign_flip_with_transpose", "max_loading_is_positive" ] ] ], "test_randomized_svd_sign_flip_with_transpose": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_randomized_svd_sign_flip_with_transpose" ] ] ], "test_cartesian": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_cartesian" ] ] ], "naive_log_logistic": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_logistic_sigmoid", "naive_log_logistic" ] ] ], "test_logistic_sigmoid": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_logistic_sigmoid" ] ] ], "test_incremental_variance_update_formulas": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_variance_update_formulas" ] ] ], "test_incremental_mean_and_variance_ignore_nan": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_mean_and_variance_ignore_nan" ] ] ], "np_var": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_variance_numerical_stability", "np_var" ] ] ], "one_pass_var": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_variance_numerical_stability", "one_pass_var" ] ] ], "two_pass_var": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_variance_numerical_stability", "two_pass_var" ] ] ], "naive_mean_variance_update": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_variance_numerical_stability", "naive_mean_variance_update" ] ] ], "test_incremental_variance_numerical_stability": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_variance_numerical_stability" ] ] ], "test_incremental_variance_ddof": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_incremental_variance_ddof" ] ] ], "test_vector_sign_flip": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_vector_sign_flip" ] ] ], "test_softmax": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_softmax" ] ] ], "test_stable_cumsum": [ [ "sklearn/utils/tests/test_extmath.py", [ "test_stable_cumsum" ] ] ], "test_int_float_dict_argmin": [ [ "sklearn/utils/tests/test_fast_dict.py", [ "test_int_float_dict_argmin" ] ] ], "test_masked_array_obj_dtype_pickleable": [ [ "sklearn/utils/tests/test_fixes.py", [ "test_masked_array_obj_dtype_pickleable" ] ] ], "test_joblib_parallel_args": [ [ "sklearn/utils/tests/test_fixes.py", [ "test_joblib_parallel_args" ] ] ], "test_object_dtype_isnan": [ [ "sklearn/utils/tests/test_fixes.py", [ "test_object_dtype_isnan" ] ] ], "test_hungarian": [ [ "sklearn/utils/tests/test_linear_assignment.py", [ "test_hungarian" ] ] ], "test_delegated_docstring": [ [ "sklearn/utils/tests/test_metaestimators.py", [ "test_delegated_docstring" ] ] ], "test_if_delegate_has_method": [ [ "sklearn/utils/tests/test_metaestimators.py", [ "test_if_delegate_has_method" ] ] ], "test_unique_labels": [ [ "sklearn/utils/tests/test_multiclass.py", [ "test_unique_labels" ] ] ], "test_unique_labels_non_specific": [ [ "sklearn/utils/tests/test_multiclass.py", [ "test_unique_labels_non_specific" ] ] ], "test_unique_labels_mixed_types": [ [ "sklearn/utils/tests/test_multiclass.py", [ "test_unique_labels_mixed_types" ] ] ], "test_is_multilabel": [ [ "sklearn/utils/tests/test_multiclass.py", [ "test_is_multilabel" ] ] ], "test_type_of_target": [ [ "sklearn/utils/tests/test_multiclass.py", [ "test_type_of_target" ] ] ], "test_class_distribution": [ [ "sklearn/utils/tests/test_multiclass.py", [ "test_class_distribution" ] ] ], "test_safe_split_with_precomputed_kernel": [ [ "sklearn/utils/tests/test_multiclass.py", [ "test_safe_split_with_precomputed_kernel" ] ] ], "test_mmhash3_int": [ [ "sklearn/utils/tests/test_murmurhash.py", [ "test_mmhash3_int" ] ] ], "test_mmhash3_int_array": [ [ "sklearn/utils/tests/test_murmurhash.py", [ "test_mmhash3_int_array" ] ] ], "test_mmhash3_bytes": [ [ "sklearn/utils/tests/test_murmurhash.py", [ "test_mmhash3_bytes" ] ] ], "test_mmhash3_unicode": [ [ "sklearn/utils/tests/test_murmurhash.py", [ "test_mmhash3_unicode" ] ] ], "test_no_collision_on_byte_range": [ [ "sklearn/utils/tests/test_murmurhash.py", [ "test_no_collision_on_byte_range" ] ] ], "test_uniform_distribution": [ [ "sklearn/utils/tests/test_murmurhash.py", [ "test_uniform_distribution" ] ] ], "hess": [ [ "sklearn/utils/tests/test_optimize.py", [ "test_newton_cg", "hess" ] ] ], "grad_hess": [ [ "sklearn/utils/tests/test_optimize.py", [ "test_newton_cg", "grad_hess" ] ] ], "test_newton_cg": [ [ "sklearn/utils/tests/test_optimize.py", [ "test_newton_cg" ] ] ], "test_basic": [ [ "sklearn/utils/tests/test_pprint.py", [ "test_basic" ] ] ], "test_changed_only": [ [ "sklearn/utils/tests/test_pprint.py", [ "test_changed_only" ] ] ], "test_deeply_nested": [ [ "sklearn/utils/tests/test_pprint.py", [ "test_deeply_nested" ] ] ], "test_n_max_elements_to_show": [ [ "sklearn/utils/tests/test_pprint.py", [ "test_n_max_elements_to_show" ] ] ], "test_bruteforce_ellipsis": [ [ "sklearn/utils/tests/test_pprint.py", [ "test_bruteforce_ellipsis" ] ] ], "test_builtin_prettyprinter": [ [ "sklearn/utils/tests/test_pprint.py", [ "test_builtin_prettyprinter" ] ] ], "test_invalid_sample_without_replacement_algorithm": [ [ "sklearn/utils/tests/test_random.py", [ "test_invalid_sample_without_replacement_algorithm" ] ] ], "sample_without_replacement_method": [ [ "sklearn/utils/tests/test_random.py", [ "test_sample_without_replacement_algorithms", "for_m_in_methods_", "sample_without_replacement_method" ] ] ], "test_sample_without_replacement_algorithms": [ [ "sklearn/utils/tests/test_random.py", [ "test_sample_without_replacement_algorithms" ] ] ], "check_edge_case_of_sample_int": [ [ "sklearn/utils/tests/test_random.py", [ "check_edge_case_of_sample_int" ] ] ], "check_sample_int": [ [ "sklearn/utils/tests/test_random.py", [ "check_sample_int" ] ] ], "check_sample_int_distribution": [ [ "sklearn/utils/tests/test_random.py", [ "check_sample_int_distribution" ] ] ], "test_random_choice_csc": [ [ "sklearn/utils/tests/test_random.py", [ "test_random_choice_csc" ] ] ], "test_random_choice_csc_errors": [ [ "sklearn/utils/tests/test_random.py", [ "test_random_choice_csc_errors" ] ] ], "test_our_rand_r": [ [ "sklearn/utils/tests/test_random.py", [ "test_our_rand_r" ] ] ], "assert_csr_equal_values": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "assert_csr_equal_values" ] ] ], "make_dense_dataset_32": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "make_dense_dataset_32" ] ] ], "make_dense_dataset_64": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "make_dense_dataset_64" ] ] ], "make_sparse_dataset_32": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "make_sparse_dataset_32" ] ] ], "make_sparse_dataset_64": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "make_sparse_dataset_64" ] ] ], "test_seq_dataset_basic_iteration": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "test_seq_dataset_basic_iteration" ] ] ], "test_seq_dataset_shuffle": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "test_seq_dataset_shuffle" ] ] ], "test_fused_types_consistency": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "test_fused_types_consistency" ] ] ], "test_buffer_dtype_mismatch_error": [ [ "sklearn/utils/tests/test_seq_dataset.py", [ "test_buffer_dtype_mismatch_error" ] ] ], "floyd_warshall_slow": [ [ "sklearn/utils/tests/test_shortest_path.py", [ "floyd_warshall_slow" ] ] ], "generate_graph": [ [ "sklearn/utils/tests/test_shortest_path.py", [ "generate_graph" ] ] ], "test_floyd_warshall": [ [ "sklearn/utils/tests/test_shortest_path.py", [ "test_floyd_warshall" ] ] ], "test_dijkstra": [ [ "sklearn/utils/tests/test_shortest_path.py", [ "test_dijkstra" ] ] ], "test_shortest_path": [ [ "sklearn/utils/tests/test_shortest_path.py", [ "test_shortest_path" ] ] ], "test_dijkstra_bug_fix": [ [ "sklearn/utils/tests/test_shortest_path.py", [ "test_dijkstra_bug_fix" ] ] ], "test_get_sys_info": [ [ "sklearn/utils/tests/test_show_versions.py", [ "test_get_sys_info" ] ] ], "test_get_deps_info": [ [ "sklearn/utils/tests/test_show_versions.py", [ "test_get_deps_info" ] ] ], "test_show_versions_with_blas": [ [ "sklearn/utils/tests/test_show_versions.py", [ "test_show_versions_with_blas" ] ] ], "test_mean_variance_axis0": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_mean_variance_axis0" ] ] ], "test_mean_variance_axis1": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_mean_variance_axis1" ] ] ], "test_incr_mean_variance_axis": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_incr_mean_variance_axis" ] ] ], "test_incr_mean_variance_axis_ignore_nan": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_incr_mean_variance_axis_ignore_nan" ] ] ], "test_mean_variance_illegal_axis": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_mean_variance_illegal_axis" ] ] ], "test_densify_rows": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_densify_rows" ] ] ], "test_inplace_column_scale": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_inplace_column_scale" ] ] ], "test_inplace_row_scale": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_inplace_row_scale" ] ] ], "test_inplace_swap_row": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_inplace_swap_row" ] ] ], "test_inplace_swap_column": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_inplace_swap_column" ] ] ], "test_min_max": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_min_max" ] ] ], "test_min_max_axis_errors": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_min_max_axis_errors" ] ] ], "test_count_nonzero": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_count_nonzero" ] ] ], "test_csc_row_median": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_csc_row_median" ] ] ], "test_inplace_normalize": [ [ "sklearn/utils/tests/test_sparsefuncs.py", [ "test_inplace_normalize" ] ] ], "test_assert_less": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_less" ] ] ], "test_assert_greater": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_greater" ] ] ], "test_assert_less_equal": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_less_equal" ] ] ], "test_assert_greater_equal": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_greater_equal" ] ] ], "test_set_random_state": [ [ "sklearn/utils/tests/test_testing.py", [ "test_set_random_state" ] ] ], "test_assert_allclose_dense_sparse": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_allclose_dense_sparse" ] ] ], "test_assert_raises_msg": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_raises_msg" ] ] ], "_raise_ValueError": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_raise_message", "_raise_ValueError" ] ] ], "_no_raise": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_raise_message", "_no_raise" ] ] ], "test_assert_raise_message": [ [ "sklearn/utils/tests/test_testing.py", [ "test_assert_raise_message" ] ] ], "_warning_function": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "_warning_function" ] ] ], "_multiple_warning_function": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "_multiple_warning_function" ] ] ], "decorator_no_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "decorator_no_warning" ] ] ], "decorator_no_warning_multiple": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "decorator_no_warning_multiple" ] ] ], "decorator_no_deprecation_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "decorator_no_deprecation_warning" ] ] ], "decorator_no_user_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "decorator_no_user_warning" ] ] ], "decorator_no_deprecation_multiple_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "decorator_no_deprecation_multiple_warning" ] ] ], "decorator_no_user_multiple_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "decorator_no_user_multiple_warning" ] ] ], "context_manager_no_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "context_manager_no_warning" ] ] ], "context_manager_no_warning_multiple": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "context_manager_no_warning_multiple" ] ] ], "context_manager_no_deprecation_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "context_manager_no_deprecation_warning" ] ] ], "context_manager_no_user_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "context_manager_no_user_warning" ] ] ], "context_manager_no_deprecation_multiple_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "context_manager_no_deprecation_multiple_warning" ] ] ], "context_manager_no_user_multiple_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning", "context_manager_no_user_multiple_warning" ] ] ], "test_ignore_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "test_ignore_warning" ] ] ], "test_warn": [ [ "sklearn/utils/tests/test_testing.py", [ "TestWarns", "test_warn" ] ] ], "test_warn_wrong_warning": [ [ "sklearn/utils/tests/test_testing.py", [ "TestWarns", "test_warn_wrong_warning" ] ] ], "f_ok": [ [ "sklearn/utils/tests/test_testing.py", [ "f_ok" ] ] ], "f_bad_sections": [ [ "sklearn/utils/tests/test_testing.py", [ "f_bad_sections" ] ], [ "sklearn/utils/tests/test_testing.py", [ "Klass", "f_bad_sections" ] ] ], "f_bad_order": [ [ "sklearn/utils/tests/test_testing.py", [ "f_bad_order" ] ] ], "f_missing": [ [ "sklearn/utils/tests/test_testing.py", [ "f_missing" ] ], [ "sklearn/utils/tests/test_testing.py", [ "Klass", "f_missing" ] ] ], "f_check_param_definition": [ [ "sklearn/utils/tests/test_testing.py", [ "f_check_param_definition" ] ] ], "test_check_docstring_parameters": [ [ "sklearn/utils/tests/test_testing.py", [ "test_check_docstring_parameters" ] ] ], "check_memmap": [ [ "sklearn/utils/tests/test_testing.py", [ "check_memmap" ] ] ], "test_tempmemmap": [ [ "sklearn/utils/tests/test_testing.py", [ "test_tempmemmap" ] ] ], "test_create_memmap_backed_data": [ [ "sklearn/utils/tests/test_testing.py", [ "test_create_memmap_backed_data" ] ] ], "test_make_rng": [ [ "sklearn/utils/tests/test_utils.py", [ "test_make_rng" ] ] ], "ham": [ [ "sklearn/utils/tests/test_utils.py", [ "test_deprecated", "with_warnings_catch_warni", "ham" ] ] ], "test_resample": [ [ "sklearn/utils/tests/test_utils.py", [ "test_resample" ] ] ], "test_resample_stratified": [ [ "sklearn/utils/tests/test_utils.py", [ "test_resample_stratified" ] ] ], "test_resample_stratified_replace": [ [ "sklearn/utils/tests/test_utils.py", [ "test_resample_stratified_replace" ] ] ], "test_resample_stratify_2dy": [ [ "sklearn/utils/tests/test_utils.py", [ "test_resample_stratify_2dy" ] ] ], "test_resample_stratify_sparse_error": [ [ "sklearn/utils/tests/test_utils.py", [ "test_resample_stratify_sparse_error" ] ] ], "test_safe_mask": [ [ "sklearn/utils/tests/test_utils.py", [ "test_safe_mask" ] ] ], "test_column_or_1d": [ [ "sklearn/utils/tests/test_utils.py", [ "test_column_or_1d" ] ] ], "test_safe_indexing": [ [ "sklearn/utils/tests/test_utils.py", [ "test_safe_indexing" ] ] ], "test_safe_indexing_pandas": [ [ "sklearn/utils/tests/test_utils.py", [ "test_safe_indexing_pandas" ] ] ], "test_safe_indexing_mock_pandas": [ [ "sklearn/utils/tests/test_utils.py", [ "test_safe_indexing_mock_pandas" ] ] ], "to_tuple": [ [ "sklearn/utils/tests/test_utils.py", [ "test_shuffle_on_ndim_equals_three", "to_tuple" ] ] ], "test_shuffle_on_ndim_equals_three": [ [ "sklearn/utils/tests/test_utils.py", [ "test_shuffle_on_ndim_equals_three" ] ] ], "test_shuffle_dont_convert_to_array": [ [ "sklearn/utils/tests/test_utils.py", [ "test_shuffle_dont_convert_to_array" ] ] ], "test_gen_even_slices": [ [ "sklearn/utils/tests/test_utils.py", [ "test_gen_even_slices" ] ] ], "check_warning": [ [ "sklearn/utils/tests/test_utils.py", [ "test_get_chunk_n_rows", "if_warning_is_not_None_", "check_warning" ] ], [ "sklearn/utils/tests/test_utils.py", [ "test_deprecation_joblib_api", "check_warning" ] ] ], "test_get_chunk_n_rows": [ [ "sklearn/utils/tests/test_utils.py", [ "test_get_chunk_n_rows" ] ] ], "test_message_with_time": [ [ "sklearn/utils/tests/test_utils.py", [ "test_message_with_time" ] ] ], "test_print_elapsed_time": [ [ "sklearn/utils/tests/test_utils.py", [ "test_print_elapsed_time" ] ] ], "test_is_scalar_nan": [ [ "sklearn/utils/tests/test_utils.py", [ "test_is_scalar_nan" ] ] ], "dummy_func": [ [ "sklearn/utils/tests/test_utils.py", [ "dummy_func" ] ] ], "test_deprecation_joblib_api": [ [ "sklearn/utils/tests/test_utils.py", [ "test_deprecation_joblib_api" ] ] ], "test_as_float_array": [ [ "sklearn/utils/tests/test_validation.py", [ "test_as_float_array" ] ] ], "test_as_float_array_nan": [ [ "sklearn/utils/tests/test_validation.py", [ "test_as_float_array_nan" ] ] ], "test_np_matrix": [ [ "sklearn/utils/tests/test_validation.py", [ "test_np_matrix" ] ] ], "test_memmap": [ [ "sklearn/utils/tests/test_validation.py", [ "test_memmap" ] ] ], "test_ordering": [ [ "sklearn/utils/tests/test_validation.py", [ "test_ordering" ] ] ], "test_check_array_force_all_finite_valid": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_force_all_finite_valid" ] ] ], "test_check_array_force_all_finiteinvalid": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_force_all_finiteinvalid" ] ] ], "test_check_array_force_all_finite_object": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_force_all_finite_object" ] ] ], "test_check_array": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array" ] ] ], "test_check_array_pandas_dtype_object_conversion": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_pandas_dtype_object_conversion" ] ] ], "test_check_array_on_mock_dataframe": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_on_mock_dataframe" ] ] ], "test_check_array_dtype_stability": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_dtype_stability" ] ] ], "test_check_array_dtype_warning": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_dtype_warning" ] ] ], "test_check_array_warn_on_dtype_deprecation": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_warn_on_dtype_deprecation" ] ] ], "test_check_array_accept_sparse_type_exception": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_accept_sparse_type_exception" ] ] ], "test_check_array_accept_sparse_no_exception": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_accept_sparse_no_exception" ] ] ], "X_64bit": [ [ "sklearn/utils/tests/test_validation.py", [ "X_64bit" ] ] ], "test_check_array_accept_large_sparse_no_exception": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_accept_large_sparse_no_exception" ] ] ], "test_check_array_accept_large_sparse_raise_exception": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_accept_large_sparse_raise_exception" ] ] ], "test_check_array_min_samples_and_features_messages": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_min_samples_and_features_messages" ] ] ], "test_check_array_complex_data_error": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_complex_data_error" ] ] ], "test_has_fit_parameter": [ [ "sklearn/utils/tests/test_validation.py", [ "test_has_fit_parameter" ] ] ], "test_check_symmetric": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_symmetric" ] ] ], "test_check_is_fitted": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_is_fitted" ] ] ], "test_check_consistent_length": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_consistent_length" ] ] ], "test_check_dataframe_fit_attribute": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_dataframe_fit_attribute" ] ] ], "test_suppress_validation": [ [ "sklearn/utils/tests/test_validation.py", [ "test_suppress_validation" ] ] ], "test_check_array_series": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_series" ] ] ], "test_check_dataframe_warns_on_dtype": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_dataframe_warns_on_dtype" ] ] ], "test_check_memory": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_memory" ] ] ], "test_check_array_memmap": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_array_memmap" ] ] ], "test_check_non_negative": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_non_negative" ] ] ], "test_check_X_y_informative_error": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_X_y_informative_error" ] ] ], "test_retrieve_samples_from_non_standard_shape": [ [ "sklearn/utils/tests/test_validation.py", [ "test_retrieve_samples_from_non_standard_shape" ] ] ], "test_check_scalar_valid": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_scalar_valid" ] ] ], "test_check_scalar_invalid": [ [ "sklearn/utils/tests/test_validation.py", [ "test_check_scalar_invalid" ] ] ], "_assert_all_finite": [ [ "sklearn/utils/validation.py", [ "_assert_all_finite" ] ] ], "assert_all_finite": [ [ "sklearn/utils/validation.py", [ "assert_all_finite" ] ] ], "as_float_array": [ [ "sklearn/utils/validation.py", [ "as_float_array" ] ] ], "_is_arraylike": [ [ "sklearn/utils/validation.py", [ "_is_arraylike" ] ] ], "_num_samples": [ [ "sklearn/utils/validation.py", [ "_num_samples" ] ] ], "check_memory": [ [ "sklearn/utils/validation.py", [ "check_memory" ] ] ], "check_consistent_length": [ [ "sklearn/utils/validation.py", [ "check_consistent_length" ] ] ], "indexable": [ [ "sklearn/utils/validation.py", [ "indexable" ] ] ], "_ensure_sparse_format": [ [ "sklearn/utils/validation.py", [ "_ensure_sparse_format" ] ] ], "_ensure_no_complex_data": [ [ "sklearn/utils/validation.py", [ "_ensure_no_complex_data" ] ] ], "check_array": [ [ "sklearn/utils/validation.py", [ "check_array" ] ] ], "_check_large_sparse": [ [ "sklearn/utils/validation.py", [ "_check_large_sparse" ] ] ], "check_X_y": [ [ "sklearn/utils/validation.py", [ "check_X_y" ] ] ], "column_or_1d": [ [ "sklearn/utils/validation.py", [ "column_or_1d" ] ] ], "check_random_state": [ [ "sklearn/utils/validation.py", [ "check_random_state" ] ] ], "has_fit_parameter": [ [ "sklearn/utils/validation.py", [ "has_fit_parameter" ] ] ], "check_symmetric": [ [ "sklearn/utils/validation.py", [ "check_symmetric" ] ] ], "check_is_fitted": [ [ "sklearn/utils/validation.py", [ "check_is_fitted" ] ] ], "check_non_negative": [ [ "sklearn/utils/validation.py", [ "check_non_negative" ] ] ], "check_scalar": [ [ "sklearn/utils/validation.py", [ "check_scalar" ] ] ] }