Search Options

Results per page
Sort
Preferred Languages
Labels
Advance

Results 301 - 350 of 1,312 for test (3.67 sec)

  1. Release Highlights for scikit-learn 1.4 — sciki...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...( "cv error on test sets:" , results [ "test_mse" ]) # Setting...
    scikit-learn.org/stable/auto_examples/release_highlights/plot_release_highlights_1_4_0.html
    Sat Sep 06 21:55:17 UTC 2025
      176.2K bytes
      Cache
     
  2. MLPRegressor — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:15 UTC 2025
      163.1K bytes
      Cache
     
  3. 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
    Sat Sep 06 21:55:17 UTC 2025
      176.2K bytes
      Cache
     
  4. minmax_scale — scikit-learn 1.7.1 documentation

    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.minmax_scale.html
    Sat Sep 06 21:55:17 UTC 2025
      115.6K bytes
      Cache
     
  5. fetch_20newsgroups_vectorized — scikit-learn 1....

    test’ for the test set, ‘all’ for both,...Parameters : subset {‘train’, ‘test’, ‘all’}, default=’train’ Select...
    scikit-learn.org/stable/modules/generated/sklearn.datasets.fetch_20newsgroups_vectorized.html
    Sat Sep 06 21:55:15 UTC 2025
      118.2K bytes
      Cache
     
  6. Model Complexity Influence — scikit-learn 1.7.1...

    X_test , y_train , y_test = train_test_split ( X ,...X_train , "X_test" : X_test , "y_train" : y_train , "y_test" : y_test...
    scikit-learn.org/stable/auto_examples/applications/plot_model_complexity_influence.html
    Sat Sep 06 21:55:17 UTC 2025
      126K bytes
      1 views
      Cache
     
  7. UTFluteのセットアップ | DBFlute

    @Java /** * The test case with container for unit test. * @author...PlainTestCase { public void test_demo() { // メソッド名が test で始まること markHere(...
    dbflute.seasar.org/ja/manual/function/helper/utflute/setup.html
    Tue Aug 12 02:41:09 UTC 2025
      23.5K bytes
      2 views
      Cache
     
  8. Lasta Di (DIコンテナ) | DBFlute

    switch component 'mystic' in unit test @Directory |-src/main/resources...sea.xml // in production | |-src/test/resources |- sea+mystic.xml...
    dbflute.seasar.org/ja/lastaflute/lastadi/index.html
    Tue Aug 12 02:41:09 UTC 2025
      22.9K bytes
      Cache
     
  9. 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
    Sat Sep 06 21:55:15 UTC 2025
      143K bytes
      Cache
     
  10. 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
    Sat Sep 06 21:55:16 UTC 2025
      98.2K bytes
      Cache
     
  11. Partial Dependence and Individual Conditional E...

    ( f "Test R2 score: { mlp_model . score ( X_test , y_test ) :...f "Test R2 score: { hgbdt_model . score ( X_test , y_test ) :...
    scikit-learn.org/stable/auto_examples/inspection/plot_partial_dependence.html
    Sat Sep 06 21:55:16 UTC 2025
      228.7K bytes
      Cache
     
  12. TimeSeriesSplit — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:17 UTC 2025
      129.5K bytes
      2 views
      Cache
     
  13. Confusion matrix — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:16 UTC 2025
      88.9K bytes
      Cache
     
  14. cross_validate — scikit-learn 1.7.1 documentation

    this dict are: test_score The score array for test scores on each..._score in test_score changes to a specific metric like test_r2 or...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.cross_validate.html
    Sat Sep 06 21:55:17 UTC 2025
      138.3K bytes
      Cache
     
  15. Multiclass Receiver Operating Characteristic (R...

    X_test , y_train , y_test , ) = train_test_split ( X...y_onehot_test = label_binarizer . transform ( y_test ) y_onehot_test...
    scikit-learn.org/stable/auto_examples/model_selection/plot_roc.html
    Sat Sep 06 21:55:17 UTC 2025
      150.8K bytes
      Cache
     
  16. FixedThresholdClassifier — scikit-learn 1.7.1 d...

    X_test , y_train , y_test = train_test_split ( ......confusion_matrix ( y_test , classifier . predict ( X_test ))) [[217 7]...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.FixedThresholdClassifier.html
    Sat Sep 06 21:55:15 UTC 2025
      142.4K bytes
      Cache
     
  17. 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
    Sat Sep 06 21:55:17 UTC 2025
      136.2K bytes
      Cache
     
  18. Pipeline ANOVA SVM — scikit-learn 1.7.1 documen...

    X_test , y_train , y_test = train_test_split ( X ,...predict ( X_test ) print ( classification_report ( y_test , y_pred...
    scikit-learn.org/stable/auto_examples/feature_selection/plot_feature_selection_pipeline.html
    Sat Sep 06 21:55:16 UTC 2025
      116.5K bytes
      Cache
     
  19. GroupShuffleSplit — scikit-learn 1.7.1 document...

    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.GroupShuffleSplit.html
    Sat Sep 06 21:55:17 UTC 2025
      128.2K bytes
      Cache
     
  20. SVC — scikit-learn 1.7.1 documentation

    Scalability Nested versus non-nested cross-validation Nested versus...versus non-nested cross-validation Test with permutations the significance...
    scikit-learn.org/stable/modules/generated/sklearn.svm.SVC.html
    Sat Sep 06 21:55:17 UTC 2025
      176.5K bytes
      Cache
     
  21. 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
    Sat Sep 06 21:55:17 UTC 2025
      181.8K bytes
      Cache
     
  22. GradientBoostingClassifier — scikit-learn 1.7.1...

    X_test = X [: 2000 ], X [ 2000 :] >>> y_train , y_test = y...y_train ) >>> clf . score ( X_test , y_test ) 0.913 apply ( X ) [source]...
    scikit-learn.org/stable/modules/generated/sklearn.ensemble.GradientBoostingClassifier.html
    Sat Sep 06 21:55:15 UTC 2025
      179.7K bytes
      Cache
     
  23. RandomizedSearchCV — scikit-learn 1.7.1 documen...

    the attributes best_index_ , best_score_ and best_params_ will...param_gamma split0_test_score … rank_test_score ‘rbf’ 0.1 0.80...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.RandomizedSearchCV.html
    Sat Sep 06 21:55:16 UTC 2025
      168.5K bytes
      Cache
     
  24. Version 0.18 — scikit-learn 1.7.1 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
    Fri Sep 05 12:00:00 UTC 2025
      134.3K bytes
      Cache
     
  25. 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
    Sat Sep 06 21:55:16 UTC 2025
      106.7K bytes
      Cache
     
  26. 7.4. Imputation of missing values — scikit-lear...

    X_test , y_train , _ = train_test_split ( X , y , test_size...SimpleImputer(missing_values=-1) >>> X_test = sp . csc_matrix ([[ - 1 ,...
    scikit-learn.org/stable/modules/impute.html
    Sat Sep 06 21:55:17 UTC 2025
      84.4K bytes
      Cache
     
  27. Target Encoder’s Internal Cross fitting — sciki...

    X_test , y_train , y_test = train_test_split ( X ,...score on test set: " , raw_model . score ( X_test , y_test )) Raw...
    scikit-learn.org/stable/auto_examples/preprocessing/plot_target_encoder_cross_val.html
    Sat Sep 06 21:55:16 UTC 2025
      112.3K bytes
      Cache
     
  28. Classifier comparison — scikit-learn 1.7.1 docu...

    y_test = train_test_split ( X , y , test_size = 0.4 , random_state...the testing points ax . scatter ( X_test [:, 0 ], X_test [:,...
    scikit-learn.org/stable/auto_examples/classification/plot_classifier_comparison.html
    Sat Sep 06 21:55:16 UTC 2025
      114.3K bytes
      Cache
     
  29. 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
    Sat Sep 06 21:55:17 UTC 2025
      195.3K bytes
      Cache
     
  30. Non-negative least squares — scikit-learn 1.7.1...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...train_test_split ( X , y , test_size = 0.5 ) Fit the Non-Negative...
    scikit-learn.org/stable/auto_examples/linear_model/plot_nnls.html
    Sat Sep 06 21:55:16 UTC 2025
      93.4K bytes
      Cache
     
  31. Probability Calibration for 3-class classificat...

    y [: 1000 ] X_test , y_test = X [ 1000 :], y [ 1000...log_loss ( y_test , clf_probs ) cal_loss = log_loss ( y_test , cal_clf_probs...
    scikit-learn.org/stable/auto_examples/calibration/plot_calibration_multiclass.html
    Sat Sep 06 21:55:16 UTC 2025
      190.5K bytes
      Cache
     
  32. ShrunkCovariance — scikit-learn 1.7.1 documenta...

    : X_test array-like of shape (n_samples, n_features) Test data...the observations. score ( X_test , y = None ) [source] # Compute...
    scikit-learn.org/stable/modules/generated/sklearn.covariance.ShrunkCovariance.html
    Sat Sep 06 21:55:17 UTC 2025
      131.9K bytes
      Cache
     
  33. 12.1. Array API support (experimental) — scikit...

    train_test_split utils.check_consistent_length...checks as part of the common tests to verify that the estimators’...
    scikit-learn.org/stable/modules/array_api.html
    Sat Sep 06 21:55:15 UTC 2025
      76.9K bytes
      Cache
     
  34. RegressorChain — scikit-learn 1.7.1 documentation

    test) splits as arrays of indices....coefficient of determination on test data. The coefficient of determination,...
    scikit-learn.org/stable/modules/generated/sklearn.multioutput.RegressorChain.html
    Sat Sep 06 21:55:16 UTC 2025
      133.8K bytes
      Cache
     
  35. javatry (じゃゔぁとらい) | DBFlute

    public void test_length_basic() { } ↓↓↓ public void test_length_basic()...(メソッド終了時の変数 sea の中身は?) */ public void test_variable_reassigned_basic()...
    dbflute.seasar.org/ja/tutorial/javatry/index.html
    Tue Aug 12 02:41:09 UTC 2025
      27.4K bytes
      Cache
     
  36. Principal Component Regression vs Partial Least...

    X_test , y_train , y_test = train_test_split ( X ,...scatter ( pca . transform ( X_test ), y_test , alpha = 0.3 , label =...
    scikit-learn.org/stable/auto_examples/cross_decomposition/plot_pcr_vs_pls.html
    Sat Sep 06 21:55:17 UTC 2025
      112.9K bytes
      Cache
     
  37. CalibrationDisplay — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:17 UTC 2025
      141.4K bytes
      Cache
     
  38. 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
    Sat Sep 06 21:55:17 UTC 2025
      111.8K bytes
      1 views
      Cache
     
  39. Examples of Using FrozenEstimator — scikit-lear...

    X_test , y_train , y_test = train_test_split ( X ,...( X_test )[:, 1 ] clf_score = brier_score_loss ( y_test , prob_pos_clf...
    scikit-learn.org/stable/auto_examples/frozen/plot_frozen_examples.html
    Sat Sep 06 21:55:16 UTC 2025
      100.9K bytes
      Cache
     
  40. OLX delivers trusted trading platforms with Ela...

    initial testing within their AWS account, and the tests proved...downloading the Elastic Stack and testing the functionality of Elastic’s...
    www.elastic.co/customers/olx-delivers-trusted-trading-platforms-with-elastic-cloud-on-aws
    Mon Sep 08 00:50:30 UTC 2025
      429.6K bytes
      Cache
     
  41. 1.5. Stochastic Gradient Descent — scikit-learn...

    SGDClassifier ()) est . fit ( X_train ) est . predict ( X_test ) If your...( X_train ) X_test = scaler . transform ( X_test ) # apply same...
    scikit-learn.org/stable/modules/sgd.html
    Sat Sep 06 21:55:16 UTC 2025
      90K bytes
      Cache
     
  42. RepeatedStratifiedKFold — scikit-learn 1.7.1 do...

    print ( f " Test: index= { test_index } " ) ... Fold...index=[1 2] Test: index=[0 3] Fold 1: Train: index=[0 3] Test: index=[1...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.RepeatedStratifiedKFold.html
    Sat Sep 06 21:55:15 UTC 2025
      121.6K bytes
      Cache
     
  43. PrecisionRecallDisplay — scikit-learn 1.7.1 doc...

    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.PrecisionRecallDisplay.html
    Sat Sep 06 21:55:15 UTC 2025
      150K bytes
      Cache
     
  44. Feature discretization — scikit-learn 1.7.1 doc...

    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/preprocessing/plot_discretization_classification.html
    Sat Sep 06 21:55:16 UTC 2025
      128.7K bytes
      Cache
     
  45. Importance of Feature Scaling — scikit-learn 1....

    X_test , y_train , y_test = train_test_split ( X ,...( X_test ) y_pred_scaled = scaled_clf . predict ( X_test ) y_proba...
    scikit-learn.org/stable/auto_examples/preprocessing/plot_scaling_importance.html
    Sat Sep 06 21:55:16 UTC 2025
      122.5K bytes
      Cache
     
  46. GroupKFold — scikit-learn 1.7.1 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.GroupKFold.html
    Sat Sep 06 21:55:15 UTC 2025
      127.1K bytes
      Cache
     
  47. 9.3. Parallelism, resource management, and conf...

    sure that test results are independent of the test execution...run all tests with different seeds while keeping the test duration...
    scikit-learn.org/stable/computing/parallelism.html
    Sat Sep 06 21:55:16 UTC 2025
      61K bytes
      Cache
     
  48. validation_curve — scikit-learn 1.7.1 documenta...

    print ( f "The average test accuracy is { test_scores . mean () :...curve. Determine training and test scores for varying parameter...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.validation_curve.html
    Sat Sep 06 21:55:15 UTC 2025
      121.9K bytes
      Cache
     
  49. Comparison of Calibration of Classifiers — scik...

    X_test , y_train , y_test = train_test_split ( X ,...from_estimator ( clf , X_test , y_test , n_bins = 10 , name = name...
    scikit-learn.org/stable/auto_examples/calibration/plot_compare_calibration.html
    Sat Sep 06 21:55:16 UTC 2025
      116.7K bytes
      Cache
     
  50. ExtraTreeRegressor — scikit-learn 1.7.1 documen...

    X_test , y_train , y_test = train_test_split ( ......y_train ) >>> reg . score ( X_test , y_test ) 0.33 apply ( X , check_input...
    scikit-learn.org/stable/modules/generated/sklearn.tree.ExtraTreeRegressor.html
    Sat Sep 06 21:55:17 UTC 2025
      160.8K bytes
      Cache
     
Back to top