Index index by Group index by Distribution index by Vendor index by creation date index by Name Mirrors Help Search

python310-scikit-learn-1.4.1.post1-1.2 RPM for armv6hl

From OpenSuSE Ports Tumbleweed for armv6hl

Name: python310-scikit-learn Distribution: openSUSE Tumbleweed
Version: 1.4.1.post1 Vendor: openSUSE
Release: 1.2 Build date: Tue Feb 20 15:17:06 2024
Group: Unspecified Build host: reproducible
Size: 42436278 Source RPM: python-scikit-learn-1.4.1.post1-1.2.src.rpm
Packager: http://bugs.opensuse.org
Url: https://scikit-learn.org/
Summary: Python modules for machine learning and data mining
Scikit-learn is a python module for machine learning built on top of
scipy.

Provides

Requires

License

BSD-3-Clause

Changelog

* Tue Feb 20 2024 Ben Greiner <code@bnavigator.de>
  - Update to 1.4.1.post1
    [#]# Metadata Routing
    * Fix routing issue with ColumnTransformer when used inside
      another meta-estimator. #28188 by Adrin Jalali.
    * No error is raised when no metadata is passed to a
      metaestimator that includes a sub-estimator which doesn’t
      support metadata routing. #28256 by Adrin Jalali.
    * Fix multioutput.MultiOutputRegressor and
      multioutput.MultiOutputClassifier to work with estimators that
      don’t consume any metadata when metadata routing is enabled.
      [#28240] by Adrin Jalali.
    [#]# DataFrame Support
    * Enhancement Fix Pandas and Polars dataframe are validated
      directly without ducktyping checks. #28195 by Thomas Fan.
    [#]# Changes impacting many modules
    * Efficiency Fix Partial revert of #28191 to avoid a performance
      regression for estimators relying on euclidean pairwise
      computation with sparse matrices. The impacted estimators are:
    - sklearn.metrics.pairwise_distances_argmin
    - sklearn.metrics.pairwise_distances_argmin_min
    - sklearn.cluster.AffinityPropagation
    - sklearn.cluster.Birch
    - sklearn.cluster.SpectralClustering
    - sklearn.neighbors.KNeighborsClassifier
    - sklearn.neighbors.KNeighborsRegressor
    - sklearn.neighbors.RadiusNeighborsClassifier
    - sklearn.neighbors.RadiusNeighborsRegressor
    - sklearn.neighbors.LocalOutlierFactor
    - sklearn.neighbors.NearestNeighbors
    - sklearn.manifold.Isomap
    - sklearn.manifold.TSNE
    - sklearn.manifold.trustworthiness
    - #28235 by Julien Jerphanion.
    * Fixes a bug for all scikit-learn transformers when using
      set_output with transform set to pandas or polars. The bug
      could lead to wrong naming of the columns of the returned
      dataframe. #28262 by Guillaume Lemaitre.
    * When users try to use a method in StackingClassifier,
      StackingClassifier, StackingClassifier, SelectFromModel, RFE,
      SelfTrainingClassifier, OneVsOneClassifier,
      OutputCodeClassifier or OneVsRestClassifier that their
      sub-estimators don’t implement, the AttributeError now reraises
      in the traceback. #28167 by Stefanie Senger.
  - Release 1.4.0
    * HistGradientBoosting Natively Supports Categorical DTypes in
      DataFrames
    * Polars output in set_output
    * Missing value support for Random Forest
    * Add support for monotonic constraints in tree-based models
    * Enriched estimator displays
    * Metadata Routing Support
    * Improved memory and runtime efficiency for PCA on sparse data
    * Highlights and detailed changelog:
    * https://scikit-learn.org/stable/auto_examples/release_highlights/plot_release_highlights_1_4_0.html
    * https://scikit-learn.org/stable/whats_new/v1.4.html#release-notes-1-4
  - Enable python312 test flavor, avoid testing it with the other
    flavors
  - Prepare for python39 flavor drop
* Tue Nov 07 2023 Dirk Müller <dmueller@suse.com>
  - update to 1.3.2:
    * All dataset fetchers now accept `data_home` as any object that
      implements the :class:`os.PathLike` interface, for instance,
      :class:`pathlib.Path`.
    * Fixes a bug in :class:`decomposition.KernelPCA` by forcing the
      output of the internal :class:`preprocessing.KernelCenterer` to
      be a default array. When the arpack solver is used, it expects
      an array with a `dtype` attribute.
    * Fixes a bug for metrics using `zero_division=np.nan`
      (e.g. :func:`~metrics.precision_score`) within a paralell loop
      (e.g. :func:`~model_selection.cross_val_score`) where the
      singleton for `np.nan` will be different in the sub-processes.
    * Do not leak data via non-initialized memory in decision tree
      pickle files and make the generation of those files
      deterministic.
    * Ridge models with `solver='sparse_cg'` may have slightly
      different results with scipy>=1.12, because of an underlying
      change in the scipy solver
    * The `set_output` API correctly works with list input.
    * :class:`calibration.CalibratedClassifierCV` can now handle
      models that produce large prediction scores.
* Wed Aug 09 2023 Steve Kowalik <steven.kowalik@suse.com>
  - Skip another recalcitrant test on 32 bit.
* Tue Aug 01 2023 Markéta Machová <mmachova@suse.com>
  - Python flavors shifted again, drop test-py38, add test-py311
* Tue Jul 25 2023 Markéta Machová <mmachova@suse.com>
  - Update to 1.3.0
    * We are in the process of introducing a new way to route metadata
      such as sample_weight throughout the codebase, which would
      affect how meta-estimators such as pipeline.Pipeline and
      model_selection.GridSearchCV route metadata.
    * Originally hosted in the scikit-learn-contrib repository,
      cluster.HDBSCAN has been adopted into scikit-learn.
    * A new category encoding strategy preprocessing.TargetEncoder
      encodes the categories based on a shrunk estimate of the average
      target values for observations belonging to that category.
    * The classes tree.DecisionTreeClassifier and tree.DecisionTreeRegressor
      now support missing values.
    * model_selection.ValidationCurveDisplay is now available to plot
      results from model_selection.validation_curve
    * The class ensemble.HistGradientBoostingRegressor supports the
      Gamma deviance loss function via loss="gamma".
    * Similarly to preprocessing.OneHotEncoder, the class preprocessing.OrdinalEncoder
      now supports aggregating infrequent categories into a single
      output for each feature.
    * More changes, see https://scikit-learn.org/stable/whats_new/v1.3.html
* Sat Jun 10 2023 ecsos <ecsos@opensuse.org>
  - Add %{?sle15_python_module_pythons}
* Wed Feb 08 2023 Arun Persaud <arun@gmx.de>
  - update to version 1.2.1:
    * Changed models
      + The following estimators and functions, when fit with the same
      data and parameters, may produce different models from the
      previous version. This often occurs due to changes in the
      modelling logic (bug fixes or enhancements), or in random
      sampling procedures.
      + Fix The fitted components in MiniBatchDictionaryLearning might
      differ. The online updates of the sufficient statistics now
      properly take the sizes of the batches into account. #25354 by
      Jérémie du Boisberranger.
      + Fix The categories_ attribute of preprocessing.OneHotEncoder now
      always contains an array of object`s when using predefined
      categories that are strings. Predefined categories encoded as
      bytes will no longer work with `X encoded as strings. #25174 by
      Tim Head.
    * Changes impacting all modules
      + Fix Support pandas.Int64 dtyped y for classifiers and
      regressors. #25089 by Tim Head.
      + Fix Remove spurious warnings for estimators internally using
      neighbors search methods. #25129 by Julien Jerphanion.
      + Fix Fix a bug where the current configuration was ignored in
      estimators using n_jobs > 1. This bug was triggered for tasks
      dispatched by the auxillary thread of joblib as
      sklearn.get_config used to access an empty thread local
      configuration instead of the configuration visible from the
      thread where joblib.Parallel was first called. #25363 by
      Guillaume Lemaitre.
    * Changelog
      o sklearn.base
      + Fix Fix a regression in BaseEstimator.__getstate__ that would
      prevent certain estimators to be pickled when using Python
      3.11. #25188 by Benjamin Bossan.
      + Fix Inheriting from base.TransformerMixin will only wrap the
      transform method if the class defines transform itself. #25295
      by Thomas Fan.
      o sklearn.datasets
      + Fix Fix an inconsistency in datasets.fetch_openml between
      liac-arff and pandas parser when a leading space is introduced
      after the delimiter. The ARFF specs requires to ignore the
      leading space. #25312 by Guillaume Lemaitre.
      o sklearn.decomposition
      + Fix Fixed a bug in decomposition.MiniBatchDictionaryLearning
      where the online updates of the sufficient statistics where not
      correct when calling partial_fit on batches of different
      sizes. #25354 by Jérémie du Boisberranger.
      + Fix decomposition.DictionaryLearning better supports readonly
      NumPy arrays. In particular, it better supports large datasets
      which are memory-mapped when it is used with coordinate descent
      algorithms (i.e. when fit_algorithm='cd'). #25172 by Julien
      Jerphanion.
      o sklearn.ensemble
      + Fix ensemble.RandomForestClassifier,
      ensemble.RandomForestRegressor ensemble.ExtraTreesClassifier and
      ensemble.ExtraTreesRegressor now support sparse readonly
      datasets. #25341 by Julien Jerphanion
      + sklearn.feature_extraction
      + Fix feature_extraction.FeatureHasher raises an informative error
      when the input is a list of strings. #25094 by Thomas Fan.
      o sklearn.linear_model
      + Fix Fix a regression in linear_model.SGDClassifier and
      linear_model.SGDRegressor that makes them unusable with the
      verbose parameter set to a value greater than 0. #25250 by
      Jérémie Du Boisberranger.
      o sklearn.manifold
      + Fix manifold.TSNE now works correctly when output type is set to
      pandas #25370 by Tim Head.
      o sklearn.model_selection
      + Fix model_selection.cross_validate with multimetric scoring in
      case of some failing scorers the non-failing scorers now returns
      proper scores instead of error_score values. #23101 by András
      Simon and Thomas Fan.
      o sklearn.neural_network
      + Fix neural_network.MLPClassifier and neural_network.MLPRegressor
      no longer raise warnings when fitting data with feature
      names. #24873 by Tim Head.
      o sklearn.preprocessing
      + Fix preprocessing.FunctionTransformer.inverse_transform
      correctly supports DataFrames that are all numerical when
      check_inverse=True. #25274 by Thomas Fan.
      + Fix preprocessing.SplineTransformer.get_feature_names_out
      correctly returns feature names when
      extrapolations="periodic". #25296 by Thomas Fan.
      o sklearn.tree
      + Fix tree.DecisionTreeClassifier, tree.DecisionTreeRegressor
      tree.ExtraTreeClassifier and tree.ExtraTreeRegressor now support
      sparse readonly datasets. #25341 by Julien Jerphanion
      o sklearn.utils
      + Fix Restore utils.check_array’s behaviour for pandas Series of
      type boolean. The type is maintained, instead of converting to
      float64. #25147 by Tim Head.
    * API Change utils.fixes.delayed is deprecated in 1.2.1 and will be
      removed in 1.5. Instead, import utils.parallel.delayed and use it
      in conjunction with the newly introduced utils.parallel.Parallel
      to ensure proper propagation of the scikit-learn configuration to
      the workers. #25363 by Guillaume Lemaitre.
* Sun Jan 15 2023 Ben Greiner <code@bnavigator.de>
  - Update to version 1.2.0
    * Pandas output with set_output API
    * Interaction constraints in Histogram-based Gradient Boosting
      Trees
    * New and enhanced displays
    * Faster parser in fetch_openml
    * Experimental Array API support in LinearDiscriminantAnalysis
    * Improved efficiency of many estimators
  - Drop sklearn-pr24283-gradient-segfault.patch
  - PEP517 build
* Thu Oct 27 2022 Ben Greiner <code@bnavigator.de>
  - Update to version 1.1.3
    * This bugfix release only includes fixes for compatibility with
      the latest SciPy release >= 1.9.2.
  - Update sklearn-pr24283-gradient-segfault.patch
* Tue Oct 11 2022 Ben Greiner <code@bnavigator.de>
  - Update dependencies
  - Add sklearn-pr24283-gradient-segfault.patch
    * gh#scikit-learn/scikit-learn#24283
  - Update test suite setup.
* Sat Sep 10 2022 Arun Persaud <arun@gmx.de>
  - update to version 1.1.2:
    * Changes
      + Fix A default HTML representation is shown for meta-estimators
      with invalid parameters. #24015 by Thomas Fan.
      + Fix Add support for F-contiguous arrays for estimators and
      functions whose back-end have been changed in 1.1. #23990 by
      Julien Jerphanion.
      + Fix Wheels are now available for MacOS 10.9 and greater. #23833
      by Thomas Fan.
    * sklearn.base
      + Fix The get_params method of the BaseEstimator class now
      supports estimators with type-type params that have the
      get_params method. #24017 by Henry Sorsky.
    * sklearn.cluster
      + Fix Fixed a bug in cluster.Birch that could trigger an error
      when splitting a node if there are duplicates in the
      dataset. #23395 by Jérémie du Boisberranger.
    * sklearn.feature_selection
      + Fix feature_selection.SelectFromModel defaults to selection
      threshold 1e-5 when the estimator is either
      linear_model.ElasticNet or linear_model.ElasticNetCV with
      l1_ratio equals 1 or linear_model.LassoCV. #23636 by Hao Chun
      Chang.
    * sklearn.impute
      + Fix impute.SimpleImputer uses the dtype seen in fit for
      transform when the dtype is object. #22063 by Thomas Fan.
    * sklearn.linear_model
      + Fix Use dtype-aware tolerances for the validation of gram
      matrices (passed by users or precomputed). #22059 by Malte
      S. Kurz.
      + Fix Fixed an error in linear_model.LogisticRegression with
      solver="newton-cg", fit_intercept=True, and a single
      feature. #23608 by Tom Dupre la Tour.
    * sklearn.manifold
      + Fix manifold.TSNE now throws a ValueError when fit with
      perplexity>=n_samples to ensure mathematical correctness of the
      algorithm. #10805 by Mathias Andersen and #23471 by Meekail
      Zain.
    * sklearn.metrics
      + Fix Fixed error message of metrics.coverage_error for 1D array
      input. #23548 by Hao Chun Chang.
    * sklearn.preprocessing
      + Fix preprocessing.OrdinalEncoder.inverse_transform correctly
      handles use cases where unknown_value or encoded_missing_value
      is nan. #24087 by Thomas Fan.
    * sklearn.tree
      + Fix Fixed invalid memory access bug during fit in
      tree.DecisionTreeRegressor and
      tree.DecisionTreeClassifier. #23273 by Thomas Fan.
* Tue May 31 2022 Arun Persaud <arun@gmx.de>
  - specfile
    * updated numpy, scipy, and matplotlib requirements
  - update to version 1.1.1:
    * Enhancement The error message is improved when importing
      model_selection.HalvingGridSearchCV,
      model_selection.HalvingRandomSearchCV, or impute.IterativeImputer
      without importing the experimental flag. #23194 by Thomas Fan.
    * Enhancement Added an extension in doc/conf.py to automatically
      generate the list of estimators that handle NaN values. #23198 by
      Lise Kleiber, Zhehao Liu and Chiara Marmo.
    * sklearn.datasets
      + Fix Avoid timeouts in datasets.fetch_openml by not passing a
      timeout argument, #23358 by Loïc Estève.
    * sklearn.decomposition
      + Fix Avoid spurious warning in decomposition.IncrementalPCA when
      n_samples == n_components. #23264 by Lucy Liu.
    * sklearn.feature_selection
      + Fix The partial_fit method of feature_selection.SelectFromModel
      now conducts validation for max_features and feature_names_in
      parameters. #23299 by Long Bao.
    * sklearn.metrics
      + Fix Fixes metrics.precision_recall_curve to compute
      precision-recall at 100% recall. The Precision-Recall curve now
      displays the last point corresponding to a classifier that
      always predicts the positive class: recall=100% and
      precision=class balance. #23214 by Stéphane Collot and Max Baak.
    * sklearn.preprocessing
      + Fix preprocessing.PolynomialFeatures with degree equal to 0 will
      raise error when include_bias is set to False, and outputs a
      single constant array when include_bias is set to True. #23370
      by Zhehao Liu.
    * sklearn.tree
      + Fix Fixes performance regression with low cardinality features
      for tree.DecisionTreeClassifier, tree.DecisionTreeRegressor,
      ensemble.RandomForestClassifier, ensemble.RandomForestRegressor,
      ensemble.GradientBoostingClassifier, and
      ensemble.GradientBoostingRegressor. #23410 by Loïc Estève.
    * sklearn.utils
      + Fix utils.class_weight.compute_sample_weight now works with
      sparse y. #23115 by kernc.
  - changes from version 1.1.0:
    long changelog, see https://scikit-learn.org/stable/whats_new/v1.1.html#version-1-1-0
* Mon May 30 2022 Steve Kowalik <steven.kowalik@suse.com>
  - Split up to using multibuild per Python version since the test suite
    may take a while.
* Wed Feb 02 2022 Steve Kowalik <steven.kowalik@suse.com>
  - Update to 1.0.2:
    * Fixed an infinite loop in cluster.SpectralClustering by moving an iteration counter from try to except. #21271 by Tyler Martin.
    * datasets.fetch_openml is now thread safe. Data is first downloaded to a temporary subfolder and then renamed. #21833 by Siavash Rezazadeh.
    * Fixed the constraint on the objective function of decomposition.DictionaryLearning, decomposition.MiniBatchDictionaryLearning, decomposition.SparsePCA and decomposition.MiniBatchSparsePCA to be convex and match the referenced article. #19210 by Jérémie du Boisberranger.
    * ensemble.RandomForestClassifier, ensemble.RandomForestRegressor, ensemble.ExtraTreesClassifier, ensemble.ExtraTreesRegressor, and ensemble.RandomTreesEmbedding now raise a ValueError when bootstrap=False and max_samples is not None. #21295 Haoyin Xu.
    * Solve a bug in ensemble.GradientBoostingClassifier where the exponential loss was computing the positive gradient instead of the negative one. #22050 by Guillaume Lemaitre.
    * Fixed feature_selection.SelectFromModel by improving support for base estimators that do not set feature_names_in_. #21991 by Thomas Fan.
    * Fix a bug in linear_model.RidgeClassifierCV where the method predict was performing an argmax on the scores obtained from decision_function instead of returning the multilabel indicator matrix. #19869 by Guillaume Lemaitre.
    * linear_model.LassoLarsIC now correctly computes AIC and BIC. An error is now raised when n_features > n_samples and when the noise variance is not provided. #21481 by Guillaume Lemaitre and Andrés Babino.
    * Fixed an unnecessary error when fitting manifold.Isomap with a precomputed dense distance matrix where the neighbors graph has multiple disconnected components. #21915 by Tom Dupre la Tour.
    * All sklearn.metrics.DistanceMetric subclasses now correctly support read-only buffer attributes. This fixes a regression introduced in 1.0.0 with respect to 0.24.2. #21694 by Julien Jerphanion.
    * neighbors.KDTree and neighbors.BallTree correctly supports read-only buffer attributes. #21845 by Thomas Fan.
    * Fixes compatibility bug with NumPy 1.22 in preprocessing.OneHotEncoder. #21517 by Thomas Fan.
    * Prevents tree.plot_tree from drawing out of the boundary of the figure. #21917 by Thomas Fan.
    * Support loading pickles of decision tree models when the pickle has been generated on a platform with a different bitness. A typical example is to train and pickle the model on 64 bit machine and load the model on a 32 bit machine for prediction. #21552 by Loïc Estève.
    * Non-fit methods in the following classes do not raise a UserWarning when fitted on DataFrames with valid feature names: covariance.EllipticEnvelope, ensemble.IsolationForest, ensemble.AdaBoostClassifier, neighbors.KNeighborsClassifier, neighbors.KNeighborsRegressor, neighbors.RadiusNeighborsClassifier, neighbors.RadiusNeighborsRegressor. #21199 by Thomas Fan.
    * Fixed calibration.CalibratedClassifierCV to take into account sample_weight when computing the base estimator prediction when ensemble=False. #20638 by Julien Bohné.
    * Fixed a bug in calibration.CalibratedClassifierCV with method="sigmoid" that was ignoring the sample_weight when computing the the Bayesian priors. #21179 by Guillaume Lemaitre.
    * Compute y_std properly with multi-target in sklearn.gaussian_process.GaussianProcessRegressor allowing proper normalization in multi-target scene. #20761 by Patrick de C. T. R. Ferreira.
    * Fixed a bug in feature_extraction.CountVectorizer and feature_extraction.TfidfVectorizer by raising an error when ‘min_idf’ or ‘max_idf’ are floating-point numbers greater than 1. #20752 by Alek Lefebvre.
    * linear_model.LogisticRegression now raises a better error message when the solver does not support sparse matrices with int64 indices. #21093 by Tom Dupre la Tour.
    * neighbors.KNeighborsClassifier, neighbors.KNeighborsRegressor, neighbors.RadiusNeighborsClassifier, neighbors.RadiusNeighborsRegressor with metric="precomputed" raises an error for bsr and dok sparse matrices in methods: fit, kneighbors and radius_neighbors, due to handling of explicit zeros in bsr and dok sparse graph formats. #21199 by Thomas Fan.
    * pipeline.Pipeline.get_feature_names_out correctly passes feature names out from one step of a pipeline to the next. #21351 by Thomas Fan.
    * svm.SVC and svm.SVR check for an inconsistency in its internal representation and raise an error instead of segfaulting. This fix also resolves CVE-2020-28975. #21336 by Thomas Fan.
    * manifold.TSNE now avoids numerical underflow issues during affinity matrix computation.
    * manifold.Isomap now connects disconnected components of the neighbors graph along some minimum distance pairs, instead of changing every infinite distances to zero.
    * Many others, see full changelog at https://scikit-learn.org/dev/whats_new/v1.0.html
* Sun Jun 06 2021 Dirk Müller <dmueller@suse.com>
  - update to 0.24.2:
    * a lot of bugfixes see https://scikit-learn.org/stable/whats_new/v0.24.html
  - drop scikit-learn-pr19101-npfloat.patch: upstream
* Sat Feb 13 2021 Ben Greiner <code@bnavigator.de>
  - Add scikit-learn-pr19101-npfloat.patch in order to work with
    NumPy 1.20
* Fri Jan 22 2021 Benjamin Greiner <code@bnavigator.de>
  - Skip python36 because SciPy 1.6.0 dropped it
  - optionally enable more tests with matplotlib and pandas by
    - -with extratests
* Fri Jan 22 2021 andy great <andythe_great@pm.me>
  - Skip test_convergence_dtype_consistency on 32 bit arch due to
    precision-related errors on 32 bit arch.
    https://github.com/scikit-learn/scikit-learn/issues/19230
  - Remove explicit dependecy python-matplotlib
* Wed Jan 20 2021 andy great <andythe_great@pm.me>
  - Remove assert_allclose-for-FP-comparison.patch, fixed.
  - Update to version 0.24.1.
    * sklearn.metrics
    * Fix numerical stability bug that could happen in
      metrics.adjusted_mutual_info_score and metrics.mutual_info_score
      with NumPy 1.20+.
    * sklearn.semi_supervised
    * Fix semi_supervised.SelfTrainingClassifier is now accepting
      meta-estimator (e.g. ensemble.StackingClassifier). The
      validation of this estimator is done on the fitted estimator,
      once we know the existence of the method predict_proba.
  - Updates for version 0.24.0.
    * sklearn.base
    * Fix base.BaseEstimator.get_params now will raise an
      AttributeError if a parameter cannot be retrieved as an
      instance attribute. Previously it would return None.
    * sklearn.calibration
    * Efficiency calibration.CalibratedClassifierCV.fit now supports
      parallelization via joblib.Parallel using argument n_jobs.
    * Enhancement Allow calibration.CalibratedClassifierCV use with
      prefit pipeline.Pipeline where data is not X is not array-like,
      sparse matrix or dataframe at the start. #17546 by Lucy Liu.
    * Enhancement Add ensemble parameter to
      calibration.CalibratedClassifierCV, which enables
      implementation of calibration via an ensemble of calibrators
      (current method) or just one calibrator using all the data
      (similar to the built-in feature of sklearn.svm estimators with
      the probabilities=True parameter).
    * sklearn.cluster
    * Enhancement cluster.AgglomerativeClustering has a new
      parameter compute_distances. When set to True, distances
      between clusters are computed and stored in the distances_
      attribute even when the parameter distance_threshold is not
      used. This new parameter is useful to produce dendrogram
      visualizations, but introduces a computational and memory
      overhead.
    * Enhancement cluster.SpectralClustering and
      cluster.spectral_clustering have a new keyword argument verbose.
      When set to True, additional messages will be displayed which
      can aid with debugging. #18052 by Sean O. Stalley.
    * Enhancement Added cluster.kmeans_plusplus as public function.
      Initialization by KMeans++ can now be called separately to
      generate initial cluster centroids.
    * API Change cluster.MiniBatchKMeans attributes, counts_ and
      init_size_, are deprecated and will be removed in 1.1
      (renaming of 0.26).
    * sklearn.compose
    * Fix compose.ColumnTransformer will skip transformers the
      column selector is a list of bools that are False.
    * Fix compose.ColumnTransformer now displays the remainder in
      the diagram display. #18167 by Thomas Fan.
    * Fix compose.ColumnTransformer enforces strict count and order
      of column names between fit and transform by raising an error
      instead of a warning, following the deprecation cycle.
    * sklearn.covariance
    * API Change Deprecates cv_alphas_ in favor of
      cv_results_['alphas'] and grid_scores_ in favor of split scores
      in cv_results_ in covariance.GraphicalLassoCV. cv_alphas_ and
      grid_scores_ will be removed in version 1.1 (renaming of 0.26).
    * sklearn.cross_decomposition
    * Fixed a bug in cross_decomposition.PLSSVD which would sometimes
      return components in the reversed order of importance.
    * Fixed a bug in cross_decomposition.PLSSVD,
      cross_decomposition.CCA, and cross_decomposition.PLSCanonical,
      which would lead to incorrect predictions for est.transform(Y)
      when the training data is single-target.
    * Fix Increases the stability of cross_decomposition.CCA
    * API Change For cross_decomposition.NMF, the init value, when
      ‘init=None’ and n_components <= min(n_samples, n_features)
      will be changed from 'nndsvd' to 'nndsvda' in 1.1
      (renaming of 0.26).
    * API Change The bounds of the n_components parameter is now
      restricted:
    * into [1, min(n_samples, n_features, n_targets)], for
      cross_decomposition.PLSSVD, cross_decomposition.CCA, and
      cross_decomposition.PLSCanonical.
    * into [1, n_features] or cross_decomposition.PLSRegression.
    * An error will be raised in 1.1 (renaming of 0.26).
    * API Change For cross_decomposition.PLSSVD,
      cross_decomposition.CCA, and cross_decomposition.PLSCanonical,
      the x_scores_ and y_scores_ attributes were deprecated and will
      be removed in 1.1 (renaming of 0.26). They can be retrieved
      by calling transform on the training data. The norm_y_weights
      attribute will also be removed. #17095 by Nicolas Hug.
    * API Change For cross_decomposition.PLSRegression,
      cross_decomposition.PLSCanonical, cross_decomposition.CCA,
      and cross_decomposition.PLSSVD, the x_mean_, y_mean_, x_std_,
      and y_std_ attributes were deprecated and will be removed in
      1.1 (renaming of 0.26).
    * Fix decomposition.TruncatedSVD becomes deterministic by using
      the random_state. It controls the weights’ initialization of
      the underlying ARPACK solver.
    * sklearn.datasets
    * Feature datasets.fetch_openml now validates md5 checksum of
      arff files downloaded or cached to ensure data integrity.
    * Feature datasets.fetch_openml now validates md5checksum of
      arff files downloaded or cached to ensure data integrity.
    * Enhancement datasets.fetch_openml now allows argument
      as_frame to be ‘auto’, which tries to convert returned data
      to pandas DataFrame unless data is sparse. #17396 by Jiaxiang.
    * Enhancement datasets.fetch_covtype now now supports the optional
      argument as_frame; when it is set to True, the returned Bunch
      object’s data and frame members are pandas DataFrames, and the
      target member is a pandas Series.
    * Enhancement datasets.fetch_kddcup99 now now supports the
      optional argument as_frame; when it is set to True, the returned
      Bunch object’s data and frame members are pandas DataFrames,
      and the target member is a pandas Series.
    * Enhancement datasets.fetch_20newsgroups_vectorized now supports
      loading as a pandas DataFrame by setting as_frame=True.
    * API Change The default value of as_frame in
      datasets.fetch_openml is changed from False to ‘auto’.
    * Many more updates and fixes.
  - Skip tests for test_fetch_openml_verify_checksum[True] and
    test_fetch_openml_verify_checksum[False], not sure why it fail.

Files

/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info
/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info/COPYING
/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info/INSTALLER
/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info/METADATA
/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info/RECORD
/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info/REQUESTED
/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info/WHEEL
/usr/lib/python3.10/site-packages/scikit_learn-1.4.1.post1.dist-info/top_level.txt
/usr/lib/python3.10/site-packages/sklearn
/usr/lib/python3.10/site-packages/sklearn/__check_build
/usr/lib/python3.10/site-packages/sklearn/__check_build/__init__.py
/usr/lib/python3.10/site-packages/sklearn/__check_build/__pycache__
/usr/lib/python3.10/site-packages/sklearn/__check_build/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__check_build/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__check_build/_check_build.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/__init__.py
/usr/lib/python3.10/site-packages/sklearn/__pycache__
/usr/lib/python3.10/site-packages/sklearn/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/_config.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/_config.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/_distributor_init.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/_distributor_init.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/_min_dependencies.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/_min_dependencies.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/calibration.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/calibration.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/conftest.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/conftest.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/discriminant_analysis.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/discriminant_analysis.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/dummy.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/dummy.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/exceptions.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/exceptions.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/isotonic.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/isotonic.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/kernel_approximation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/kernel_approximation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/kernel_ridge.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/kernel_ridge.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/multiclass.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/multiclass.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/multioutput.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/multioutput.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/naive_bayes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/naive_bayes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/pipeline.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/pipeline.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/random_projection.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/__pycache__/random_projection.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__init__.py
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/openmp_helpers.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/openmp_helpers.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/pre_build_helpers.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/pre_build_helpers.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/tempita.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/tempita.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/version.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/__pycache__/version.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_build_utils/openmp_helpers.py
/usr/lib/python3.10/site-packages/sklearn/_build_utils/pre_build_helpers.py
/usr/lib/python3.10/site-packages/sklearn/_build_utils/tempita.py
/usr/lib/python3.10/site-packages/sklearn/_build_utils/version.py
/usr/lib/python3.10/site-packages/sklearn/_config.py
/usr/lib/python3.10/site-packages/sklearn/_distributor_init.py
/usr/lib/python3.10/site-packages/sklearn/_isotonic.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/_loss
/usr/lib/python3.10/site-packages/sklearn/_loss/__init__.py
/usr/lib/python3.10/site-packages/sklearn/_loss/__pycache__
/usr/lib/python3.10/site-packages/sklearn/_loss/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/__pycache__/link.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/__pycache__/link.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/__pycache__/loss.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/__pycache__/loss.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/_loss.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/_loss/_loss.pxd
/usr/lib/python3.10/site-packages/sklearn/_loss/link.py
/usr/lib/python3.10/site-packages/sklearn/_loss/loss.py
/usr/lib/python3.10/site-packages/sklearn/_loss/tests
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__pycache__/test_link.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__pycache__/test_link.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__pycache__/test_loss.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/__pycache__/test_loss.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/test_link.py
/usr/lib/python3.10/site-packages/sklearn/_loss/tests/test_loss.py
/usr/lib/python3.10/site-packages/sklearn/_min_dependencies.py
/usr/lib/python3.10/site-packages/sklearn/base.py
/usr/lib/python3.10/site-packages/sklearn/calibration.py
/usr/lib/python3.10/site-packages/sklearn/cluster
/usr/lib/python3.10/site-packages/sklearn/cluster/__init__.py
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_affinity_propagation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_affinity_propagation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_agglomerative.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_agglomerative.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_bicluster.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_bicluster.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_birch.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_birch.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_bisect_k_means.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_bisect_k_means.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_dbscan.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_dbscan.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_feature_agglomeration.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_feature_agglomeration.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_kmeans.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_kmeans.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_mean_shift.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_mean_shift.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_optics.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_optics.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_spectral.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/__pycache__/_spectral.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_affinity_propagation.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_agglomerative.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_bicluster.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_birch.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_bisect_k_means.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_dbscan.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_dbscan_inner.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_feature_agglomeration.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/__init__.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/__pycache__
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/__pycache__/hdbscan.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/__pycache__/hdbscan.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/_linkage.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/_reachability.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/_tree.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/_tree.pxd
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/hdbscan.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests/__pycache__/test_reachibility.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests/__pycache__/test_reachibility.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/_hdbscan/tests/test_reachibility.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_hierarchical_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_hierarchical_fast.pxd
/usr/lib/python3.10/site-packages/sklearn/cluster/_k_means_common.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_k_means_common.pxd
/usr/lib/python3.10/site-packages/sklearn/cluster/_k_means_elkan.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_k_means_lloyd.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_k_means_minibatch.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/cluster/_kmeans.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_mean_shift.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_optics.py
/usr/lib/python3.10/site-packages/sklearn/cluster/_spectral.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_affinity_propagation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_affinity_propagation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_bicluster.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_bicluster.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_birch.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_birch.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_bisect_k_means.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_bisect_k_means.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_dbscan.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_dbscan.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_feature_agglomeration.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_feature_agglomeration.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_hdbscan.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_hdbscan.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_hierarchical.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_hierarchical.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_k_means.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_k_means.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_mean_shift.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_mean_shift.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_optics.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_optics.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_spectral.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/__pycache__/test_spectral.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/common.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_affinity_propagation.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_bicluster.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_birch.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_bisect_k_means.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_dbscan.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_feature_agglomeration.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_hdbscan.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_hierarchical.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_k_means.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_mean_shift.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_optics.py
/usr/lib/python3.10/site-packages/sklearn/cluster/tests/test_spectral.py
/usr/lib/python3.10/site-packages/sklearn/compose
/usr/lib/python3.10/site-packages/sklearn/compose/__init__.py
/usr/lib/python3.10/site-packages/sklearn/compose/__pycache__
/usr/lib/python3.10/site-packages/sklearn/compose/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/__pycache__/_column_transformer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/__pycache__/_column_transformer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/__pycache__/_target.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/__pycache__/_target.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/_column_transformer.py
/usr/lib/python3.10/site-packages/sklearn/compose/_target.py
/usr/lib/python3.10/site-packages/sklearn/compose/tests
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__pycache__/test_column_transformer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__pycache__/test_column_transformer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__pycache__/test_target.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/tests/__pycache__/test_target.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/compose/tests/test_column_transformer.py
/usr/lib/python3.10/site-packages/sklearn/compose/tests/test_target.py
/usr/lib/python3.10/site-packages/sklearn/conftest.py
/usr/lib/python3.10/site-packages/sklearn/covariance
/usr/lib/python3.10/site-packages/sklearn/covariance/__init__.py
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_elliptic_envelope.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_elliptic_envelope.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_empirical_covariance.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_empirical_covariance.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_graph_lasso.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_graph_lasso.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_robust_covariance.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_robust_covariance.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_shrunk_covariance.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/__pycache__/_shrunk_covariance.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/_elliptic_envelope.py
/usr/lib/python3.10/site-packages/sklearn/covariance/_empirical_covariance.py
/usr/lib/python3.10/site-packages/sklearn/covariance/_graph_lasso.py
/usr/lib/python3.10/site-packages/sklearn/covariance/_robust_covariance.py
/usr/lib/python3.10/site-packages/sklearn/covariance/_shrunk_covariance.py
/usr/lib/python3.10/site-packages/sklearn/covariance/tests
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_covariance.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_covariance.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_elliptic_envelope.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_elliptic_envelope.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_graphical_lasso.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_graphical_lasso.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_robust_covariance.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/__pycache__/test_robust_covariance.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/test_covariance.py
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/test_elliptic_envelope.py
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/test_graphical_lasso.py
/usr/lib/python3.10/site-packages/sklearn/covariance/tests/test_robust_covariance.py
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/__init__.py
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/__pycache__
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/__pycache__/_pls.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/__pycache__/_pls.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/_pls.py
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests/__pycache__/test_pls.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests/__pycache__/test_pls.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/cross_decomposition/tests/test_pls.py
/usr/lib/python3.10/site-packages/sklearn/datasets
/usr/lib/python3.10/site-packages/sklearn/datasets/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_arff_parser.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_arff_parser.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_california_housing.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_california_housing.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_covtype.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_covtype.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_kddcup99.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_kddcup99.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_lfw.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_lfw.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_olivetti_faces.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_olivetti_faces.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_openml.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_openml.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_rcv1.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_rcv1.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_samples_generator.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_samples_generator.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_species_distributions.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_species_distributions.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_svmlight_format_io.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_svmlight_format_io.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_twenty_newsgroups.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/__pycache__/_twenty_newsgroups.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/_arff_parser.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_base.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_california_housing.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_covtype.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_kddcup99.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_lfw.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_olivetti_faces.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_openml.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_rcv1.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_samples_generator.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_species_distributions.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_svmlight_format_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/datasets/_svmlight_format_io.py
/usr/lib/python3.10/site-packages/sklearn/datasets/_twenty_newsgroups.py
/usr/lib/python3.10/site-packages/sklearn/datasets/data
/usr/lib/python3.10/site-packages/sklearn/datasets/data/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/data/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/data/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/data/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/data/boston_house_prices.csv
/usr/lib/python3.10/site-packages/sklearn/datasets/data/breast_cancer.csv
/usr/lib/python3.10/site-packages/sklearn/datasets/data/diabetes_data_raw.csv.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/data/diabetes_target.csv.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/data/digits.csv.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/data/iris.csv
/usr/lib/python3.10/site-packages/sklearn/datasets/data/linnerud_exercise.csv
/usr/lib/python3.10/site-packages/sklearn/datasets/data/linnerud_physiological.csv
/usr/lib/python3.10/site-packages/sklearn/datasets/data/wine_data.csv
/usr/lib/python3.10/site-packages/sklearn/datasets/descr
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/breast_cancer.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/california_housing.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/covtype.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/diabetes.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/digits.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/iris.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/kddcup99.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/lfw.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/linnerud.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/olivetti_faces.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/rcv1.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/species_distributions.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/twenty_newsgroups.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/descr/wine_data.rst
/usr/lib/python3.10/site-packages/sklearn/datasets/images
/usr/lib/python3.10/site-packages/sklearn/datasets/images/README.txt
/usr/lib/python3.10/site-packages/sklearn/datasets/images/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/images/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/images/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/images/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/images/china.jpg
/usr/lib/python3.10/site-packages/sklearn/datasets/images/flower.jpg
/usr/lib/python3.10/site-packages/sklearn/datasets/tests
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_20news.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_20news.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_arff_parser.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_arff_parser.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_california_housing.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_california_housing.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_covtype.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_covtype.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_kddcup99.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_kddcup99.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_lfw.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_lfw.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_olivetti_faces.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_olivetti_faces.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_openml.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_openml.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_rcv1.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_rcv1.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_samples_generator.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_samples_generator.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_svmlight_format.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/__pycache__/test_svmlight_format.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/api-v1-jd-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/api-v1-jdf-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/api-v1-jdq-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1/data-v1-dl-1.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/api-v1-jd-1119.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/api-v1-jdf-1119.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/api-v1-jdl-dn-adult-census-l-2-dv-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/api-v1-jdl-dn-adult-census-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/api-v1-jdq-1119.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1119/data-v1-dl-54002.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/api-v1-jd-1590.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/api-v1-jdf-1590.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/api-v1-jdq-1590.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_1590/data-v1-dl-1595261.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/api-v1-jd-2.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/api-v1-jdf-2.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/api-v1-jdl-dn-anneal-l-2-dv-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/api-v1-jdl-dn-anneal-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/api-v1-jdq-2.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_2/data-v1-dl-1666876.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/api-v1-jd-292.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/api-v1-jd-40981.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/api-v1-jdf-292.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/api-v1-jdf-40981.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/api-v1-jdl-dn-australian-l-2-dv-1-s-dact.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/api-v1-jdl-dn-australian-l-2-dv-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/api-v1-jdl-dn-australian-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_292/data-v1-dl-49822.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/api-v1-jd-3.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/api-v1-jdf-3.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/api-v1-jdq-3.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_3/data-v1-dl-3.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/api-v1-jd-40589.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/api-v1-jdf-40589.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/api-v1-jdl-dn-emotions-l-2-dv-3.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/api-v1-jdl-dn-emotions-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/api-v1-jdq-40589.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40589/data-v1-dl-4644182.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/api-v1-jd-40675.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/api-v1-jdf-40675.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/api-v1-jdl-dn-glass2-l-2-dv-1-s-dact.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/api-v1-jdl-dn-glass2-l-2-dv-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/api-v1-jdl-dn-glass2-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/api-v1-jdq-40675.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40675/data-v1-dl-4965250.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/api-v1-jd-40945.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/api-v1-jdf-40945.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/api-v1-jdq-40945.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40945/data-v1-dl-16826755.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/api-v1-jd-40966.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/api-v1-jdf-40966.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/api-v1-jdl-dn-miceprotein-l-2-dv-4.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/api-v1-jdl-dn-miceprotein-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/api-v1-jdq-40966.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_40966/data-v1-dl-17928620.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/api-v1-jd-42074.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/api-v1-jdf-42074.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/api-v1-jdq-42074.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42074/data-v1-dl-21552912.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/api-v1-jd-42585.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/api-v1-jdf-42585.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/api-v1-jdq-42585.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_42585/data-v1-dl-21854866.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/api-v1-jd-561.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/api-v1-jdf-561.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/api-v1-jdl-dn-cpu-l-2-dv-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/api-v1-jdl-dn-cpu-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/api-v1-jdq-561.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_561/data-v1-dl-52739.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/api-v1-jd-61.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/api-v1-jdf-61.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/api-v1-jdl-dn-iris-l-2-dv-1.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/api-v1-jdl-dn-iris-l-2-s-act-.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/api-v1-jdq-61.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_61/data-v1-dl-61.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/__init__.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/__pycache__
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/api-v1-jd-62.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/api-v1-jdf-62.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/api-v1-jdq-62.json.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/openml/id_62/data-v1-dl-52352.arff.gz
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/svmlight_classification.txt
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/svmlight_invalid.txt
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/svmlight_invalid_order.txt
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/data/svmlight_multilabel.txt
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_20news.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_arff_parser.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_base.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_california_housing.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_covtype.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_kddcup99.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_lfw.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_olivetti_faces.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_openml.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_rcv1.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_samples_generator.py
/usr/lib/python3.10/site-packages/sklearn/datasets/tests/test_svmlight_format.py
/usr/lib/python3.10/site-packages/sklearn/decomposition
/usr/lib/python3.10/site-packages/sklearn/decomposition/__init__.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_dict_learning.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_dict_learning.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_factor_analysis.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_factor_analysis.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_fastica.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_fastica.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_incremental_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_incremental_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_kernel_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_kernel_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_lda.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_lda.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_nmf.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_nmf.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_sparse_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_sparse_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_truncated_svd.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/__pycache__/_truncated_svd.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/_base.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_cdnmf_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/decomposition/_dict_learning.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_factor_analysis.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_fastica.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_incremental_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_kernel_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_lda.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_nmf.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_online_lda_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/decomposition/_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_sparse_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/_truncated_svd.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_dict_learning.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_dict_learning.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_factor_analysis.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_factor_analysis.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_fastica.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_fastica.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_incremental_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_incremental_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_kernel_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_kernel_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_nmf.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_nmf.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_online_lda.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_online_lda.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_sparse_pca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_sparse_pca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_truncated_svd.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/__pycache__/test_truncated_svd.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_dict_learning.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_factor_analysis.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_fastica.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_incremental_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_kernel_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_nmf.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_online_lda.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_sparse_pca.py
/usr/lib/python3.10/site-packages/sklearn/decomposition/tests/test_truncated_svd.py
/usr/lib/python3.10/site-packages/sklearn/discriminant_analysis.py
/usr/lib/python3.10/site-packages/sklearn/dummy.py
/usr/lib/python3.10/site-packages/sklearn/ensemble
/usr/lib/python3.10/site-packages/sklearn/ensemble/__init__.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_bagging.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_bagging.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_forest.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_forest.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_gb.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_gb.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_iforest.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_iforest.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_stacking.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_stacking.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_voting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_voting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_weight_boosting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/__pycache__/_weight_boosting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_bagging.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_base.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_forest.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_gb.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_gradient_boosting.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__init__.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/binning.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/binning.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/gradient_boosting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/gradient_boosting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/grower.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/grower.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/predictor.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/__pycache__/predictor.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/_binning.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/_bitset.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/_bitset.pxd
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/_gradient_boosting.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/_predictor.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/binning.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/common.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/common.pxd
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/gradient_boosting.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/grower.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/histogram.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/predictor.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/splitting.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_binning.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_binning.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_bitset.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_bitset.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_compare_lightgbm.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_compare_lightgbm.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_gradient_boosting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_gradient_boosting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_grower.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_grower.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_histogram.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_histogram.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_monotonic_contraints.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_monotonic_contraints.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_predictor.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_predictor.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_splitting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_splitting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_warm_start.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/__pycache__/test_warm_start.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_binning.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_bitset.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_compare_lightgbm.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_gradient_boosting.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_grower.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_histogram.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_monotonic_contraints.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_predictor.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_splitting.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/tests/test_warm_start.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_hist_gradient_boosting/utils.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/ensemble/_iforest.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_stacking.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_voting.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/_weight_boosting.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_bagging.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_bagging.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_forest.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_forest.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_gradient_boosting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_gradient_boosting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_iforest.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_iforest.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_stacking.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_stacking.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_voting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_voting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_weight_boosting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/__pycache__/test_weight_boosting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_bagging.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_base.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_forest.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_gradient_boosting.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_iforest.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_stacking.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_voting.py
/usr/lib/python3.10/site-packages/sklearn/ensemble/tests/test_weight_boosting.py
/usr/lib/python3.10/site-packages/sklearn/exceptions.py
/usr/lib/python3.10/site-packages/sklearn/experimental
/usr/lib/python3.10/site-packages/sklearn/experimental/__init__.py
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/enable_halving_search_cv.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/enable_halving_search_cv.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/enable_hist_gradient_boosting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/enable_hist_gradient_boosting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/enable_iterative_imputer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/__pycache__/enable_iterative_imputer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/enable_halving_search_cv.py
/usr/lib/python3.10/site-packages/sklearn/experimental/enable_hist_gradient_boosting.py
/usr/lib/python3.10/site-packages/sklearn/experimental/enable_iterative_imputer.py
/usr/lib/python3.10/site-packages/sklearn/experimental/tests
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/test_enable_hist_gradient_boosting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/test_enable_hist_gradient_boosting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/test_enable_iterative_imputer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/test_enable_iterative_imputer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/test_enable_successive_halving.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/__pycache__/test_enable_successive_halving.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/test_enable_hist_gradient_boosting.py
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/test_enable_iterative_imputer.py
/usr/lib/python3.10/site-packages/sklearn/experimental/tests/test_enable_successive_halving.py
/usr/lib/python3.10/site-packages/sklearn/externals
/usr/lib/python3.10/site-packages/sklearn/externals/__init__.py
/usr/lib/python3.10/site-packages/sklearn/externals/__pycache__
/usr/lib/python3.10/site-packages/sklearn/externals/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/__pycache__/_arff.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/__pycache__/_arff.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/__pycache__/conftest.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/__pycache__/conftest.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_arff.py
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__init__.py
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__pycache__
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__pycache__/_structures.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__pycache__/_structures.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__pycache__/version.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/__pycache__/version.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/_structures.py
/usr/lib/python3.10/site-packages/sklearn/externals/_packaging/version.py
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/__init__.py
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/__pycache__
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/__init__.py
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/__pycache__
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph/__init__.py
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph/__pycache__
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph/__pycache__/_laplacian.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph/__pycache__/_laplacian.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/externals/_scipy/sparse/csgraph/_laplacian.py
/usr/lib/python3.10/site-packages/sklearn/externals/conftest.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__init__.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/_dict_vectorizer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/_dict_vectorizer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/_hash.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/_hash.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/_stop_words.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/_stop_words.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/image.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/image.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/text.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/__pycache__/text.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/_dict_vectorizer.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/_hash.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/_hashing_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/_stop_words.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/image.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_dict_vectorizer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_dict_vectorizer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_feature_hasher.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_feature_hasher.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_image.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_image.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_text.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/__pycache__/test_text.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/test_dict_vectorizer.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/test_feature_hasher.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/test_image.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/tests/test_text.py
/usr/lib/python3.10/site-packages/sklearn/feature_extraction/text.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__init__.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_from_model.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_from_model.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_mutual_info.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_mutual_info.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_rfe.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_rfe.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_sequential.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_sequential.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_univariate_selection.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_univariate_selection.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_variance_threshold.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/__pycache__/_variance_threshold.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/_base.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/_from_model.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/_mutual_info.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/_rfe.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/_sequential.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/_univariate_selection.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/_variance_threshold.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_chi2.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_chi2.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_feature_select.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_feature_select.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_from_model.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_from_model.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_mutual_info.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_mutual_info.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_rfe.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_rfe.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_sequential.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_sequential.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_variance_threshold.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/__pycache__/test_variance_threshold.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_base.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_chi2.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_feature_select.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_from_model.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_mutual_info.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_rfe.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_sequential.py
/usr/lib/python3.10/site-packages/sklearn/feature_selection/tests/test_variance_threshold.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__init__.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/_gpc.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/_gpc.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/_gpr.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/_gpr.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/kernels.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/__pycache__/kernels.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/_gpc.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/_gpr.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/kernels.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/_mini_sequence_kernel.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/_mini_sequence_kernel.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/test_gpc.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/test_gpc.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/test_gpr.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/test_gpr.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/test_kernels.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/__pycache__/test_kernels.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/_mini_sequence_kernel.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/test_gpc.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/test_gpr.py
/usr/lib/python3.10/site-packages/sklearn/gaussian_process/tests/test_kernels.py
/usr/lib/python3.10/site-packages/sklearn/impute
/usr/lib/python3.10/site-packages/sklearn/impute/__init__.py
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/_iterative.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/_iterative.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/_knn.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/__pycache__/_knn.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/_base.py
/usr/lib/python3.10/site-packages/sklearn/impute/_iterative.py
/usr/lib/python3.10/site-packages/sklearn/impute/_knn.py
/usr/lib/python3.10/site-packages/sklearn/impute/tests
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_impute.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_impute.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_knn.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/__pycache__/test_knn.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/impute/tests/test_base.py
/usr/lib/python3.10/site-packages/sklearn/impute/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/impute/tests/test_impute.py
/usr/lib/python3.10/site-packages/sklearn/impute/tests/test_knn.py
/usr/lib/python3.10/site-packages/sklearn/inspection
/usr/lib/python3.10/site-packages/sklearn/inspection/__init__.py
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/_partial_dependence.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/_partial_dependence.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/_pd_utils.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/_pd_utils.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/_permutation_importance.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/__pycache__/_permutation_importance.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_partial_dependence.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_pd_utils.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_permutation_importance.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__init__.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__pycache__
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__pycache__/decision_boundary.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__pycache__/decision_boundary.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__pycache__/partial_dependence.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/__pycache__/partial_dependence.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/decision_boundary.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/partial_dependence.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__pycache__/test_boundary_decision_display.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__pycache__/test_boundary_decision_display.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__pycache__/test_plot_partial_dependence.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/__pycache__/test_plot_partial_dependence.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/test_boundary_decision_display.py
/usr/lib/python3.10/site-packages/sklearn/inspection/_plot/tests/test_plot_partial_dependence.py
/usr/lib/python3.10/site-packages/sklearn/inspection/tests
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/test_partial_dependence.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/test_partial_dependence.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/test_pd_utils.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/test_pd_utils.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/test_permutation_importance.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/__pycache__/test_permutation_importance.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/test_partial_dependence.py
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/test_pd_utils.py
/usr/lib/python3.10/site-packages/sklearn/inspection/tests/test_permutation_importance.py
/usr/lib/python3.10/site-packages/sklearn/isotonic.py
/usr/lib/python3.10/site-packages/sklearn/kernel_approximation.py
/usr/lib/python3.10/site-packages/sklearn/kernel_ridge.py
/usr/lib/python3.10/site-packages/sklearn/linear_model
/usr/lib/python3.10/site-packages/sklearn/linear_model/__init__.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_bayes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_bayes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_coordinate_descent.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_coordinate_descent.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_huber.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_huber.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_least_angle.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_least_angle.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_linear_loss.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_linear_loss.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_logistic.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_logistic.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_omp.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_omp.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_passive_aggressive.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_passive_aggressive.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_perceptron.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_perceptron.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_quantile.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_quantile.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_ransac.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_ransac.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_ridge.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_ridge.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_sag.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_sag.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_stochastic_gradient.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_stochastic_gradient.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_theil_sen.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/__pycache__/_theil_sen.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_base.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_bayes.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_cd_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/linear_model/_coordinate_descent.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__init__.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__pycache__
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__pycache__/_newton_solver.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__pycache__/_newton_solver.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__pycache__/glm.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/__pycache__/glm.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/_newton_solver.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/glm.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests/__pycache__/test_glm.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests/__pycache__/test_glm.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/_glm/tests/test_glm.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_huber.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_least_angle.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_linear_loss.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_logistic.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_omp.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_passive_aggressive.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_perceptron.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_quantile.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_ransac.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_ridge.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_sag.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_sag_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/linear_model/_sgd_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/linear_model/_sgd_fast.pxd
/usr/lib/python3.10/site-packages/sklearn/linear_model/_stochastic_gradient.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/_theil_sen.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_bayes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_bayes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_coordinate_descent.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_coordinate_descent.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_huber.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_huber.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_least_angle.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_least_angle.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_linear_loss.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_linear_loss.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_logistic.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_logistic.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_omp.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_omp.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_passive_aggressive.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_passive_aggressive.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_perceptron.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_perceptron.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_quantile.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_quantile.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_ransac.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_ransac.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_ridge.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_ridge.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_sag.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_sag.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_sgd.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_sgd.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_sparse_coordinate_descent.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_sparse_coordinate_descent.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_theil_sen.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/__pycache__/test_theil_sen.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_base.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_bayes.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_coordinate_descent.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_huber.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_least_angle.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_linear_loss.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_logistic.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_omp.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_passive_aggressive.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_perceptron.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_quantile.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_ransac.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_ridge.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_sag.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_sgd.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_sparse_coordinate_descent.py
/usr/lib/python3.10/site-packages/sklearn/linear_model/tests/test_theil_sen.py
/usr/lib/python3.10/site-packages/sklearn/manifold
/usr/lib/python3.10/site-packages/sklearn/manifold/__init__.py
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_isomap.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_isomap.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_locally_linear.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_locally_linear.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_mds.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_mds.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_spectral_embedding.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_spectral_embedding.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_t_sne.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/__pycache__/_t_sne.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/_barnes_hut_tsne.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/manifold/_isomap.py
/usr/lib/python3.10/site-packages/sklearn/manifold/_locally_linear.py
/usr/lib/python3.10/site-packages/sklearn/manifold/_mds.py
/usr/lib/python3.10/site-packages/sklearn/manifold/_spectral_embedding.py
/usr/lib/python3.10/site-packages/sklearn/manifold/_t_sne.py
/usr/lib/python3.10/site-packages/sklearn/manifold/_utils.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/manifold/tests
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_isomap.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_isomap.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_locally_linear.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_locally_linear.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_mds.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_mds.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_spectral_embedding.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_spectral_embedding.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_t_sne.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/__pycache__/test_t_sne.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/test_isomap.py
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/test_locally_linear.py
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/test_mds.py
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/test_spectral_embedding.py
/usr/lib/python3.10/site-packages/sklearn/manifold/tests/test_t_sne.py
/usr/lib/python3.10/site-packages/sklearn/metrics
/usr/lib/python3.10/site-packages/sklearn/metrics/__init__.py
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_classification.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_classification.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_ranking.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_ranking.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_regression.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_regression.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_scorer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/_scorer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/pairwise.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/__pycache__/pairwise.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_base.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_classification.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_dist_metrics.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_dist_metrics.pxd
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/__init__.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/__pycache__
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/__pycache__/_dispatcher.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/__pycache__/_dispatcher.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_argkmin.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_argkmin.pxd
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_argkmin_classmode.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_base.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_base.pxd
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_classmode.pxd
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_datasets_pair.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_datasets_pair.pxd
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_dispatcher.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_middle_term_computer.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_middle_term_computer.pxd
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_radius_neighbors.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_radius_neighbors.pxd
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_distances_reduction/_radius_neighbors_classmode.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_pairwise_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__init__.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/confusion_matrix.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/confusion_matrix.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/det_curve.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/det_curve.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/precision_recall_curve.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/precision_recall_curve.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/regression.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/regression.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/roc_curve.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/__pycache__/roc_curve.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/confusion_matrix.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/det_curve.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/precision_recall_curve.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/regression.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/roc_curve.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_common_curve_display.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_common_curve_display.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_confusion_matrix_display.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_confusion_matrix_display.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_det_curve_display.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_det_curve_display.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_precision_recall_display.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_precision_recall_display.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_predict_error_display.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_predict_error_display.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_roc_curve_display.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/__pycache__/test_roc_curve_display.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/test_common_curve_display.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/test_confusion_matrix_display.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/test_det_curve_display.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/test_precision_recall_display.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/test_predict_error_display.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_plot/tests/test_roc_curve_display.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_ranking.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_regression.py
/usr/lib/python3.10/site-packages/sklearn/metrics/_scorer.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__init__.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/_bicluster.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/_bicluster.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/_supervised.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/_supervised.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/_unsupervised.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/__pycache__/_unsupervised.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/_bicluster.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/_expected_mutual_info_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/_supervised.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/_unsupervised.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_bicluster.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_bicluster.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_supervised.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_supervised.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_unsupervised.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/__pycache__/test_unsupervised.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/test_bicluster.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/test_supervised.py
/usr/lib/python3.10/site-packages/sklearn/metrics/cluster/tests/test_unsupervised.py
/usr/lib/python3.10/site-packages/sklearn/metrics/pairwise.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_classification.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_classification.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_dist_metrics.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_dist_metrics.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_pairwise.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_pairwise.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_pairwise_distances_reduction.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_pairwise_distances_reduction.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_ranking.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_ranking.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_regression.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_regression.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_score_objects.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/__pycache__/test_score_objects.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_classification.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_dist_metrics.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_pairwise.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_pairwise_distances_reduction.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_ranking.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_regression.py
/usr/lib/python3.10/site-packages/sklearn/metrics/tests/test_score_objects.py
/usr/lib/python3.10/site-packages/sklearn/mixture
/usr/lib/python3.10/site-packages/sklearn/mixture/__init__.py
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/_bayesian_mixture.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/_bayesian_mixture.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/_gaussian_mixture.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/__pycache__/_gaussian_mixture.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/_base.py
/usr/lib/python3.10/site-packages/sklearn/mixture/_bayesian_mixture.py
/usr/lib/python3.10/site-packages/sklearn/mixture/_gaussian_mixture.py
/usr/lib/python3.10/site-packages/sklearn/mixture/tests
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/test_bayesian_mixture.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/test_bayesian_mixture.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/test_gaussian_mixture.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/test_gaussian_mixture.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/test_mixture.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/__pycache__/test_mixture.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/test_bayesian_mixture.py
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/test_gaussian_mixture.py
/usr/lib/python3.10/site-packages/sklearn/mixture/tests/test_mixture.py
/usr/lib/python3.10/site-packages/sklearn/model_selection
/usr/lib/python3.10/site-packages/sklearn/model_selection/__init__.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_plot.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_plot.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_search.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_search.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_search_successive_halving.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_search_successive_halving.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_split.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_split.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_validation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/__pycache__/_validation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/_plot.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/_search.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/_search_successive_halving.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/_split.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/_validation.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_plot.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_plot.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_search.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_search.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_split.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_split.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_successive_halving.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_successive_halving.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_validation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/__pycache__/test_validation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/common.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/test_plot.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/test_search.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/test_split.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/test_successive_halving.py
/usr/lib/python3.10/site-packages/sklearn/model_selection/tests/test_validation.py
/usr/lib/python3.10/site-packages/sklearn/multiclass.py
/usr/lib/python3.10/site-packages/sklearn/multioutput.py
/usr/lib/python3.10/site-packages/sklearn/naive_bayes.py
/usr/lib/python3.10/site-packages/sklearn/neighbors
/usr/lib/python3.10/site-packages/sklearn/neighbors/__init__.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_classification.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_classification.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_graph.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_graph.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_kde.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_kde.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_lof.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_lof.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_nca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_nca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_nearest_centroid.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_nearest_centroid.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_regression.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_regression.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_unsupervised.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/__pycache__/_unsupervised.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/_ball_tree.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/neighbors/_base.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_classification.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_graph.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_kd_tree.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/neighbors/_kde.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_lof.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_nca.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_nearest_centroid.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_partition_nodes.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/neighbors/_partition_nodes.pxd
/usr/lib/python3.10/site-packages/sklearn/neighbors/_quad_tree.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/neighbors/_quad_tree.pxd
/usr/lib/python3.10/site-packages/sklearn/neighbors/_regression.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/_unsupervised.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_ball_tree.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_ball_tree.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_graph.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_graph.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_kd_tree.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_kd_tree.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_kde.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_kde.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_lof.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_lof.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_nca.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_nca.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_nearest_centroid.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_nearest_centroid.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_neighbors.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_neighbors.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_neighbors_pipeline.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_neighbors_pipeline.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_neighbors_tree.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_neighbors_tree.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_quad_tree.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/__pycache__/test_quad_tree.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_ball_tree.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_graph.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_kd_tree.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_kde.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_lof.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_nca.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_nearest_centroid.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_neighbors.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_neighbors_pipeline.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_neighbors_tree.py
/usr/lib/python3.10/site-packages/sklearn/neighbors/tests/test_quad_tree.py
/usr/lib/python3.10/site-packages/sklearn/neural_network
/usr/lib/python3.10/site-packages/sklearn/neural_network/__init__.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_multilayer_perceptron.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_multilayer_perceptron.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_rbm.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_rbm.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_stochastic_optimizers.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/__pycache__/_stochastic_optimizers.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/_base.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/_multilayer_perceptron.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/_rbm.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/_stochastic_optimizers.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_mlp.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_mlp.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_rbm.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_rbm.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_stochastic_optimizers.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/__pycache__/test_stochastic_optimizers.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/test_base.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/test_mlp.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/test_rbm.py
/usr/lib/python3.10/site-packages/sklearn/neural_network/tests/test_stochastic_optimizers.py
/usr/lib/python3.10/site-packages/sklearn/pipeline.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__init__.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_data.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_data.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_discretization.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_discretization.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_encoders.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_encoders.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_function_transformer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_function_transformer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_label.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_label.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_polynomial.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_polynomial.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_target_encoder.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/__pycache__/_target_encoder.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_csr_polynomial_expansion.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_data.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_discretization.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_encoders.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_function_transformer.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_label.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_polynomial.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_target_encoder.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/_target_encoder_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_data.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_data.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_discretization.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_discretization.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_encoders.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_encoders.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_function_transformer.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_function_transformer.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_label.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_label.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_polynomial.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_polynomial.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_target_encoder.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/__pycache__/test_target_encoder.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_data.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_discretization.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_encoders.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_function_transformer.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_label.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_polynomial.py
/usr/lib/python3.10/site-packages/sklearn/preprocessing/tests/test_target_encoder.py
/usr/lib/python3.10/site-packages/sklearn/random_projection.py
/usr/lib/python3.10/site-packages/sklearn/semi_supervised
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__init__.py
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__pycache__
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__pycache__/_label_propagation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__pycache__/_label_propagation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__pycache__/_self_training.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/__pycache__/_self_training.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/_label_propagation.py
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/_self_training.py
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__pycache__/test_label_propagation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__pycache__/test_label_propagation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__pycache__/test_self_training.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/__pycache__/test_self_training.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/test_label_propagation.py
/usr/lib/python3.10/site-packages/sklearn/semi_supervised/tests/test_self_training.py
/usr/lib/python3.10/site-packages/sklearn/svm
/usr/lib/python3.10/site-packages/sklearn/svm/__init__.py
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/_bounds.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/_bounds.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/_classes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/__pycache__/_classes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/_base.py
/usr/lib/python3.10/site-packages/sklearn/svm/_bounds.py
/usr/lib/python3.10/site-packages/sklearn/svm/_classes.py
/usr/lib/python3.10/site-packages/sklearn/svm/_liblinear.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/svm/_libsvm.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/svm/_libsvm_sparse.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/svm/_newrand.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/svm/tests
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/test_bounds.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/test_bounds.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/test_sparse.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/test_sparse.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/test_svm.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/__pycache__/test_svm.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/svm/tests/test_bounds.py
/usr/lib/python3.10/site-packages/sklearn/svm/tests/test_sparse.py
/usr/lib/python3.10/site-packages/sklearn/svm/tests/test_svm.py
/usr/lib/python3.10/site-packages/sklearn/tests
/usr/lib/python3.10/site-packages/sklearn/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/metadata_routing_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/metadata_routing_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/random_seed.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/random_seed.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_base.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_base.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_build.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_build.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_calibration.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_calibration.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_check_build.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_check_build.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_common.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_common.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_config.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_config.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_discriminant_analysis.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_discriminant_analysis.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_docstring_parameters.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_docstring_parameters.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_docstrings.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_docstrings.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_dummy.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_dummy.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_init.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_init.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_isotonic.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_isotonic.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_kernel_approximation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_kernel_approximation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_kernel_ridge.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_kernel_ridge.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_metadata_routing.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_metadata_routing.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_metaestimators.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_metaestimators.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_metaestimators_metadata_routing.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_metaestimators_metadata_routing.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_min_dependencies_readme.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_min_dependencies_readme.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_multiclass.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_multiclass.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_multioutput.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_multioutput.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_naive_bayes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_naive_bayes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_pipeline.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_pipeline.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_public_functions.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_public_functions.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_random_projection.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/__pycache__/test_random_projection.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tests/metadata_routing_common.py
/usr/lib/python3.10/site-packages/sklearn/tests/random_seed.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_base.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_build.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_calibration.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_check_build.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_common.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_config.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_discriminant_analysis.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_docstring_parameters.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_docstrings.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_dummy.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_init.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_isotonic.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_kernel_approximation.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_kernel_ridge.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_metadata_routing.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_metaestimators.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_metaestimators_metadata_routing.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_min_dependencies_readme.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_multiclass.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_multioutput.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_naive_bayes.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_pipeline.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_public_functions.py
/usr/lib/python3.10/site-packages/sklearn/tests/test_random_projection.py
/usr/lib/python3.10/site-packages/sklearn/tree
/usr/lib/python3.10/site-packages/sklearn/tree/__init__.py
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/_classes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/_classes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/_export.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/_export.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/_reingold_tilford.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/__pycache__/_reingold_tilford.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/_classes.py
/usr/lib/python3.10/site-packages/sklearn/tree/_criterion.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/tree/_criterion.pxd
/usr/lib/python3.10/site-packages/sklearn/tree/_export.py
/usr/lib/python3.10/site-packages/sklearn/tree/_reingold_tilford.py
/usr/lib/python3.10/site-packages/sklearn/tree/_splitter.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/tree/_splitter.pxd
/usr/lib/python3.10/site-packages/sklearn/tree/_tree.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/tree/_tree.pxd
/usr/lib/python3.10/site-packages/sklearn/tree/_utils.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/tree/_utils.pxd
/usr/lib/python3.10/site-packages/sklearn/tree/tests
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_export.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_export.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_monotonic_tree.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_monotonic_tree.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_reingold_tilford.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_reingold_tilford.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_tree.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/__pycache__/test_tree.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/tree/tests/test_export.py
/usr/lib/python3.10/site-packages/sklearn/tree/tests/test_monotonic_tree.py
/usr/lib/python3.10/site-packages/sklearn/tree/tests/test_reingold_tilford.py
/usr/lib/python3.10/site-packages/sklearn/tree/tests/test_tree.py
/usr/lib/python3.10/site-packages/sklearn/utils
/usr/lib/python3.10/site-packages/sklearn/utils/__init__.py
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_arpack.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_arpack.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_array_api.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_array_api.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_available_if.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_available_if.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_bunch.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_bunch.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_encode.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_encode.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_estimator_html_repr.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_estimator_html_repr.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_joblib.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_joblib.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_mask.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_mask.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_metadata_requests.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_metadata_requests.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_mocking.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_mocking.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_param_validation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_param_validation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_plotting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_plotting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_pprint.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_pprint.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_response.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_response.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_set_output.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_set_output.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_show_versions.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_show_versions.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_tags.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_tags.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_testing.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/_testing.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/class_weight.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/class_weight.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/deprecation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/deprecation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/discovery.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/discovery.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/estimator_checks.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/estimator_checks.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/extmath.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/extmath.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/fixes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/fixes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/graph.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/graph.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/metadata_routing.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/metadata_routing.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/metaestimators.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/metaestimators.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/multiclass.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/multiclass.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/optimize.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/optimize.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/parallel.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/parallel.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/random.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/random.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/sparsefuncs.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/sparsefuncs.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/stats.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/stats.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/validation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/__pycache__/validation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/_arpack.py
/usr/lib/python3.10/site-packages/sklearn/utils/_array_api.py
/usr/lib/python3.10/site-packages/sklearn/utils/_available_if.py
/usr/lib/python3.10/site-packages/sklearn/utils/_bunch.py
/usr/lib/python3.10/site-packages/sklearn/utils/_cython_blas.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_cython_blas.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_encode.py
/usr/lib/python3.10/site-packages/sklearn/utils/_estimator_html_repr.css
/usr/lib/python3.10/site-packages/sklearn/utils/_estimator_html_repr.py
/usr/lib/python3.10/site-packages/sklearn/utils/_fast_dict.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_fast_dict.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_heap.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_heap.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_isfinite.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_joblib.py
/usr/lib/python3.10/site-packages/sklearn/utils/_mask.py
/usr/lib/python3.10/site-packages/sklearn/utils/_metadata_requests.py
/usr/lib/python3.10/site-packages/sklearn/utils/_mocking.py
/usr/lib/python3.10/site-packages/sklearn/utils/_openmp_helpers.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_openmp_helpers.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_param_validation.py
/usr/lib/python3.10/site-packages/sklearn/utils/_plotting.py
/usr/lib/python3.10/site-packages/sklearn/utils/_pprint.py
/usr/lib/python3.10/site-packages/sklearn/utils/_random.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_random.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_response.py
/usr/lib/python3.10/site-packages/sklearn/utils/_seq_dataset.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_seq_dataset.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_set_output.py
/usr/lib/python3.10/site-packages/sklearn/utils/_show_versions.py
/usr/lib/python3.10/site-packages/sklearn/utils/_sorting.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_sorting.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_tags.py
/usr/lib/python3.10/site-packages/sklearn/utils/_testing.py
/usr/lib/python3.10/site-packages/sklearn/utils/_typedefs.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_typedefs.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_vector_sentinel.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_vector_sentinel.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/_weight_vector.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/_weight_vector.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/arrayfuncs.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/class_weight.py
/usr/lib/python3.10/site-packages/sklearn/utils/deprecation.py
/usr/lib/python3.10/site-packages/sklearn/utils/discovery.py
/usr/lib/python3.10/site-packages/sklearn/utils/estimator_checks.py
/usr/lib/python3.10/site-packages/sklearn/utils/extmath.py
/usr/lib/python3.10/site-packages/sklearn/utils/fixes.py
/usr/lib/python3.10/site-packages/sklearn/utils/graph.py
/usr/lib/python3.10/site-packages/sklearn/utils/metadata_routing.py
/usr/lib/python3.10/site-packages/sklearn/utils/metaestimators.py
/usr/lib/python3.10/site-packages/sklearn/utils/multiclass.py
/usr/lib/python3.10/site-packages/sklearn/utils/murmurhash.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/murmurhash.pxd
/usr/lib/python3.10/site-packages/sklearn/utils/optimize.py
/usr/lib/python3.10/site-packages/sklearn/utils/parallel.py
/usr/lib/python3.10/site-packages/sklearn/utils/random.py
/usr/lib/python3.10/site-packages/sklearn/utils/sparsefuncs.py
/usr/lib/python3.10/site-packages/sklearn/utils/sparsefuncs_fast.cpython-310-arm-linux-gnueabihf.so
/usr/lib/python3.10/site-packages/sklearn/utils/stats.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__init__.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/__init__.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/__init__.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_arpack.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_arpack.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_array_api.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_array_api.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_arrayfuncs.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_arrayfuncs.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_bunch.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_bunch.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_class_weight.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_class_weight.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_cython_blas.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_cython_blas.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_cython_templating.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_cython_templating.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_deprecation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_deprecation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_encode.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_encode.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_estimator_checks.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_estimator_checks.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_estimator_html_repr.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_estimator_html_repr.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_extmath.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_extmath.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_fast_dict.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_fast_dict.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_fixes.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_fixes.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_graph.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_graph.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_metaestimators.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_metaestimators.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_mocking.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_mocking.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_multiclass.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_multiclass.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_murmurhash.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_murmurhash.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_optimize.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_optimize.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_parallel.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_parallel.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_param_validation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_param_validation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_plotting.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_plotting.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_pprint.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_pprint.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_random.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_random.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_response.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_response.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_seq_dataset.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_seq_dataset.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_set_output.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_set_output.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_shortest_path.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_shortest_path.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_show_versions.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_show_versions.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_sparsefuncs.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_sparsefuncs.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_stats.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_stats.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_tags.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_tags.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_testing.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_testing.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_typedefs.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_typedefs.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_utils.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_utils.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_validation.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_validation.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_weight_vector.cpython-310.opt-1.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/__pycache__/test_weight_vector.cpython-310.pyc
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_arpack.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_array_api.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_arrayfuncs.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_bunch.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_class_weight.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_cython_blas.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_cython_templating.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_deprecation.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_encode.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_estimator_checks.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_estimator_html_repr.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_extmath.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_fast_dict.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_fixes.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_graph.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_metaestimators.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_mocking.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_multiclass.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_murmurhash.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_optimize.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_parallel.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_param_validation.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_plotting.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_pprint.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_random.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_response.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_seq_dataset.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_set_output.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_shortest_path.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_show_versions.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_sparsefuncs.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_stats.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_tags.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_testing.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_typedefs.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_utils.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_validation.py
/usr/lib/python3.10/site-packages/sklearn/utils/tests/test_weight_vector.py
/usr/lib/python3.10/site-packages/sklearn/utils/validation.py
/usr/share/doc/packages/python310-scikit-learn
/usr/share/doc/packages/python310-scikit-learn/README.rst
/usr/share/licenses/python310-scikit-learn
/usr/share/licenses/python310-scikit-learn/COPYING


Generated by rpm2html 1.8.1

Fabrice Bellet, Wed Apr 24 00:45:41 2024