Search Options

Results per page
Sort
Preferred Languages
Labels
Advance

Results 251 - 300 of 1,326 for test (1.06 sec)

  1. CalibratedClassifierCV — scikit-learn 1.7.0 doc...

    and calibrates it using the testing subset. For prediction, predicted...An iterable yielding (train, test) splits as arrays of indices....
    scikit-learn.org/stable/modules/generated/sklearn.calibration.CalibratedClassifierCV.html
    Thu Jul 03 11:42:05 UTC 2025
      154.7K bytes
      Cache
     
  2. LeavePGroupsOut — scikit-learn 1.7.0 documentation

    f " Test: index= { test_index } , group= { groups [ test_index...indices for that split. test ndarray The testing set indices for that...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.LeavePGroupsOut.html
    Thu Jul 03 11:42:05 UTC 2025
      122.8K bytes
      Cache
     
  3. Sample pipeline for text feature extraction and...

    ) data_test = fetch_20newsgroups ( subset = "test" , categories...vect__norm: l1 test_accuracy = random_search . score ( data_test . data...
    scikit-learn.org/stable/auto_examples/model_selection/plot_grid_search_text_feature_extraction.html
    Thu Jul 03 11:42:05 UTC 2025
      167.9K bytes
      1 views
      Cache
     
  4. LinearSVC — scikit-learn 1.7.0 documentation

    vs the rest. It is possible to implement one vs the rest with SVC...shape (n_samples, n_features) Test samples. y array-like of shape...
    scikit-learn.org/stable/modules/generated/sklearn.svm.LinearSVC.html
    Thu Jul 03 11:42:05 UTC 2025
      162.7K bytes
      Cache
     
  5. LeaveOneOut — scikit-learn 1.7.0 documentation

    Provides train/test indices to split data in train/test sets. Each..." ) ... print ( f " Test: index= { test_index } " ) Fold 0: Train:...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.LeaveOneOut.html
    Thu Jul 03 11:42:05 UTC 2025
      116.3K bytes
      Cache
     
  6. L1-based models for Sparse Signals — scikit-lea...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...train_test_split ( X , y , test_size = 0.5 , shuffle = False ) In...
    scikit-learn.org/stable/auto_examples/linear_model/plot_lasso_and_elasticnet.html
    Thu Jul 03 11:42:05 UTC 2025
      125.4K bytes
      Cache
     
  7. MLPRegressor — scikit-learn 1.7.0 documentation

    X_test , y_train , y_test = train_test_split ( X ,...-291]) >>> regr . score ( X_test , y_test ) 0.98 fit ( X , y , sample_weight...
    scikit-learn.org/stable/modules/generated/sklearn.neural_network.MLPRegressor.html
    Thu Jul 03 11:42:06 UTC 2025
      163.6K bytes
      Cache
     
  8. Post pruning decision trees with cost complexit...

    X_test , y_train , y_test = train_test_split ( X ,...clfs ] test_scores = [ clf . score ( X_test , y_test ) for clf...
    scikit-learn.org/stable/auto_examples/tree/plot_cost_complexity_pruning.html
    Thu Jul 03 11:42:05 UTC 2025
      102.8K bytes
      Cache
     
  9. ValidationCurveDisplay — scikit-learn 1.7.0 doc...

    test_scores = test_scores , score_name =...param_range , train_scores , test_scores , score_name = None )...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.ValidationCurveDisplay.html
    Thu Jul 03 11:42:06 UTC 2025
      144K bytes
      Cache
     
  10. Visualizations with Display Objects — scikit-le...

    X_test , y_train , y_test = train_test_split ( X ,...predict ( X_test ) cm = confusion_matrix ( y_test , y_pred ) cm_display...
    scikit-learn.org/stable/auto_examples/miscellaneous/plot_display_object_visualization.html
    Thu Jul 03 11:42:05 UTC 2025
      126.6K bytes
      Cache
     
  11. Release Highlights for scikit-learn 0.24 — scik...

    X_test , y_train , y_test = train_test_split ( X ,...X_train , X_test , y_train , y_test = train_test_split ( X ,...
    scikit-learn.org/stable/auto_examples/release_highlights/plot_release_highlights_0_24_0.html
    Thu Jul 03 11:42:05 UTC 2025
      176.2K bytes
      Cache
     
  12. OneVsOneClassifier — scikit-learn 1.7.0 documen...

    X_test , y_train , y_test = train_test_split ( ......sklearn.model_selection import train_test_split >>> from sklearn.multiclass...
    scikit-learn.org/stable/modules/generated/sklearn.multiclass.OneVsOneClassifier.html
    Thu Jul 03 11:42:06 UTC 2025
      142.5K bytes
      Cache
     
  13. Prediction Intervals for Gradient Boosting Regr...

    test datasets: X_train , X_test , y_train , y_test = train_test_split...( X_test , y_test , "b." , markersize = 10 , label = "Test observations"...
    scikit-learn.org/stable/auto_examples/ensemble/plot_gradient_boosting_quantile.html
    Thu Jul 03 11:42:05 UTC 2025
      140.9K bytes
      Cache
     
  14. load_svmlight_files — scikit-learn 1.7.0 docume...

    target_test X_train , y_train , X_test , y_test = get_data ()...matrix X_test, it is essential that X_train and X_test have the...
    scikit-learn.org/stable/modules/generated/sklearn.datasets.load_svmlight_files.html
    Thu Jul 03 11:42:05 UTC 2025
      111.5K bytes
      Cache
     
  15. MNIST classification using multinomial logistic...

    X_test , y_train , y_test = train_test_split ( X ,...clf . score ( X_test , y_test ) # print('Best C % .4f' % clf.C_)...
    scikit-learn.org/stable/auto_examples/linear_model/plot_sparse_logistic_regression_mnist.html
    Thu Jul 03 11:42:05 UTC 2025
      96.3K bytes
      Cache
     
  16. Confusion matrix — scikit-learn 1.7.0 documenta...

    set and a test set X_train , X_test , y_train , y_test = train_test_split...from_estimator ( classifier , X_test , y_test , display_labels = class_names...
    scikit-learn.org/stable/auto_examples/model_selection/plot_confusion_matrix.html
    Thu Jul 03 11:42:05 UTC 2025
      88.9K bytes
      Cache
     
  17. Single estimator versus bagging: bias-variance ...

    ( y ) X_test , y_test = generate ( n_samples = n_test , noise...training set n_test = 1000 # Size of the test set noise = 0.1...
    scikit-learn.org/stable/auto_examples/ensemble/plot_bias_variance.html
    Thu Jul 03 11:42:05 UTC 2025
      115.6K bytes
      Cache
     
  18. Installing scikit-learn — scikit-learn 1.7.0 do...

    2 tests pytest-cov 2.9.0 tests ruff 0.11.7 tests mypy 1.15...1.15 tests pyamg 4.2.1 tests polars 0.20.30 docs, tests pyarrow...
    scikit-learn.org/stable/install.html
    Thu Jul 03 11:42:06 UTC 2025
      54K bytes
      Cache
     
  19. Debugging Azure Networking for Elastic Cloud Se...

    for the duration of the test. These tests are designed to push the...performance and scalability tests to ensure that our users get...
    www.elastic.co/observability-labs/blog/debugging-aks-packet-loss
    Fri Jul 04 01:08:51 UTC 2025
      149.3K bytes
      Cache
     
  20. LarsCV — scikit-learn 1.7.0 documentation

    test) splits as arrays of indices....coefficient of determination on test data. The coefficient of determination,...
    scikit-learn.org/stable/modules/generated/sklearn.linear_model.LarsCV.html
    Thu Jul 03 11:42:06 UTC 2025
      142K bytes
      Cache
     
  21. GMM covariances — scikit-learn 1.7.0 documentation

    train_index ] X_test = iris . data [ test_index ] y_test = iris . target...transAxes ) y_test_pred = estimator . predict ( X_test ) test_accuracy...
    scikit-learn.org/stable/auto_examples/mixture/plot_gmm_covariances.html
    Thu Jul 03 11:42:05 UTC 2025
      108.4K bytes
      Cache
     
  22. MultinomialNB — scikit-learn 1.7.0 documentation

    classification of text documents Out-of-core classification of text documents...classification on an array of test vectors X. Parameters : X array-like...
    scikit-learn.org/stable/modules/generated/sklearn.naive_bayes.MultinomialNB.html
    Thu Jul 03 11:42:05 UTC 2025
      152.3K bytes
      Cache
     
  23. Feature transformations with ensembles of trees...

    X_test , y_full_train , y_test = train_test_split ( X...train_test_split ( X_full_train , y_full_train , test_size =...
    scikit-learn.org/stable/auto_examples/ensemble/plot_feature_transformation.html
    Thu Jul 03 11:42:06 UTC 2025
      197K bytes
      Cache
     
  24. Post-hoc tuning the cut-off point of decision f...

    Series ( [ est . best_threshold_ for est in cv_results_tuned_model...value_counts () class tested_negative 500 tested_positive 268 Name:...
    scikit-learn.org/stable/auto_examples/model_selection/plot_tuned_decision_threshold.html
    Thu Jul 03 11:42:05 UTC 2025
      136.2K bytes
      Cache
     
  25. Precision-Recall — scikit-learn 1.7.0 documenta...

    and test X_train , X_test , y_train , y_test = train_test_split...and test X_train , X_test , Y_train , Y_test = train_test_split...
    scikit-learn.org/stable/auto_examples/model_selection/plot_precision_recall.html
    Thu Jul 03 11:42:06 UTC 2025
      151.3K bytes
      Cache
     
  26. feed.xml

    import { test, expect } from "@playwright/test"; test("homepage...import { test, expect } from "@playwright/test"; test("homepage...
    www.elastic.co/observability-labs/rss/feed.xml
    Thu Jul 03 23:30:06 UTC 2025
      2.3M bytes
      6 views
     
  27. Demonstration of multi-metric evaluation on cro...

    The best_estimator_ , best_index_ , best_score_ and best_params_...``gs.best_score_``, ``gs.best_params_`` and # ``gs.best_index_``...
    scikit-learn.org/stable/auto_examples/model_selection/plot_multi_metric_evaluation.html
    Thu Jul 03 11:42:05 UTC 2025
      101.5K bytes
      Cache
     
  28. Lagged features for time series forecasting — s...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...train_test_split ( X , y , test_size = 0.2 , random_state = 42 )...
    scikit-learn.org/stable/auto_examples/applications/plot_time_series_lagged_features.html
    Thu Jul 03 11:42:06 UTC 2025
      162.8K bytes
      Cache
     
  29. Version 0.18 — scikit-learn 1.7.0 documentation

    'split0_test_score' ), as well as their mean ( 'mean_test_score'...sklearn.model_selection.train_test_split raised an error when stratify...
    scikit-learn.org/stable/whats_new/v0.18.html
    Thu Jul 03 11:42:05 UTC 2025
      134.3K bytes
      Cache
     
  30. Tweedie regression on insurance claims — scikit...

    ( "test" , X_test , df_test ), ]: y , _weights...train_test_split df_train , df_test , X_train , X_test = train_test_split...
    scikit-learn.org/stable/auto_examples/linear_model/plot_tweedie_regression_insurance_claims.html
    Thu Jul 03 11:42:05 UTC 2025
      181.8K bytes
      Cache
     
  31. Nearest Neighbors Classification — scikit-learn...

    X_test , y_train , y_test = train_test_split ( X ,...split the data into a train and test dataset. from sklearn.datasets...
    scikit-learn.org/stable/auto_examples/neighbors/plot_classification.html
    Thu Jul 03 11:42:05 UTC 2025
      96.2K bytes
      Cache
     
  32. Ordinary Least Squares and Ridge Regression — s...

    X_test , y_train , y_test = train_test_split ( X ,...] . scatter ( X_test , y_test , label = "Test data points" ) ax...
    scikit-learn.org/stable/auto_examples/linear_model/plot_ols_ridge.html
    Thu Jul 03 11:42:06 UTC 2025
      106.7K bytes
      Cache
     
  33. plot_classifier_comparison.zip

    and test part X, y = ds X_train, X_test, y_train, y_test = train_test_split(...Plot the testing points ax.scatter( X_test[:, 0], X_test[:, 1],...
    scikit-learn.org/stable/_downloads/ce35bcc69acbd491cf7ac77fa17889d5/plot_classifier_comparison.zip
    Thu Jul 03 11:42:05 UTC 2025
      10.8K bytes
     
  34. Prediction Latency — scikit-learn 1.7.0 documen...

    X_test , y_train , y_test = train_test_split ( X ,..., X_test , y_test = generate_dataset ( n_train , n_test , n )...
    scikit-learn.org/stable/auto_examples/applications/plot_prediction_latency.html
    Thu Jul 03 11:42:05 UTC 2025
      142.9K bytes
      Cache
     
  35. Multi-class AdaBoosted Decision Trees — scikit-...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...the remaining 30 percent for testing. from sklearn.model_selection...
    scikit-learn.org/stable/auto_examples/ensemble/plot_adaboost_multiclass.html
    Thu Jul 03 11:42:06 UTC 2025
      115.1K bytes
      Cache
     
  36. 外だしSQLのタイトル (OutsideSqlTitle) | DBFlute

    [df-outside-sql-test] [df-outside-sql-test] [Advice] [df-outside-sql-test]...[df-outside-sql-test] /* [df-outside-sql-test] [Simple Member...
    dbflute.seasar.org/ja/manual/function/genbafit/dbflutefit/outsidesqltitle/index.html
    Fri Jun 13 09:55:28 UTC 2025
      13.3K bytes
      Cache
     
  37. ElasticNet — scikit-learn 1.7.0 documentation

    coefficient of determination on test data. The coefficient of determination,...shape (n_samples, n_features) Test samples. For some estimators...
    scikit-learn.org/stable/modules/generated/sklearn.linear_model.ElasticNet.html
    Thu Jul 03 11:42:05 UTC 2025
      166.1K bytes
      Cache
     
  38. KNeighborsClassifier — scikit-learn 1.7.0 docum...

    or None Test samples. If None , predictions...probability estimates for the test data X. Parameters : X {array-like,...
    scikit-learn.org/stable/modules/generated/sklearn.neighbors.KNeighborsClassifier.html
    Thu Jul 03 11:42:05 UTC 2025
      156.1K bytes
      Cache
     
  39. Dimensionality Reduction with Neighborhood Comp...

    train/test X_train , X_test , y_train , y_test = train_test_split...( model . transform ( X_test ), y_test ) # Embed the data set...
    scikit-learn.org/stable/auto_examples/neighbors/plot_nca_dim_reduction.html
    Thu Jul 03 11:42:05 UTC 2025
      98.2K bytes
      Cache
     
  40. plot_classifier_comparison.py

    and test part X, y = ds X_train, X_test, y_train, y_test = train_test_split(...Plot the testing points ax.scatter( X_test[:, 0], X_test[:, 1],...
    scikit-learn.org/stable/_downloads/2da0534ab0e0c8241033bcc2d912e419/plot_classifier_comparison.py
    Thu Jul 03 11:42:05 UTC 2025
      4.8K bytes
      1 views
     
  41. NeighborhoodComponentsAnalysis — scikit-learn 1...

    X_test , y_train , y_test = train_test_split ( X ,...print ( knn . score ( X_test , y_test )) 0.933333... >>> knn ....
    scikit-learn.org/stable/modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html
    Thu Jul 03 11:42:06 UTC 2025
      143K bytes
      Cache
     
  42. Permutation Importance vs Random Forest Feature...

    X_test , y_train , y_test = train_test_split ( X ,...( f "RF test accuracy: { rf . score ( X_test , y_test ) : .3f...
    scikit-learn.org/stable/auto_examples/inspection/plot_permutation_importance.html
    Thu Jul 03 11:42:05 UTC 2025
      195.3K bytes
      Cache
     
  43. TimeSeriesSplit — scikit-learn 1.7.0 documentation

    test_size=None) >>> for i , ( train_index , test_index..." ) ... print ( f " Test: index= { test_index } " ) Fold 0: Train:...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.TimeSeriesSplit.html
    Thu Jul 03 11:42:05 UTC 2025
      129.5K bytes
      2 views
      Cache
     
  44. ShuffleSplit — scikit-learn 1.7.0 documentation

    print ( f " Test: index= { test_index } " ) Fold 0: Train:...4] Test: index=[5 2] Fold 1: Train: index=[4 0 2 5] Test: index=[1...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.ShuffleSplit.html
    Thu Jul 03 11:42:06 UTC 2025
      124.6K bytes
      Cache
     
  45. class_likelihood_ratios — scikit-learn 1.7.0 do...

    obtain post-test probabilities given a pre-test probability....classifier being a diagnostic test; the pre-test probability of an individual...
    scikit-learn.org/stable/modules/generated/sklearn.metrics.class_likelihood_ratios.html
    Thu Jul 03 11:42:06 UTC 2025
      122.5K bytes
      Cache
     
  46. 6. Visualizations — scikit-learn 1.7.0 document...

    X_test , y_train , y_test = train_test_split ( X ,...X_train , X_test , y_train , y_test = train_test_split ( X ,...
    scikit-learn.org/stable/visualizations.html
    Thu Jul 03 11:42:05 UTC 2025
      50K bytes
      Cache
     
  47. NuSVR — scikit-learn 1.7.0 documentation

    expected shape of X is (n_samples_test, n_samples_train). Returns :...coefficient of determination on test data. The coefficient of determination,...
    scikit-learn.org/stable/modules/generated/sklearn.svm.NuSVR.html
    Thu Jul 03 11:42:06 UTC 2025
      142.7K bytes
      Cache
     
  48. CalibrationDisplay — scikit-learn 1.7.0 documen...

    X_test , y_train , y_test = train_test_split ( ......X_train , X_test , y_train , y_test = train_test_split ( ......
    scikit-learn.org/stable/modules/generated/sklearn.calibration.CalibrationDisplay.html
    Thu Jul 03 11:42:06 UTC 2025
      141.4K bytes
      Cache
     
  49. Developer’s Guide — scikit-learn 1.7.0 document...

    on GitHub Actions Testing and improving test coverage Monitoring...Numbers Numerical assertions in tests Developers’ Tips and Tricks...
    scikit-learn.org/stable/developers/index.html
    Thu Jul 03 11:42:06 UTC 2025
      37.7K bytes
      Cache
     
  50. Plotting Learning Curves and Checking Models’ S...

    [ test_scores_nb , test_scores_svm ], [ naive_bayes...axis = 1 ), test_scores . mean ( axis = 1 ) - test_scores . std...
    scikit-learn.org/stable/auto_examples/model_selection/plot_learning_curve.html
    Thu Jul 03 11:42:05 UTC 2025
      111.8K bytes
      1 views
      Cache
     
Back to top