Search Options

Results per page
Sort
Preferred Languages
Labels
Advance

Results 301 - 320 of 608 for test (0.13 sec)

  1. Receiver Operating Characteristic (ROC) with cr...

    X [ test ], y [ test ], name = f "ROC fold..., 6 )) for fold , ( train , test ) in enumerate ( cv . split...
    scikit-learn.org/stable/auto_examples/model_selection/plot_roc_crossval.html
    Fri May 17 16:55:53 UTC 2024
      37.9K bytes
      Cache
     
  2. sklearn.metrics.DetCurveDisplay — scikit-learn ...

    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.metrics.DetCurveDisplay.html
    Fri May 17 16:55:53 UTC 2024
      45.8K bytes
      Cache
     
  3. Comparing random forests and the multi-output m...

    X_test , y_train , y_test = train_test_split ( X ,...predict ( X_test ) y_rf = regr_rf . predict ( X_test ) # Plot the...
    scikit-learn.org/stable/auto_examples/ensemble/plot_random_forest_regression_multioutput.html
    Fri May 17 16:55:51 UTC 2024
      35.6K bytes
      Cache
     
  4. Early stopping of Stochastic Gradient Descent —...

    y_train ) test_score = estimator . score ( X_test , y_test ) return...X_train , X_test , y_train , y_test = train_test_split ( X ,...
    scikit-learn.org/stable/auto_examples/linear_model/plot_sgd_early_stopping.html
    Fri May 17 16:55:52 UTC 2024
      44.4K bytes
      Cache
     
  5. Sparsity Example: Fitting only features 1 and 2...

    indices ] X_test = X [ - 20 :, indices ] y_train...y_train = y [: - 20 ] y_test = y [ - 20 :] Next we fit a linear...
    scikit-learn.org/stable/auto_examples/linear_model/plot_ols_3d.html
    Fri May 17 16:55:52 UTC 2024
      29.8K bytes
      Cache
     
  6. sklearn.model_selection.LeaveOneGroupOut — scik...

    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.LeaveOneGroupOut.html
    Fri May 17 16:55:53 UTC 2024
      33.6K bytes
      Cache
     
  7. 1.10. Decision Trees — scikit-learn 1.4.2 docum...

    validate a model using statistical tests. That makes it possible to account...= 0 ) . fit ( X , y ) >>> X_test = np . array ([ np . nan ])...
    scikit-learn.org/stable/modules/tree.html
    Fri May 17 16:55:52 UTC 2024
      71.9K bytes
      Cache
     
  8. Varying regularization in Multi-layer Perceptro...

    training and test part X_train , X_test , y_train , y_test = train_test_split...and testing points ax . scatter ( X_test [:, 0 ], X_test [:,...
    scikit-learn.org/stable/auto_examples/neural_networks/plot_mlp_alpha.html
    Fri May 17 16:55:52 UTC 2024
      45.8K bytes
      Cache
     
  9. sklearn.preprocessing.scale — scikit-learn 1.4....

    splitting into training and test sets. This will bias the model...information would have leaked from the test set to the training set. In...
    scikit-learn.org/stable/modules/generated/sklearn.preprocessing.scale.html
    Fri May 17 16:55:52 UTC 2024
      21.2K bytes
      Cache
     
  10. Pipelining: chaining a PCA and a logistic regre...

    best_clfs [ "mean_test_score" ], yerr = best_clfs [ "std_test_score"...components_col , "mean_test_score" , "std_test_score" ] ] . apply...
    scikit-learn.org/stable/auto_examples/compose/plot_digits_pipe.html
    Fri May 17 16:55:52 UTC 2024
      33.7K bytes
      Cache
     
  11. Explicit feature map approximation for RBF kern...

    the second half: data_test , targets_test = ( data [ n_samples...2 :]) # data_test = scaler.transform(data_test) # Create a classifier:...
    scikit-learn.org/stable/auto_examples/miscellaneous/plot_kernel_approximation.html
    Fri May 17 16:55:51 UTC 2024
      61.7K bytes
      Cache
     
  12. Effect of transforming the targets in regressio...

    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/compose/plot_transformed_target.html
    Fri May 17 16:55:51 UTC 2024
      61.9K bytes
      Cache
     
  13. sklearn.ensemble.RandomForestRegressor — scikit...

    max_leaf_nodes in best-first fashion. Best nodes are defined...shape (n_samples, n_features) Test samples. For some estimators...
    scikit-learn.org/stable/modules/generated/sklearn.ensemble.RandomForestRegressor.html
    Fri May 17 16:55:53 UTC 2024
      85.3K bytes
      Cache
     
  14. Recognizing hand-written digits — scikit-learn ...

    and 50% test subsets X_train , X_test , y_train , y_test = train_test_split...train_test_split ( data , digits . target , test_size = 0.5 , shuffle...
    scikit-learn.org/stable/auto_examples/classification/plot_digits_classification.html
    Fri May 17 16:55:51 UTC 2024
      39K bytes
      Cache
     
  15. Visualization of MLP weights on MNIST — scikit-...

    partition and test partition X_train , X_test , y_train , y_test = train_test_split...print ( "Test set score: %f " % mlp . score ( X_test , y_test )) fig...
    scikit-learn.org/stable/auto_examples/neural_networks/plot_mnist_filters.html
    Fri May 17 16:55:53 UTC 2024
      30.2K bytes
      Cache
     
  16. Univariate Feature Selection — scikit-learn 1.4...

    X_test , y_train , y_test = train_test_split ( X ,...format ( clf . score ( X_test , y_test ) ) ) svm_weights = np ....
    scikit-learn.org/stable/auto_examples/feature_selection/plot_feature_selection.html
    Fri May 17 16:55:52 UTC 2024
      42.5K bytes
      Cache
     
  17. sklearn.metrics.ConfusionMatrixDisplay — scikit...

    X_test , y_train , y_test = train_test_split ( X ,...X_train , X_test , y_train , y_test = train_test_split ( ......
    scikit-learn.org/stable/modules/generated/sklearn.metrics.ConfusionMatrixDisplay.html
    Fri May 17 16:55:52 UTC 2024
      58.9K bytes
      Cache
     
  18. sklearn.preprocessing.power_transform — scikit-...

    splitting into training and test sets. This will bias the model...information would have leaked from the test set to the training set. In...
    scikit-learn.org/stable/modules/generated/sklearn.preprocessing.power_transform.html
    Fri May 17 16:55:52 UTC 2024
      22.4K bytes
      Cache
     
  19. Probabilistic predictions with Gaussian process...

    according to the log-loss on test data. The figure shows that...train_size :], c = "g" , label = "Test data" , edgecolors = ( 0 , 0...
    scikit-learn.org/stable/auto_examples/gaussian_process/plot_gpc.html
    Fri May 17 16:55:52 UTC 2024
      47.9K bytes
      Cache
     
  20. Novelty detection with Local Outlier Factor (LO...

    X_outliers ) n_error_test = y_pred_test [ y_pred_test == - 1 ] . size...# e.g. X_test, X_outliers or the meshgrid y_pred_test = clf ....
    scikit-learn.org/stable/auto_examples/neighbors/plot_lof_novelty_detection.html
    Fri May 17 16:55:53 UTC 2024
      39.2K bytes
      Cache
     
Back to top