Jiayi-Pan's picture
Add files using upload-large-folder tool
bfe397e verified
raw
history blame
72.4 kB
{
"_PGNMF": [
[
"benchmarks/bench_plot_nmf.py",
[
"_PGNMF"
]
]
],
"CustomReferencesResolver": [
[
"doc/sphinxext/custom_references_resolver.py",
[
"CustomReferencesResolver"
]
]
],
"IssueRole": [
[
"doc/sphinxext/sphinx_issues.py",
[
"IssueRole"
]
]
],
"ReutersParser": [
[
"examples/applications/plot_out_of_core_classification.py",
[
"ReutersParser"
]
]
],
"Model": [
[
"examples/applications/svm_gui.py",
[
"Model"
]
]
],
"Controller": [
[
"examples/applications/svm_gui.py",
[
"Controller"
]
]
],
"View": [
[
"examples/applications/svm_gui.py",
[
"View"
]
]
],
"ControllBar": [
[
"examples/applications/svm_gui.py",
[
"ControllBar"
]
]
],
"NumberNormalizingVectorizer": [
[
"examples/bicluster/plot_bicluster_newsgroups.py",
[
"NumberNormalizingVectorizer"
]
]
],
"InductiveClusterer": [
[
"examples/cluster/plot_inductive_clustering.py",
[
"InductiveClusterer"
]
]
],
"TextStats": [
[
"examples/compose/plot_column_transformer.py",
[
"TextStats"
]
]
],
"SubjectBodyExtractor": [
[
"examples/compose/plot_column_transformer.py",
[
"SubjectBodyExtractor"
]
]
],
"MidpointNormalize": [
[
"examples/svm/plot_rbf_parameters.py",
[
"MidpointNormalize"
]
]
],
"CleanCommand": [
[
"setup.py",
[
"CleanCommand"
]
]
],
"build_ext_subclass": [
[
"setup.py",
[
"None_1",
"build_ext_subclass"
]
]
],
"BaseEstimator": [
[
"sklearn/base.py",
[
"BaseEstimator"
]
]
],
"ClassifierMixin": [
[
"sklearn/base.py",
[
"ClassifierMixin"
]
]
],
"RegressorMixin": [
[
"sklearn/base.py",
[
"RegressorMixin"
]
]
],
"ClusterMixin": [
[
"sklearn/base.py",
[
"ClusterMixin"
]
]
],
"BiclusterMixin": [
[
"sklearn/base.py",
[
"BiclusterMixin"
]
]
],
"TransformerMixin": [
[
"sklearn/base.py",
[
"TransformerMixin"
]
]
],
"DensityMixin": [
[
"sklearn/base.py",
[
"DensityMixin"
]
]
],
"OutlierMixin": [
[
"sklearn/base.py",
[
"OutlierMixin"
]
]
],
"MetaEstimatorMixin": [
[
"sklearn/base.py",
[
"MetaEstimatorMixin"
]
]
],
"MultiOutputMixin": [
[
"sklearn/base.py",
[
"MultiOutputMixin"
]
]
],
"_UnstableArchMixin": [
[
"sklearn/base.py",
[
"_UnstableArchMixin"
]
]
],
"CalibratedClassifierCV": [
[
"sklearn/calibration.py",
[
"CalibratedClassifierCV"
]
]
],
"_CalibratedClassifier": [
[
"sklearn/calibration.py",
[
"_CalibratedClassifier"
]
]
],
"_SigmoidCalibration": [
[
"sklearn/calibration.py",
[
"_SigmoidCalibration"
]
]
],
"AgglomerationTransform": [
[
"sklearn/cluster/_feature_agglomeration.py",
[
"AgglomerationTransform"
]
]
],
"AffinityPropagation": [
[
"sklearn/cluster/affinity_propagation_.py",
[
"AffinityPropagation"
]
]
],
"BaseSpectral": [
[
"sklearn/cluster/bicluster.py",
[
"BaseSpectral"
]
]
],
"SpectralCoclustering": [
[
"sklearn/cluster/bicluster.py",
[
"SpectralCoclustering"
]
]
],
"SpectralBiclustering": [
[
"sklearn/cluster/bicluster.py",
[
"SpectralBiclustering"
]
]
],
"_CFNode": [
[
"sklearn/cluster/birch.py",
[
"_CFNode"
]
]
],
"_CFSubcluster": [
[
"sklearn/cluster/birch.py",
[
"_CFSubcluster"
]
]
],
"Birch": [
[
"sklearn/cluster/birch.py",
[
"Birch"
]
]
],
"DBSCAN": [
[
"sklearn/cluster/dbscan_.py",
[
"DBSCAN"
]
]
],
"AgglomerativeClustering": [
[
"sklearn/cluster/hierarchical.py",
[
"AgglomerativeClustering"
]
]
],
"FeatureAgglomeration": [
[
"sklearn/cluster/hierarchical.py",
[
"FeatureAgglomeration"
]
]
],
"KMeans": [
[
"sklearn/cluster/k_means_.py",
[
"KMeans"
]
]
],
"MiniBatchKMeans": [
[
"sklearn/cluster/k_means_.py",
[
"MiniBatchKMeans"
]
]
],
"MeanShift": [
[
"sklearn/cluster/mean_shift_.py",
[
"MeanShift"
]
]
],
"OPTICS": [
[
"sklearn/cluster/optics_.py",
[
"OPTICS"
]
]
],
"SpectralClustering": [
[
"sklearn/cluster/spectral.py",
[
"SpectralClustering"
]
]
],
"MockBiclustering": [
[
"sklearn/cluster/tests/test_bicluster.py",
[
"MockBiclustering"
]
]
],
"FakeAffinity": [
[
"sklearn/cluster/tests/test_hierarchical.py",
[
"test_affinity_passed_to_fix_connectivity",
"FakeAffinity"
]
]
],
"ColumnTransformer": [
[
"sklearn/compose/_column_transformer.py",
[
"ColumnTransformer"
]
]
],
"TransformedTargetRegressor": [
[
"sklearn/compose/_target.py",
[
"TransformedTargetRegressor"
]
]
],
"Trans": [
[
"sklearn/compose/tests/test_column_transformer.py",
[
"Trans"
]
]
],
"DoubleTrans": [
[
"sklearn/compose/tests/test_column_transformer.py",
[
"DoubleTrans"
]
]
],
"SparseMatrixTrans": [
[
"sklearn/compose/tests/test_column_transformer.py",
[
"SparseMatrixTrans"
]
]
],
"TransNo2D": [
[
"sklearn/compose/tests/test_column_transformer.py",
[
"TransNo2D"
]
]
],
"TransRaise": [
[
"sklearn/compose/tests/test_column_transformer.py",
[
"TransRaise"
]
]
],
"TransAssert": [
[
"sklearn/compose/tests/test_column_transformer.py",
[
"test_column_transformer_dataframe",
"TransAssert"
]
]
],
"NoTrans": [
[
"sklearn/compose/tests/test_column_transformer.py",
[
"test_column_transformer_invalid_transformer",
"NoTrans"
]
],
[
"sklearn/tests/test_pipeline.py",
[
"NoTrans"
]
]
],
"DummyCheckerArrayTransformer": [
[
"sklearn/compose/tests/test_target.py",
[
"DummyCheckerArrayTransformer"
]
]
],
"DummyCheckerListRegressor": [
[
"sklearn/compose/tests/test_target.py",
[
"DummyCheckerListRegressor"
]
]
],
"DummyTransformer": [
[
"sklearn/compose/tests/test_target.py",
[
"DummyTransformer"
]
]
],
"EllipticEnvelope": [
[
"sklearn/covariance/elliptic_envelope.py",
[
"EllipticEnvelope"
]
]
],
"EmpiricalCovariance": [
[
"sklearn/covariance/empirical_covariance_.py",
[
"EmpiricalCovariance"
]
]
],
"GraphicalLasso": [
[
"sklearn/covariance/graph_lasso_.py",
[
"GraphicalLasso"
]
]
],
"GraphicalLassoCV": [
[
"sklearn/covariance/graph_lasso_.py",
[
"GraphicalLassoCV"
]
]
],
"MinCovDet": [
[
"sklearn/covariance/robust_covariance.py",
[
"MinCovDet"
]
]
],
"ShrunkCovariance": [
[
"sklearn/covariance/shrunk_covariance_.py",
[
"ShrunkCovariance"
]
]
],
"LedoitWolf": [
[
"sklearn/covariance/shrunk_covariance_.py",
[
"LedoitWolf"
]
]
],
"OAS": [
[
"sklearn/covariance/shrunk_covariance_.py",
[
"OAS"
]
]
],
"CCA": [
[
"sklearn/cross_decomposition/cca_.py",
[
"CCA"
]
]
],
"_PLS": [
[
"sklearn/cross_decomposition/pls_.py",
[
"_PLS"
]
]
],
"PLSRegression": [
[
"sklearn/cross_decomposition/pls_.py",
[
"PLSRegression"
]
]
],
"PLSCanonical": [
[
"sklearn/cross_decomposition/pls_.py",
[
"PLSCanonical"
]
]
],
"PLSSVD": [
[
"sklearn/cross_decomposition/pls_.py",
[
"PLSSVD"
]
]
],
"MockHTTPResponse": [
[
"sklearn/datasets/tests/test_openml.py",
[
"_monkey_patch_webbased_functions",
"MockHTTPResponse"
]
]
],
"_BasePCA": [
[
"sklearn/decomposition/base.py",
[
"_BasePCA"
]
]
],
"SparseCodingMixin": [
[
"sklearn/decomposition/dict_learning.py",
[
"SparseCodingMixin"
]
]
],
"SparseCoder": [
[
"sklearn/decomposition/dict_learning.py",
[
"SparseCoder"
]
]
],
"DictionaryLearning": [
[
"sklearn/decomposition/dict_learning.py",
[
"DictionaryLearning"
]
]
],
"MiniBatchDictionaryLearning": [
[
"sklearn/decomposition/dict_learning.py",
[
"MiniBatchDictionaryLearning"
]
]
],
"FactorAnalysis": [
[
"sklearn/decomposition/factor_analysis.py",
[
"FactorAnalysis"
]
]
],
"FastICA": [
[
"sklearn/decomposition/fastica_.py",
[
"FastICA"
]
]
],
"IncrementalPCA": [
[
"sklearn/decomposition/incremental_pca.py",
[
"IncrementalPCA"
]
]
],
"KernelPCA": [
[
"sklearn/decomposition/kernel_pca.py",
[
"KernelPCA"
]
]
],
"NMF": [
[
"sklearn/decomposition/nmf.py",
[
"NMF"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"NMF"
]
]
],
"LatentDirichletAllocation": [
[
"sklearn/decomposition/online_lda.py",
[
"LatentDirichletAllocation"
]
]
],
"PCA": [
[
"sklearn/decomposition/pca.py",
[
"PCA"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"PCA"
]
]
],
"SparsePCA": [
[
"sklearn/decomposition/sparse_pca.py",
[
"SparsePCA"
]
]
],
"MiniBatchSparsePCA": [
[
"sklearn/decomposition/sparse_pca.py",
[
"MiniBatchSparsePCA"
]
]
],
"TruncatedSVD": [
[
"sklearn/decomposition/truncated_svd.py",
[
"TruncatedSVD"
]
]
],
"LinearDiscriminantAnalysis": [
[
"sklearn/discriminant_analysis.py",
[
"LinearDiscriminantAnalysis"
]
]
],
"QuadraticDiscriminantAnalysis": [
[
"sklearn/discriminant_analysis.py",
[
"QuadraticDiscriminantAnalysis"
]
]
],
"DummyClassifier": [
[
"sklearn/dummy.py",
[
"DummyClassifier"
]
]
],
"DummyRegressor": [
[
"sklearn/dummy.py",
[
"DummyRegressor"
]
]
],
"LossFunction": [
[
"sklearn/ensemble/_gb_losses.py",
[
"LossFunction"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"LossFunction"
]
]
],
"RegressionLossFunction": [
[
"sklearn/ensemble/_gb_losses.py",
[
"RegressionLossFunction"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"RegressionLossFunction"
]
]
],
"LeastSquaresError": [
[
"sklearn/ensemble/_gb_losses.py",
[
"LeastSquaresError"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"LeastSquaresError"
]
]
],
"LeastAbsoluteError": [
[
"sklearn/ensemble/_gb_losses.py",
[
"LeastAbsoluteError"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"LeastAbsoluteError"
]
]
],
"HuberLossFunction": [
[
"sklearn/ensemble/_gb_losses.py",
[
"HuberLossFunction"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"HuberLossFunction"
]
]
],
"QuantileLossFunction": [
[
"sklearn/ensemble/_gb_losses.py",
[
"QuantileLossFunction"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"QuantileLossFunction"
]
]
],
"ClassificationLossFunction": [
[
"sklearn/ensemble/_gb_losses.py",
[
"ClassificationLossFunction"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"ClassificationLossFunction"
]
]
],
"BinomialDeviance": [
[
"sklearn/ensemble/_gb_losses.py",
[
"BinomialDeviance"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"BinomialDeviance"
]
]
],
"MultinomialDeviance": [
[
"sklearn/ensemble/_gb_losses.py",
[
"MultinomialDeviance"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"MultinomialDeviance"
]
]
],
"ExponentialLoss": [
[
"sklearn/ensemble/_gb_losses.py",
[
"ExponentialLoss"
]
],
[
"sklearn/ensemble/gradient_boosting.py",
[
"ExponentialLoss"
]
]
],
"_BinMapper": [
[
"sklearn/ensemble/_hist_gradient_boosting/binning.py",
[
"_BinMapper"
]
]
],
"BaseHistGradientBoosting": [
[
"sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py",
[
"BaseHistGradientBoosting"
]
]
],
"HistGradientBoostingRegressor": [
[
"sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py",
[
"HistGradientBoostingRegressor"
]
]
],
"HistGradientBoostingClassifier": [
[
"sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py",
[
"HistGradientBoostingClassifier"
]
]
],
"TreeNode": [
[
"sklearn/ensemble/_hist_gradient_boosting/grower.py",
[
"TreeNode"
]
]
],
"TreeGrower": [
[
"sklearn/ensemble/_hist_gradient_boosting/grower.py",
[
"TreeGrower"
]
]
],
"BaseLoss": [
[
"sklearn/ensemble/_hist_gradient_boosting/loss.py",
[
"BaseLoss"
]
]
],
"LeastSquares": [
[
"sklearn/ensemble/_hist_gradient_boosting/loss.py",
[
"LeastSquares"
]
]
],
"BinaryCrossEntropy": [
[
"sklearn/ensemble/_hist_gradient_boosting/loss.py",
[
"BinaryCrossEntropy"
]
]
],
"CategoricalCrossEntropy": [
[
"sklearn/ensemble/_hist_gradient_boosting/loss.py",
[
"CategoricalCrossEntropy"
]
]
],
"TreePredictor": [
[
"sklearn/ensemble/_hist_gradient_boosting/predictor.py",
[
"TreePredictor"
]
]
],
"BaseBagging": [
[
"sklearn/ensemble/bagging.py",
[
"BaseBagging"
]
]
],
"BaggingClassifier": [
[
"sklearn/ensemble/bagging.py",
[
"BaggingClassifier"
]
]
],
"BaggingRegressor": [
[
"sklearn/ensemble/bagging.py",
[
"BaggingRegressor"
]
]
],
"BaseEnsemble": [
[
"sklearn/ensemble/base.py",
[
"BaseEnsemble"
]
]
],
"BaseForest": [
[
"sklearn/ensemble/forest.py",
[
"BaseForest"
]
]
],
"ForestClassifier": [
[
"sklearn/ensemble/forest.py",
[
"ForestClassifier"
]
]
],
"ForestRegressor": [
[
"sklearn/ensemble/forest.py",
[
"ForestRegressor"
]
]
],
"RandomForestClassifier": [
[
"sklearn/ensemble/forest.py",
[
"RandomForestClassifier"
]
]
],
"RandomForestRegressor": [
[
"sklearn/ensemble/forest.py",
[
"RandomForestRegressor"
]
]
],
"ExtraTreesClassifier": [
[
"sklearn/ensemble/forest.py",
[
"ExtraTreesClassifier"
]
]
],
"ExtraTreesRegressor": [
[
"sklearn/ensemble/forest.py",
[
"ExtraTreesRegressor"
]
]
],
"RandomTreesEmbedding": [
[
"sklearn/ensemble/forest.py",
[
"RandomTreesEmbedding"
]
]
],
"QuantileEstimator": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"QuantileEstimator"
]
]
],
"MeanEstimator": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"MeanEstimator"
]
]
],
"LogOddsEstimator": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"LogOddsEstimator"
]
]
],
"ScaledLogOddsEstimator": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"ScaledLogOddsEstimator"
]
]
],
"PriorProbabilityEstimator": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"PriorProbabilityEstimator"
]
]
],
"ZeroEstimator": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"ZeroEstimator"
]
]
],
"VerboseReporter": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"VerboseReporter"
]
]
],
"BaseGradientBoosting": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"BaseGradientBoosting"
]
]
],
"GradientBoostingClassifier": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"GradientBoostingClassifier"
]
]
],
"GradientBoostingRegressor": [
[
"sklearn/ensemble/gradient_boosting.py",
[
"GradientBoostingRegressor"
]
]
],
"IsolationForest": [
[
"sklearn/ensemble/iforest.py",
[
"IsolationForest"
]
]
],
"CustomSVC": [
[
"sklearn/ensemble/tests/test_bagging.py",
[
"test_sparse_classification",
"CustomSVC"
]
],
[
"sklearn/ensemble/tests/test_weight_boosting.py",
[
"test_sparse_classification",
"CustomSVC"
]
]
],
"CustomSVR": [
[
"sklearn/ensemble/tests/test_bagging.py",
[
"test_sparse_regression",
"CustomSVR"
]
],
[
"sklearn/ensemble/tests/test_weight_boosting.py",
[
"test_sparse_regression",
"CustomSVR"
]
]
],
"DummySizeEstimator": [
[
"sklearn/ensemble/tests/test_bagging.py",
[
"DummySizeEstimator"
]
]
],
"DummyZeroEstimator": [
[
"sklearn/ensemble/tests/test_bagging.py",
[
"DummyZeroEstimator"
]
]
],
"AlphaParamPipeline": [
[
"sklearn/ensemble/tests/test_base.py",
[
"test_set_random_states",
"AlphaParamPipeline"
]
]
],
"RevParamPipeline": [
[
"sklearn/ensemble/tests/test_base.py",
[
"test_set_random_states",
"RevParamPipeline"
]
]
],
"MyBackend": [
[
"sklearn/ensemble/tests/test_forest.py",
[
"MyBackend"
]
]
],
"_NoSampleWeightWrapper": [
[
"sklearn/ensemble/tests/test_gradient_boosting.py",
[
"_NoSampleWeightWrapper"
]
]
],
"ClassifierErrorFit": [
[
"sklearn/ensemble/tests/test_voting.py",
[
"test_sample_weight",
"ClassifierErrorFit"
]
]
],
"MockClassifier": [
[
"sklearn/ensemble/tests/test_voting.py",
[
"test_sample_weight_kwargs",
"MockClassifier"
]
],
[
"sklearn/feature_selection/tests/test_rfe.py",
[
"MockClassifier"
]
],
[
"sklearn/model_selection/tests/test_search.py",
[
"MockClassifier"
]
],
[
"sklearn/model_selection/tests/test_split.py",
[
"MockClassifier"
]
],
[
"sklearn/model_selection/tests/test_validation.py",
[
"MockClassifier"
]
]
],
"MockEstimator": [
[
"sklearn/ensemble/tests/test_weight_boosting.py",
[
"test_samme_proba",
"MockEstimator"
]
]
],
"DummyEstimator": [
[
"sklearn/ensemble/tests/test_weight_boosting.py",
[
"test_sample_weight_adaboost_regressor",
"DummyEstimator"
]
],
[
"sklearn/tests/test_base.py",
[
"test_clone_pandas_dataframe",
"DummyEstimator"
]
]
],
"_BaseVoting": [
[
"sklearn/ensemble/voting.py",
[
"_BaseVoting"
]
]
],
"VotingClassifier": [
[
"sklearn/ensemble/voting.py",
[
"VotingClassifier"
]
]
],
"VotingRegressor": [
[
"sklearn/ensemble/voting.py",
[
"VotingRegressor"
]
]
],
"BaseWeightBoosting": [
[
"sklearn/ensemble/weight_boosting.py",
[
"BaseWeightBoosting"
]
]
],
"AdaBoostClassifier": [
[
"sklearn/ensemble/weight_boosting.py",
[
"AdaBoostClassifier"
]
]
],
"AdaBoostRegressor": [
[
"sklearn/ensemble/weight_boosting.py",
[
"AdaBoostRegressor"
]
]
],
"NotFittedError": [
[
"sklearn/exceptions.py",
[
"NotFittedError"
]
]
],
"ChangedBehaviorWarning": [
[
"sklearn/exceptions.py",
[
"ChangedBehaviorWarning"
]
]
],
"ConvergenceWarning": [
[
"sklearn/exceptions.py",
[
"ConvergenceWarning"
]
]
],
"DataConversionWarning": [
[
"sklearn/exceptions.py",
[
"DataConversionWarning"
]
]
],
"DataDimensionalityWarning": [
[
"sklearn/exceptions.py",
[
"DataDimensionalityWarning"
]
]
],
"EfficiencyWarning": [
[
"sklearn/exceptions.py",
[
"EfficiencyWarning"
]
]
],
"FitFailedWarning": [
[
"sklearn/exceptions.py",
[
"FitFailedWarning"
]
]
],
"NonBLASDotWarning": [
[
"sklearn/exceptions.py",
[
"NonBLASDotWarning"
]
]
],
"SkipTestWarning": [
[
"sklearn/exceptions.py",
[
"SkipTestWarning"
]
]
],
"UndefinedMetricWarning": [
[
"sklearn/exceptions.py",
[
"UndefinedMetricWarning"
]
]
],
"ArffException": [
[
"sklearn/externals/_arff.py",
[
"ArffException"
]
]
],
"BadRelationFormat": [
[
"sklearn/externals/_arff.py",
[
"BadRelationFormat"
]
]
],
"BadAttributeFormat": [
[
"sklearn/externals/_arff.py",
[
"BadAttributeFormat"
]
]
],
"BadDataFormat": [
[
"sklearn/externals/_arff.py",
[
"BadDataFormat"
]
]
],
"BadAttributeType": [
[
"sklearn/externals/_arff.py",
[
"BadAttributeType"
]
]
],
"BadAttributeName": [
[
"sklearn/externals/_arff.py",
[
"BadAttributeName"
]
]
],
"BadNominalValue": [
[
"sklearn/externals/_arff.py",
[
"BadNominalValue"
]
]
],
"BadNominalFormatting": [
[
"sklearn/externals/_arff.py",
[
"BadNominalFormatting"
]
]
],
"BadNumericalValue": [
[
"sklearn/externals/_arff.py",
[
"BadNumericalValue"
]
]
],
"BadStringValue": [
[
"sklearn/externals/_arff.py",
[
"BadStringValue"
]
]
],
"BadLayout": [
[
"sklearn/externals/_arff.py",
[
"BadLayout"
]
]
],
"BadObject": [
[
"sklearn/externals/_arff.py",
[
"BadObject"
]
]
],
"EncodedNominalConversor": [
[
"sklearn/externals/_arff.py",
[
"EncodedNominalConversor"
]
]
],
"NominalConversor": [
[
"sklearn/externals/_arff.py",
[
"NominalConversor"
]
]
],
"DenseGeneratorData": [
[
"sklearn/externals/_arff.py",
[
"DenseGeneratorData"
]
]
],
"_DataListMixin": [
[
"sklearn/externals/_arff.py",
[
"_DataListMixin"
]
]
],
"Data": [
[
"sklearn/externals/_arff.py",
[
"Data"
]
]
],
"COOData": [
[
"sklearn/externals/_arff.py",
[
"COOData"
]
]
],
"LODGeneratorData": [
[
"sklearn/externals/_arff.py",
[
"LODGeneratorData"
]
]
],
"LODData": [
[
"sklearn/externals/_arff.py",
[
"LODData"
]
]
],
"ArffDecoder": [
[
"sklearn/externals/_arff.py",
[
"ArffDecoder"
]
]
],
"ArffEncoder": [
[
"sklearn/externals/_arff.py",
[
"ArffEncoder"
]
]
],
"X": [
[
"sklearn/externals/six.py",
[
"if_PY3_",
"else_",
"if_sys_platform_startswit",
"else_",
"X"
]
]
],
"_LazyDescr": [
[
"sklearn/externals/six.py",
[
"_LazyDescr"
]
]
],
"MovedModule": [
[
"sklearn/externals/six.py",
[
"MovedModule"
]
]
],
"MovedAttribute": [
[
"sklearn/externals/six.py",
[
"MovedAttribute"
]
]
],
"_MovedItems": [
[
"sklearn/externals/six.py",
[
"_MovedItems"
]
]
],
"Module_six_moves_urllib_parse": [
[
"sklearn/externals/six.py",
[
"Module_six_moves_urllib_parse"
]
]
],
"Module_six_moves_urllib_error": [
[
"sklearn/externals/six.py",
[
"Module_six_moves_urllib_error"
]
]
],
"Module_six_moves_urllib_request": [
[
"sklearn/externals/six.py",
[
"Module_six_moves_urllib_request"
]
]
],
"Module_six_moves_urllib_response": [
[
"sklearn/externals/six.py",
[
"Module_six_moves_urllib_response"
]
]
],
"Module_six_moves_urllib_robotparser": [
[
"sklearn/externals/six.py",
[
"Module_six_moves_urllib_robotparser"
]
]
],
"Module_six_moves_urllib": [
[
"sklearn/externals/six.py",
[
"Module_six_moves_urllib"
]
]
],
"Iterator": [
[
"sklearn/externals/six.py",
[
"None_8",
"else_",
"Iterator"
]
]
],
"DictVectorizer": [
[
"sklearn/feature_extraction/dict_vectorizer.py",
[
"DictVectorizer"
]
]
],
"FeatureHasher": [
[
"sklearn/feature_extraction/hashing.py",
[
"FeatureHasher"
]
]
],
"PatchExtractor": [
[
"sklearn/feature_extraction/image.py",
[
"PatchExtractor"
]
]
],
"CustomEstimator": [
[
"sklearn/feature_extraction/tests/test_text.py",
[
"test_stop_word_validation_custom_preprocessor",
"CustomEstimator"
]
]
],
"VectorizerMixin": [
[
"sklearn/feature_extraction/text.py",
[
"VectorizerMixin"
]
]
],
"HashingVectorizer": [
[
"sklearn/feature_extraction/text.py",
[
"HashingVectorizer"
]
]
],
"CountVectorizer": [
[
"sklearn/feature_extraction/text.py",
[
"CountVectorizer"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"CountVectorizer"
]
]
],
"TfidfTransformer": [
[
"sklearn/feature_extraction/text.py",
[
"TfidfTransformer"
]
]
],
"TfidfVectorizer": [
[
"sklearn/feature_extraction/text.py",
[
"TfidfVectorizer"
]
]
],
"SelectorMixin": [
[
"sklearn/feature_selection/base.py",
[
"SelectorMixin"
]
]
],
"SelectFromModel": [
[
"sklearn/feature_selection/from_model.py",
[
"SelectFromModel"
]
]
],
"RFE": [
[
"sklearn/feature_selection/rfe.py",
[
"RFE"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"RFE"
]
]
],
"RFECV": [
[
"sklearn/feature_selection/rfe.py",
[
"RFECV"
]
]
],
"StepSelector": [
[
"sklearn/feature_selection/tests/test_base.py",
[
"StepSelector"
]
]
],
"FixedImportanceEstimator": [
[
"sklearn/feature_selection/tests/test_from_model.py",
[
"FixedImportanceEstimator"
]
]
],
"_BaseFilter": [
[
"sklearn/feature_selection/univariate_selection.py",
[
"_BaseFilter"
]
]
],
"SelectPercentile": [
[
"sklearn/feature_selection/univariate_selection.py",
[
"SelectPercentile"
]
]
],
"SelectKBest": [
[
"sklearn/feature_selection/univariate_selection.py",
[
"SelectKBest"
]
]
],
"SelectFpr": [
[
"sklearn/feature_selection/univariate_selection.py",
[
"SelectFpr"
]
]
],
"SelectFdr": [
[
"sklearn/feature_selection/univariate_selection.py",
[
"SelectFdr"
]
]
],
"SelectFwe": [
[
"sklearn/feature_selection/univariate_selection.py",
[
"SelectFwe"
]
]
],
"GenericUnivariateSelect": [
[
"sklearn/feature_selection/univariate_selection.py",
[
"GenericUnivariateSelect"
]
]
],
"VarianceThreshold": [
[
"sklearn/feature_selection/variance_threshold.py",
[
"VarianceThreshold"
]
]
],
"_BinaryGaussianProcessClassifierLaplace": [
[
"sklearn/gaussian_process/gpc.py",
[
"_BinaryGaussianProcessClassifierLaplace"
]
]
],
"GaussianProcessClassifier": [
[
"sklearn/gaussian_process/gpc.py",
[
"GaussianProcessClassifier"
]
]
],
"GaussianProcessRegressor": [
[
"sklearn/gaussian_process/gpr.py",
[
"GaussianProcessRegressor"
]
]
],
"Hyperparameter": [
[
"sklearn/gaussian_process/kernels.py",
[
"Hyperparameter"
]
]
],
"Kernel": [
[
"sklearn/gaussian_process/kernels.py",
[
"Kernel"
]
]
],
"NormalizedKernelMixin": [
[
"sklearn/gaussian_process/kernels.py",
[
"NormalizedKernelMixin"
]
]
],
"StationaryKernelMixin": [
[
"sklearn/gaussian_process/kernels.py",
[
"StationaryKernelMixin"
]
]
],
"CompoundKernel": [
[
"sklearn/gaussian_process/kernels.py",
[
"CompoundKernel"
]
]
],
"KernelOperator": [
[
"sklearn/gaussian_process/kernels.py",
[
"KernelOperator"
]
]
],
"Sum": [
[
"sklearn/gaussian_process/kernels.py",
[
"Sum"
]
]
],
"Product": [
[
"sklearn/gaussian_process/kernels.py",
[
"Product"
]
]
],
"Exponentiation": [
[
"sklearn/gaussian_process/kernels.py",
[
"Exponentiation"
]
]
],
"ConstantKernel": [
[
"sklearn/gaussian_process/kernels.py",
[
"ConstantKernel"
]
]
],
"WhiteKernel": [
[
"sklearn/gaussian_process/kernels.py",
[
"WhiteKernel"
]
]
],
"RBF": [
[
"sklearn/gaussian_process/kernels.py",
[
"RBF"
]
]
],
"Matern": [
[
"sklearn/gaussian_process/kernels.py",
[
"Matern"
]
]
],
"RationalQuadratic": [
[
"sklearn/gaussian_process/kernels.py",
[
"RationalQuadratic"
]
]
],
"ExpSineSquared": [
[
"sklearn/gaussian_process/kernels.py",
[
"ExpSineSquared"
]
]
],
"DotProduct": [
[
"sklearn/gaussian_process/kernels.py",
[
"DotProduct"
]
]
],
"PairwiseKernel": [
[
"sklearn/gaussian_process/kernels.py",
[
"PairwiseKernel"
]
]
],
"SimpleImputer": [
[
"sklearn/impute/_base.py",
[
"SimpleImputer"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"SimpleImputer"
]
]
],
"MissingIndicator": [
[
"sklearn/impute/_base.py",
[
"MissingIndicator"
]
]
],
"IterativeImputer": [
[
"sklearn/impute/_iterative.py",
[
"IterativeImputer"
]
]
],
"NoPredictProbaNoDecisionFunction": [
[
"sklearn/inspection/tests/test_partial_dependence.py",
[
"NoPredictProbaNoDecisionFunction"
]
]
],
"IsotonicRegression": [
[
"sklearn/isotonic.py",
[
"IsotonicRegression"
]
]
],
"RBFSampler": [
[
"sklearn/kernel_approximation.py",
[
"RBFSampler"
]
]
],
"SkewedChi2Sampler": [
[
"sklearn/kernel_approximation.py",
[
"SkewedChi2Sampler"
]
]
],
"AdditiveChi2Sampler": [
[
"sklearn/kernel_approximation.py",
[
"AdditiveChi2Sampler"
]
]
],
"Nystroem": [
[
"sklearn/kernel_approximation.py",
[
"Nystroem"
]
]
],
"KernelRidge": [
[
"sklearn/kernel_ridge.py",
[
"KernelRidge"
]
]
],
"LinearModel": [
[
"sklearn/linear_model/base.py",
[
"LinearModel"
]
]
],
"LinearClassifierMixin": [
[
"sklearn/linear_model/base.py",
[
"LinearClassifierMixin"
]
]
],
"SparseCoefMixin": [
[
"sklearn/linear_model/base.py",
[
"SparseCoefMixin"
]
]
],
"LinearRegression": [
[
"sklearn/linear_model/base.py",
[
"LinearRegression"
]
]
],
"BayesianRidge": [
[
"sklearn/linear_model/bayes.py",
[
"BayesianRidge"
]
]
],
"ARDRegression": [
[
"sklearn/linear_model/bayes.py",
[
"ARDRegression"
]
]
],
"ElasticNet": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"ElasticNet"
]
]
],
"Lasso": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"Lasso"
]
]
],
"LinearModelCV": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"LinearModelCV"
]
]
],
"LassoCV": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"LassoCV"
]
]
],
"ElasticNetCV": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"ElasticNetCV"
]
]
],
"MultiTaskElasticNet": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"MultiTaskElasticNet"
]
]
],
"MultiTaskLasso": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"MultiTaskLasso"
]
]
],
"MultiTaskElasticNetCV": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"MultiTaskElasticNetCV"
]
]
],
"MultiTaskLassoCV": [
[
"sklearn/linear_model/coordinate_descent.py",
[
"MultiTaskLassoCV"
]
]
],
"HuberRegressor": [
[
"sklearn/linear_model/huber.py",
[
"HuberRegressor"
]
]
],
"Lars": [
[
"sklearn/linear_model/least_angle.py",
[
"Lars"
]
]
],
"LassoLars": [
[
"sklearn/linear_model/least_angle.py",
[
"LassoLars"
]
]
],
"LarsCV": [
[
"sklearn/linear_model/least_angle.py",
[
"LarsCV"
]
]
],
"LassoLarsCV": [
[
"sklearn/linear_model/least_angle.py",
[
"LassoLarsCV"
]
]
],
"LassoLarsIC": [
[
"sklearn/linear_model/least_angle.py",
[
"LassoLarsIC"
]
]
],
"LogisticRegression": [
[
"sklearn/linear_model/logistic.py",
[
"LogisticRegression"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"LogisticRegression"
]
]
],
"LogisticRegressionCV": [
[
"sklearn/linear_model/logistic.py",
[
"LogisticRegressionCV"
]
]
],
"OrthogonalMatchingPursuit": [
[
"sklearn/linear_model/omp.py",
[
"OrthogonalMatchingPursuit"
]
]
],
"OrthogonalMatchingPursuitCV": [
[
"sklearn/linear_model/omp.py",
[
"OrthogonalMatchingPursuitCV"
]
]
],
"PassiveAggressiveClassifier": [
[
"sklearn/linear_model/passive_aggressive.py",
[
"PassiveAggressiveClassifier"
]
]
],
"PassiveAggressiveRegressor": [
[
"sklearn/linear_model/passive_aggressive.py",
[
"PassiveAggressiveRegressor"
]
]
],
"Perceptron": [
[
"sklearn/linear_model/perceptron.py",
[
"Perceptron"
]
]
],
"RANSACRegressor": [
[
"sklearn/linear_model/ransac.py",
[
"RANSACRegressor"
]
]
],
"_BaseRidge": [
[
"sklearn/linear_model/ridge.py",
[
"_BaseRidge"
]
]
],
"Ridge": [
[
"sklearn/linear_model/ridge.py",
[
"Ridge"
]
]
],
"RidgeClassifier": [
[
"sklearn/linear_model/ridge.py",
[
"RidgeClassifier"
]
]
],
"_X_CenterStackOp": [
[
"sklearn/linear_model/ridge.py",
[
"_X_CenterStackOp"
]
]
],
"_XT_CenterStackOp": [
[
"sklearn/linear_model/ridge.py",
[
"_XT_CenterStackOp"
]
]
],
"_RidgeGCV": [
[
"sklearn/linear_model/ridge.py",
[
"_RidgeGCV"
]
]
],
"_BaseRidgeCV": [
[
"sklearn/linear_model/ridge.py",
[
"_BaseRidgeCV"
]
]
],
"RidgeCV": [
[
"sklearn/linear_model/ridge.py",
[
"RidgeCV"
]
]
],
"RidgeClassifierCV": [
[
"sklearn/linear_model/ridge.py",
[
"RidgeClassifierCV"
]
]
],
"_ValidationScoreCallback": [
[
"sklearn/linear_model/stochastic_gradient.py",
[
"_ValidationScoreCallback"
]
]
],
"BaseSGD": [
[
"sklearn/linear_model/stochastic_gradient.py",
[
"BaseSGD"
]
]
],
"BaseSGDClassifier": [
[
"sklearn/linear_model/stochastic_gradient.py",
[
"BaseSGDClassifier"
]
]
],
"SGDClassifier": [
[
"sklearn/linear_model/stochastic_gradient.py",
[
"SGDClassifier"
]
]
],
"BaseSGDRegressor": [
[
"sklearn/linear_model/stochastic_gradient.py",
[
"BaseSGDRegressor"
]
]
],
"SGDRegressor": [
[
"sklearn/linear_model/stochastic_gradient.py",
[
"SGDRegressor"
]
]
],
"MockScorer": [
[
"sklearn/linear_model/tests/test_logistic.py",
[
"test_logistic_cv_mock_scorer",
"MockScorer"
]
]
],
"MyPassiveAggressive": [
[
"sklearn/linear_model/tests/test_passive_aggressive.py",
[
"MyPassiveAggressive"
]
]
],
"MyPerceptron": [
[
"sklearn/linear_model/tests/test_perceptron.py",
[
"MyPerceptron"
]
]
],
"_SparseSGDClassifier": [
[
"sklearn/linear_model/tests/test_sgd.py",
[
"_SparseSGDClassifier"
]
]
],
"_SparseSGDRegressor": [
[
"sklearn/linear_model/tests/test_sgd.py",
[
"_SparseSGDRegressor"
]
]
],
"TheilSenRegressor": [
[
"sklearn/linear_model/theil_sen.py",
[
"TheilSenRegressor"
]
]
],
"Isomap": [
[
"sklearn/manifold/isomap.py",
[
"Isomap"
]
]
],
"LocallyLinearEmbedding": [
[
"sklearn/manifold/locally_linear.py",
[
"LocallyLinearEmbedding"
]
]
],
"MDS": [
[
"sklearn/manifold/mds.py",
[
"MDS"
]
]
],
"SpectralEmbedding": [
[
"sklearn/manifold/spectral_embedding_.py",
[
"SpectralEmbedding"
]
]
],
"TSNE": [
[
"sklearn/manifold/t_sne.py",
[
"TSNE"
]
]
],
"ObjectiveSmallGradient": [
[
"sklearn/manifold/tests/test_t_sne.py",
[
"test_gradient_descent_stops",
"ObjectiveSmallGradient"
]
]
],
"_BaseScorer": [
[
"sklearn/metrics/scorer.py",
[
"_BaseScorer"
]
]
],
"_PredictScorer": [
[
"sklearn/metrics/scorer.py",
[
"_PredictScorer"
]
]
],
"_ProbaScorer": [
[
"sklearn/metrics/scorer.py",
[
"_ProbaScorer"
]
]
],
"_ThresholdScorer": [
[
"sklearn/metrics/scorer.py",
[
"_ThresholdScorer"
]
]
],
"EstimatorWithoutFit": [
[
"sklearn/metrics/tests/test_score_objects.py",
[
"EstimatorWithoutFit"
]
]
],
"EstimatorWithFit": [
[
"sklearn/metrics/tests/test_score_objects.py",
[
"EstimatorWithFit"
]
]
],
"EstimatorWithFitAndScore": [
[
"sklearn/metrics/tests/test_score_objects.py",
[
"EstimatorWithFitAndScore"
]
]
],
"EstimatorWithFitAndPredict": [
[
"sklearn/metrics/tests/test_score_objects.py",
[
"EstimatorWithFitAndPredict"
]
]
],
"DummyScorer": [
[
"sklearn/metrics/tests/test_score_objects.py",
[
"DummyScorer"
]
]
],
"BaseMixture": [
[
"sklearn/mixture/base.py",
[
"BaseMixture"
]
]
],
"BayesianGaussianMixture": [
[
"sklearn/mixture/bayesian_mixture.py",
[
"BayesianGaussianMixture"
]
]
],
"GaussianMixture": [
[
"sklearn/mixture/gaussian_mixture.py",
[
"GaussianMixture"
]
]
],
"RandomData": [
[
"sklearn/mixture/tests/test_gaussian_mixture.py",
[
"RandomData"
]
]
],
"ParameterGrid": [
[
"sklearn/model_selection/_search.py",
[
"ParameterGrid"
]
]
],
"ParameterSampler": [
[
"sklearn/model_selection/_search.py",
[
"ParameterSampler"
]
]
],
"BaseSearchCV": [
[
"sklearn/model_selection/_search.py",
[
"BaseSearchCV"
]
]
],
"GridSearchCV": [
[
"sklearn/model_selection/_search.py",
[
"GridSearchCV"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"GridSearchCV"
]
]
],
"RandomizedSearchCV": [
[
"sklearn/model_selection/_search.py",
[
"RandomizedSearchCV"
]
]
],
"BaseCrossValidator": [
[
"sklearn/model_selection/_split.py",
[
"BaseCrossValidator"
]
]
],
"LeaveOneOut": [
[
"sklearn/model_selection/_split.py",
[
"LeaveOneOut"
]
]
],
"LeavePOut": [
[
"sklearn/model_selection/_split.py",
[
"LeavePOut"
]
]
],
"_BaseKFold": [
[
"sklearn/model_selection/_split.py",
[
"_BaseKFold"
]
]
],
"KFold": [
[
"sklearn/model_selection/_split.py",
[
"KFold"
]
]
],
"GroupKFold": [
[
"sklearn/model_selection/_split.py",
[
"GroupKFold"
]
]
],
"StratifiedKFold": [
[
"sklearn/model_selection/_split.py",
[
"StratifiedKFold"
]
]
],
"TimeSeriesSplit": [
[
"sklearn/model_selection/_split.py",
[
"TimeSeriesSplit"
]
]
],
"LeaveOneGroupOut": [
[
"sklearn/model_selection/_split.py",
[
"LeaveOneGroupOut"
]
]
],
"LeavePGroupsOut": [
[
"sklearn/model_selection/_split.py",
[
"LeavePGroupsOut"
]
]
],
"_RepeatedSplits": [
[
"sklearn/model_selection/_split.py",
[
"_RepeatedSplits"
]
]
],
"RepeatedKFold": [
[
"sklearn/model_selection/_split.py",
[
"RepeatedKFold"
]
]
],
"RepeatedStratifiedKFold": [
[
"sklearn/model_selection/_split.py",
[
"RepeatedStratifiedKFold"
]
]
],
"BaseShuffleSplit": [
[
"sklearn/model_selection/_split.py",
[
"BaseShuffleSplit"
]
]
],
"ShuffleSplit": [
[
"sklearn/model_selection/_split.py",
[
"ShuffleSplit"
]
]
],
"GroupShuffleSplit": [
[
"sklearn/model_selection/_split.py",
[
"GroupShuffleSplit"
]
]
],
"StratifiedShuffleSplit": [
[
"sklearn/model_selection/_split.py",
[
"StratifiedShuffleSplit"
]
]
],
"PredefinedSplit": [
[
"sklearn/model_selection/_split.py",
[
"PredefinedSplit"
]
]
],
"_CVIterableWrapper": [
[
"sklearn/model_selection/_split.py",
[
"_CVIterableWrapper"
]
]
],
"OneTimeSplitter": [
[
"sklearn/model_selection/tests/common.py",
[
"OneTimeSplitter"
]
]
],
"LinearSVCNoScore": [
[
"sklearn/model_selection/tests/test_search.py",
[
"LinearSVCNoScore"
]
]
],
"BrokenClassifier": [
[
"sklearn/model_selection/tests/test_search.py",
[
"BrokenClassifier"
]
]
],
"FailingClassifier": [
[
"sklearn/model_selection/tests/test_search.py",
[
"FailingClassifier"
]
]
],
"CustomSearchCV": [
[
"sklearn/model_selection/tests/test_search.py",
[
"test_custom_run_search",
"CustomSearchCV"
]
]
],
"NoRunSearchSearchCV": [
[
"sklearn/model_selection/tests/test_search.py",
[
"test__custom_fit_no_run_search",
"NoRunSearchSearchCV"
]
]
],
"BadSearchCV": [
[
"sklearn/model_selection/tests/test_search.py",
[
"test__custom_fit_no_run_search",
"BadSearchCV"
]
]
],
"BrokenKFold": [
[
"sklearn/model_selection/tests/test_search.py",
[
"test_random_search_bad_cv",
"BrokenKFold"
]
]
],
"MockSplitter": [
[
"sklearn/model_selection/tests/test_split.py",
[
"test_build_repr",
"MockSplitter"
]
]
],
"MockImprovingEstimator": [
[
"sklearn/model_selection/tests/test_validation.py",
[
"MockImprovingEstimator"
]
]
],
"MockIncrementalImprovingEstimator": [
[
"sklearn/model_selection/tests/test_validation.py",
[
"MockIncrementalImprovingEstimator"
]
]
],
"MockEstimatorWithParameter": [
[
"sklearn/model_selection/tests/test_validation.py",
[
"MockEstimatorWithParameter"
]
]
],
"MockEstimatorWithSingleFitCallAllowed": [
[
"sklearn/model_selection/tests/test_validation.py",
[
"MockEstimatorWithSingleFitCallAllowed"
]
]
],
"BrokenEstimator": [
[
"sklearn/model_selection/tests/test_validation.py",
[
"test_cross_val_score_errors",
"BrokenEstimator"
]
]
],
"BadCV": [
[
"sklearn/model_selection/tests/test_validation.py",
[
"test_cross_val_predict",
"BadCV"
]
]
],
"RFWithDecisionFunction": [
[
"sklearn/model_selection/tests/test_validation.py",
[
"RFWithDecisionFunction"
]
]
],
"_ConstantPredictor": [
[
"sklearn/multiclass.py",
[
"_ConstantPredictor"
]
]
],
"OneVsRestClassifier": [
[
"sklearn/multiclass.py",
[
"OneVsRestClassifier"
]
]
],
"OneVsOneClassifier": [
[
"sklearn/multiclass.py",
[
"OneVsOneClassifier"
]
]
],
"OutputCodeClassifier": [
[
"sklearn/multiclass.py",
[
"OutputCodeClassifier"
]
]
],
"MultiOutputEstimator": [
[
"sklearn/multioutput.py",
[
"MultiOutputEstimator"
]
]
],
"MultiOutputRegressor": [
[
"sklearn/multioutput.py",
[
"MultiOutputRegressor"
]
]
],
"MultiOutputClassifier": [
[
"sklearn/multioutput.py",
[
"MultiOutputClassifier"
]
]
],
"_BaseChain": [
[
"sklearn/multioutput.py",
[
"_BaseChain"
]
]
],
"ClassifierChain": [
[
"sklearn/multioutput.py",
[
"ClassifierChain"
]
]
],
"RegressorChain": [
[
"sklearn/multioutput.py",
[
"RegressorChain"
]
]
],
"BaseNB": [
[
"sklearn/naive_bayes.py",
[
"BaseNB"
]
]
],
"GaussianNB": [
[
"sklearn/naive_bayes.py",
[
"GaussianNB"
]
]
],
"BaseDiscreteNB": [
[
"sklearn/naive_bayes.py",
[
"BaseDiscreteNB"
]
]
],
"MultinomialNB": [
[
"sklearn/naive_bayes.py",
[
"MultinomialNB"
]
]
],
"ComplementNB": [
[
"sklearn/naive_bayes.py",
[
"ComplementNB"
]
]
],
"BernoulliNB": [
[
"sklearn/naive_bayes.py",
[
"BernoulliNB"
]
]
],
"NeighborsBase": [
[
"sklearn/neighbors/base.py",
[
"NeighborsBase"
]
]
],
"KNeighborsMixin": [
[
"sklearn/neighbors/base.py",
[
"KNeighborsMixin"
]
]
],
"RadiusNeighborsMixin": [
[
"sklearn/neighbors/base.py",
[
"RadiusNeighborsMixin"
]
]
],
"SupervisedFloatMixin": [
[
"sklearn/neighbors/base.py",
[
"SupervisedFloatMixin"
]
]
],
"SupervisedIntegerMixin": [
[
"sklearn/neighbors/base.py",
[
"SupervisedIntegerMixin"
]
]
],
"UnsupervisedMixin": [
[
"sklearn/neighbors/base.py",
[
"UnsupervisedMixin"
]
]
],
"KNeighborsClassifier": [
[
"sklearn/neighbors/classification.py",
[
"KNeighborsClassifier"
]
]
],
"RadiusNeighborsClassifier": [
[
"sklearn/neighbors/classification.py",
[
"RadiusNeighborsClassifier"
]
]
],
"KernelDensity": [
[
"sklearn/neighbors/kde.py",
[
"KernelDensity"
]
]
],
"LocalOutlierFactor": [
[
"sklearn/neighbors/lof.py",
[
"LocalOutlierFactor"
]
]
],
"NeighborhoodComponentsAnalysis": [
[
"sklearn/neighbors/nca.py",
[
"NeighborhoodComponentsAnalysis"
]
]
],
"NearestCentroid": [
[
"sklearn/neighbors/nearest_centroid.py",
[
"NearestCentroid"
]
]
],
"KNeighborsRegressor": [
[
"sklearn/neighbors/regression.py",
[
"KNeighborsRegressor"
]
]
],
"RadiusNeighborsRegressor": [
[
"sklearn/neighbors/regression.py",
[
"RadiusNeighborsRegressor"
]
]
],
"LossStorer": [
[
"sklearn/neighbors/tests/test_nca.py",
[
"test_toy_example_collapse_points",
"LossStorer"
]
]
],
"TransformationStorer": [
[
"sklearn/neighbors/tests/test_nca.py",
[
"test_expected_transformation_shape",
"TransformationStorer"
]
]
],
"NearestNeighbors": [
[
"sklearn/neighbors/unsupervised.py",
[
"NearestNeighbors"
]
]
],
"BaseOptimizer": [
[
"sklearn/neural_network/_stochastic_optimizers.py",
[
"BaseOptimizer"
]
]
],
"SGDOptimizer": [
[
"sklearn/neural_network/_stochastic_optimizers.py",
[
"SGDOptimizer"
]
]
],
"AdamOptimizer": [
[
"sklearn/neural_network/_stochastic_optimizers.py",
[
"AdamOptimizer"
]
]
],
"BaseMultilayerPerceptron": [
[
"sklearn/neural_network/multilayer_perceptron.py",
[
"BaseMultilayerPerceptron"
]
]
],
"MLPClassifier": [
[
"sklearn/neural_network/multilayer_perceptron.py",
[
"MLPClassifier"
]
]
],
"MLPRegressor": [
[
"sklearn/neural_network/multilayer_perceptron.py",
[
"MLPRegressor"
]
]
],
"BernoulliRBM": [
[
"sklearn/neural_network/rbm.py",
[
"BernoulliRBM"
]
]
],
"Pipeline": [
[
"sklearn/pipeline.py",
[
"Pipeline"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"Pipeline"
]
]
],
"FeatureUnion": [
[
"sklearn/pipeline.py",
[
"FeatureUnion"
]
]
],
"KBinsDiscretizer": [
[
"sklearn/preprocessing/_discretization.py",
[
"KBinsDiscretizer"
]
]
],
"_BaseEncoder": [
[
"sklearn/preprocessing/_encoders.py",
[
"_BaseEncoder"
]
]
],
"OneHotEncoder": [
[
"sklearn/preprocessing/_encoders.py",
[
"OneHotEncoder"
]
]
],
"OrdinalEncoder": [
[
"sklearn/preprocessing/_encoders.py",
[
"OrdinalEncoder"
]
]
],
"FunctionTransformer": [
[
"sklearn/preprocessing/_function_transformer.py",
[
"FunctionTransformer"
]
]
],
"MinMaxScaler": [
[
"sklearn/preprocessing/data.py",
[
"MinMaxScaler"
]
]
],
"StandardScaler": [
[
"sklearn/preprocessing/data.py",
[
"StandardScaler"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"StandardScaler"
]
]
],
"MaxAbsScaler": [
[
"sklearn/preprocessing/data.py",
[
"MaxAbsScaler"
]
]
],
"RobustScaler": [
[
"sklearn/preprocessing/data.py",
[
"RobustScaler"
]
]
],
"PolynomialFeatures": [
[
"sklearn/preprocessing/data.py",
[
"PolynomialFeatures"
]
]
],
"Normalizer": [
[
"sklearn/preprocessing/data.py",
[
"Normalizer"
]
]
],
"Binarizer": [
[
"sklearn/preprocessing/data.py",
[
"Binarizer"
]
]
],
"KernelCenterer": [
[
"sklearn/preprocessing/data.py",
[
"KernelCenterer"
]
]
],
"QuantileTransformer": [
[
"sklearn/preprocessing/data.py",
[
"QuantileTransformer"
]
]
],
"PowerTransformer": [
[
"sklearn/preprocessing/data.py",
[
"PowerTransformer"
]
]
],
"LabelEncoder": [
[
"sklearn/preprocessing/label.py",
[
"LabelEncoder"
]
]
],
"LabelBinarizer": [
[
"sklearn/preprocessing/label.py",
[
"LabelBinarizer"
]
]
],
"MultiLabelBinarizer": [
[
"sklearn/preprocessing/label.py",
[
"MultiLabelBinarizer"
]
]
],
"BaseRandomProjection": [
[
"sklearn/random_projection.py",
[
"BaseRandomProjection"
]
]
],
"GaussianRandomProjection": [
[
"sklearn/random_projection.py",
[
"GaussianRandomProjection"
]
]
],
"SparseRandomProjection": [
[
"sklearn/random_projection.py",
[
"SparseRandomProjection"
]
]
],
"BaseLabelPropagation": [
[
"sklearn/semi_supervised/label_propagation.py",
[
"BaseLabelPropagation"
]
]
],
"LabelPropagation": [
[
"sklearn/semi_supervised/label_propagation.py",
[
"LabelPropagation"
]
]
],
"LabelSpreading": [
[
"sklearn/semi_supervised/label_propagation.py",
[
"LabelSpreading"
]
]
],
"BaseLibSVM": [
[
"sklearn/svm/base.py",
[
"BaseLibSVM"
]
]
],
"BaseSVC": [
[
"sklearn/svm/base.py",
[
"BaseSVC"
]
]
],
"LinearSVC": [
[
"sklearn/svm/classes.py",
[
"LinearSVC"
]
]
],
"LinearSVR": [
[
"sklearn/svm/classes.py",
[
"LinearSVR"
]
]
],
"SVC": [
[
"sklearn/svm/classes.py",
[
"SVC"
]
],
[
"sklearn/utils/tests/test_pprint.py",
[
"SVC"
]
]
],
"NuSVC": [
[
"sklearn/svm/classes.py",
[
"NuSVC"
]
]
],
"SVR": [
[
"sklearn/svm/classes.py",
[
"SVR"
]
]
],
"NuSVR": [
[
"sklearn/svm/classes.py",
[
"NuSVR"
]
]
],
"OneClassSVM": [
[
"sklearn/svm/classes.py",
[
"OneClassSVM"
]
]
],
"MyEstimator": [
[
"sklearn/tests/test_base.py",
[
"MyEstimator"
]
]
],
"K": [
[
"sklearn/tests/test_base.py",
[
"K"
]
]
],
"T": [
[
"sklearn/tests/test_base.py",
[
"T"
]
]
],
"NaNTag": [
[
"sklearn/tests/test_base.py",
[
"NaNTag"
]
]
],
"NoNaNTag": [
[
"sklearn/tests/test_base.py",
[
"NoNaNTag"
]
]
],
"OverrideTag": [
[
"sklearn/tests/test_base.py",
[
"OverrideTag"
]
]
],
"DiamondOverwriteTag": [
[
"sklearn/tests/test_base.py",
[
"DiamondOverwriteTag"
]
]
],
"ModifyInitParams": [
[
"sklearn/tests/test_base.py",
[
"ModifyInitParams"
]
]
],
"Buggy": [
[
"sklearn/tests/test_base.py",
[
"Buggy"
]
]
],
"NoEstimator": [
[
"sklearn/tests/test_base.py",
[
"NoEstimator"
]
]
],
"VargEstimator": [
[
"sklearn/tests/test_base.py",
[
"VargEstimator"
]
]
],
"TestDecisionTree": [
[
"sklearn/tests/test_base.py",
[
"test_set_params_passes_all_parameters",
"TestDecisionTree"
]
]
],
"TreeBadVersion": [
[
"sklearn/tests/test_base.py",
[
"TreeBadVersion"
]
]
],
"TreeNoVersion": [
[
"sklearn/tests/test_base.py",
[
"TreeNoVersion"
]
]
],
"DontPickleAttributeMixin": [
[
"sklearn/tests/test_base.py",
[
"DontPickleAttributeMixin"
]
]
],
"MultiInheritanceEstimator": [
[
"sklearn/tests/test_base.py",
[
"MultiInheritanceEstimator"
]
]
],
"SingleInheritanceEstimator": [
[
"sklearn/tests/test_base.py",
[
"SingleInheritanceEstimator"
]
]
],
"MockTensorClassifier": [
[
"sklearn/tests/test_calibration.py",
[
"test_calibration_accepts_ndarray",
"MockTensorClassifier"
]
]
],
"DelegatorData": [
[
"sklearn/tests/test_metaestimators.py",
[
"DelegatorData"
]
]
],
"SubEstimator": [
[
"sklearn/tests/test_metaestimators.py",
[
"test_metaestimator_delegation",
"SubEstimator"
]
]
],
"NoFit": [
[
"sklearn/tests/test_pipeline.py",
[
"NoFit"
]
]
],
"NoInvTransf": [
[
"sklearn/tests/test_pipeline.py",
[
"NoInvTransf"
]
]
],
"Transf": [
[
"sklearn/tests/test_pipeline.py",
[
"Transf"
]
]
],
"TransfFitParams": [
[
"sklearn/tests/test_pipeline.py",
[
"TransfFitParams"
]
]
],
"Mult": [
[
"sklearn/tests/test_pipeline.py",
[
"Mult"
]
]
],
"FitParamT": [
[
"sklearn/tests/test_pipeline.py",
[
"FitParamT"
]
]
],
"DummyTransf": [
[
"sklearn/tests/test_pipeline.py",
[
"DummyTransf"
]
]
],
"DummyEstimatorParams": [
[
"sklearn/tests/test_pipeline.py",
[
"DummyEstimatorParams"
]
]
],
"DummyMemory": [
[
"sklearn/tests/test_pipeline.py",
[
"DummyMemory"
]
],
[
"sklearn/utils/tests/test_validation.py",
[
"DummyMemory"
]
]
],
"WrongDummyMemory": [
[
"sklearn/tests/test_pipeline.py",
[
"WrongDummyMemory"
]
],
[
"sklearn/utils/tests/test_validation.py",
[
"WrongDummyMemory"
]
]
],
"DrawTree": [
[
"sklearn/tree/_reingold_tilford.py",
[
"DrawTree"
]
]
],
"Tree": [
[
"sklearn/tree/_reingold_tilford.py",
[
"Tree"
]
]
],
"Sentinel": [
[
"sklearn/tree/export.py",
[
"Sentinel"
]
]
],
"_BaseTreeExporter": [
[
"sklearn/tree/export.py",
[
"_BaseTreeExporter"
]
]
],
"_DOTTreeExporter": [
[
"sklearn/tree/export.py",
[
"_DOTTreeExporter"
]
]
],
"_MPLTreeExporter": [
[
"sklearn/tree/export.py",
[
"_MPLTreeExporter"
]
]
],
"BaseDecisionTree": [
[
"sklearn/tree/tree.py",
[
"BaseDecisionTree"
]
]
],
"DecisionTreeClassifier": [
[
"sklearn/tree/tree.py",
[
"DecisionTreeClassifier"
]
]
],
"DecisionTreeRegressor": [
[
"sklearn/tree/tree.py",
[
"DecisionTreeRegressor"
]
]
],
"ExtraTreeClassifier": [
[
"sklearn/tree/tree.py",
[
"ExtraTreeClassifier"
]
]
],
"ExtraTreeRegressor": [
[
"sklearn/tree/tree.py",
[
"ExtraTreeRegressor"
]
]
],
"Memory": [
[
"sklearn/utils/__init__.py",
[
"Memory"
]
]
],
"Parallel": [
[
"sklearn/utils/__init__.py",
[
"Parallel"
]
]
],
"Bunch": [
[
"sklearn/utils/__init__.py",
[
"Bunch"
]
]
],
"KeyValTuple": [
[
"sklearn/utils/_pprint.py",
[
"KeyValTuple"
]
]
],
"KeyValTupleParam": [
[
"sklearn/utils/_pprint.py",
[
"KeyValTupleParam"
]
]
],
"_EstimatorPrettyPrinter": [
[
"sklearn/utils/_pprint.py",
[
"_EstimatorPrettyPrinter"
]
]
],
"_BaseTestCaseContext": [
[
"sklearn/utils/_unittest_backport.py",
[
"_BaseTestCaseContext"
]
]
],
"_AssertRaisesBaseContext": [
[
"sklearn/utils/_unittest_backport.py",
[
"_AssertRaisesBaseContext"
]
]
],
"_AssertRaisesContext": [
[
"sklearn/utils/_unittest_backport.py",
[
"_AssertRaisesContext"
]
]
],
"TestCase": [
[
"sklearn/utils/_unittest_backport.py",
[
"TestCase"
]
]
],
"deprecated": [
[
"sklearn/utils/deprecation.py",
[
"deprecated"
]
]
],
"NotAnArray": [
[
"sklearn/utils/estimator_checks.py",
[
"NotAnArray"
]
],
[
"sklearn/utils/tests/test_multiclass.py",
[
"NotAnArray"
]
]
],
"MaskedArray": [
[
"sklearn/utils/fixes.py",
[
"if_np_version_1_12_",
"MaskedArray"
]
]
],
"_HungarianState": [
[
"sklearn/utils/linear_assignment_.py",
[
"_HungarianState"
]
]
],
"_BaseComposition": [
[
"sklearn/utils/metaestimators.py",
[
"_BaseComposition"
]
]
],
"_IffHasAttrDescriptor": [
[
"sklearn/utils/metaestimators.py",
[
"_IffHasAttrDescriptor"
]
]
],
"ArraySlicingWrapper": [
[
"sklearn/utils/mocking.py",
[
"ArraySlicingWrapper"
]
]
],
"MockDataFrame": [
[
"sklearn/utils/mocking.py",
[
"MockDataFrame"
]
]
],
"CheckingClassifier": [
[
"sklearn/utils/mocking.py",
[
"CheckingClassifier"
]
]
],
"_LineSearchError": [
[
"sklearn/utils/optimize.py",
[
"_LineSearchError"
]
]
],
"_IgnoreWarnings": [
[
"sklearn/utils/testing.py",
[
"_IgnoreWarnings"
]
]
],
"TempMemmap": [
[
"sklearn/utils/testing.py",
[
"TempMemmap"
]
]
],
"MockClass1": [
[
"sklearn/utils/tests/test_deprecation.py",
[
"MockClass1"
]
]
],
"MockClass2": [
[
"sklearn/utils/tests/test_deprecation.py",
[
"MockClass2"
]
]
],
"MockClass3": [
[
"sklearn/utils/tests/test_deprecation.py",
[
"MockClass3"
]
]
],
"MockClass4": [
[
"sklearn/utils/tests/test_deprecation.py",
[
"MockClass4"
]
]
],
"CorrectNotFittedError": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"CorrectNotFittedError"
]
]
],
"BaseBadClassifier": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"BaseBadClassifier"
]
]
],
"ChangesDict": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"ChangesDict"
]
]
],
"SetsWrongAttribute": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"SetsWrongAttribute"
]
]
],
"ChangesWrongAttribute": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"ChangesWrongAttribute"
]
]
],
"ChangesUnderscoreAttribute": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"ChangesUnderscoreAttribute"
]
]
],
"RaisesErrorInSetParams": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"RaisesErrorInSetParams"
]
]
],
"ModifiesValueInsteadOfRaisingError": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"ModifiesValueInsteadOfRaisingError"
]
]
],
"ModifiesAnotherValue": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"ModifiesAnotherValue"
]
]
],
"NoCheckinPredict": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"NoCheckinPredict"
]
]
],
"NoSparseClassifier": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"NoSparseClassifier"
]
]
],
"CorrectNotFittedErrorClassifier": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"CorrectNotFittedErrorClassifier"
]
]
],
"NoSampleWeightPandasSeriesType": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"NoSampleWeightPandasSeriesType"
]
]
],
"BadBalancedWeightsClassifier": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"BadBalancedWeightsClassifier"
]
]
],
"BadTransformerWithoutMixin": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"BadTransformerWithoutMixin"
]
]
],
"NotInvariantPredict": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"NotInvariantPredict"
]
]
],
"LargeSparseNotSupportedClassifier": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"LargeSparseNotSupportedClassifier"
]
]
],
"SparseTransformer": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"SparseTransformer"
]
]
],
"UntaggedBinaryClassifier": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"UntaggedBinaryClassifier"
]
]
],
"TaggedBinaryClassifier": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"TaggedBinaryClassifier"
]
]
],
"TestEstimatorWithDeprecatedFitMethod": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"test_check_fit_score_takes_y_works_on_deprecated_fit",
"TestEstimatorWithDeprecatedFitMethod"
]
]
],
"NonConformantEstimatorPrivateSet": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"test_check_no_attributes_set_in_init",
"NonConformantEstimatorPrivateSet"
]
]
],
"NonConformantEstimatorNoParamSet": [
[
"sklearn/utils/tests/test_estimator_checks.py",
[
"test_check_no_attributes_set_in_init",
"NonConformantEstimatorNoParamSet"
]
]
],
"Prefix": [
[
"sklearn/utils/tests/test_metaestimators.py",
[
"Prefix"
]
]
],
"MockMetaEstimator": [
[
"sklearn/utils/tests/test_metaestimators.py",
[
"MockMetaEstimator"
]
],
[
"sklearn/utils/tests/test_testing.py",
[
"MockMetaEstimator"
]
]
],
"MetaEst": [
[
"sklearn/utils/tests/test_metaestimators.py",
[
"MetaEst"
]
]
],
"MetaEstTestTuple": [
[
"sklearn/utils/tests/test_metaestimators.py",
[
"MetaEstTestTuple"
]
]
],
"MetaEstTestList": [
[
"sklearn/utils/tests/test_metaestimators.py",
[
"MetaEstTestList"
]
]
],
"HasPredict": [
[
"sklearn/utils/tests/test_metaestimators.py",
[
"HasPredict"
]
]
],
"HasNoPredict": [
[
"sklearn/utils/tests/test_metaestimators.py",
[
"HasNoPredict"
]
]
],
"TestWarns": [
[
"sklearn/utils/tests/test_testing.py",
[
"TestWarns"
]
]
],
"Klass": [
[
"sklearn/utils/tests/test_testing.py",
[
"Klass"
]
]
],
"MockEst": [
[
"sklearn/utils/tests/test_testing.py",
[
"MockEst"
]
]
],
"RegistrationCounter": [
[
"sklearn/utils/tests/test_testing.py",
[
"RegistrationCounter"
]
]
],
"Ham": [
[
"sklearn/utils/tests/test_utils.py",
[
"test_deprecated",
"None_1",
"Ham"
]
]
],
"TestClassWithDeprecatedFitMethod": [
[
"sklearn/utils/tests/test_validation.py",
[
"test_has_fit_parameter",
"TestClassWithDeprecatedFitMethod"
]
]
],
"TestNonNumericShape": [
[
"sklearn/utils/tests/test_validation.py",
[
"test_retrieve_samples_from_non_standard_shape",
"TestNonNumericShape"
]
]
]
}