Search Options

Results per page
Sort
Preferred Languages
Labels
Advance

Results 301 - 350 of 1,326 for test (0.34 sec)

  1. DBFluteのEclipseコード補完 | LastaFlute

    UTFluteのテストメソッドを補完 (_test) _test (TEST) e.g. UTFluteのテストメソッドを補完 @Java _test .......addOrderBy_${columnName} _test UTFlute, testメソッド補完、Arrange,Act,Assert付き...
    dbflute.seasar.org/ja/tutorial/eclipse/dfclipsecomp.html
    Fri Jun 13 09:55:28 UTC 2025
      32.7K bytes
      1 views
      Cache
     
  2. Probability Calibration curves — scikit-learn 1...

    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_calibration_curve.html
    Thu Jul 03 11:42:05 UTC 2025
      143.5K bytes
      Cache
     
  3. cross_validate — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:06 UTC 2025
      137.7K bytes
      Cache
     
  4. 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
    Thu Jul 03 11:42:06 UTC 2025
      150.8K bytes
      Cache
     
  5. Gradient Boosting regularization — scikit-learn...

    X_test , y_train , y_test = train_test_split ( X ,...( X_test )): test_deviance [ i ] = 2 * log_loss ( y_test , y_proba...
    scikit-learn.org/stable/auto_examples/ensemble/plot_gradient_boosting_regularization.html
    Thu Jul 03 11:42:05 UTC 2025
      96.3K bytes
      Cache
     
  6. PrecisionRecallDisplay — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:05 UTC 2025
      150K bytes
      Cache
     
  7. StratifiedShuffleSplit — scikit-learn 1.7.0 doc...

    Provides train/test indices to split data in train/test sets. This..." ) ... print ( f " Test: index= { test_index } " ) Fold 0: Train:...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.StratifiedShuffleSplit.html
    Thu Jul 03 11:42:05 UTC 2025
      122.5K bytes
      Cache
     
  8. SelectFpr — scikit-learn 1.7.0 documentation

    a FPR test. FPR test stands for False Positive Rate test. It controls...simple estimators as well as on nested objects (such as Pipeline )....
    scikit-learn.org/stable/modules/generated/sklearn.feature_selection.SelectFpr.html
    Thu Jul 03 11:42:06 UTC 2025
      132.7K bytes
      Cache
     
  9. Release Highlights for scikit-learn 0.23 — scik...

    X_test , y_train , y_test = train_test_split ( X ,...score ( X_test , y_test )) print ( gbdt . score ( X_test , y_test...
    scikit-learn.org/stable/auto_examples/release_highlights/plot_release_highlights_0_23_0.html
    Thu Jul 03 11:42:06 UTC 2025
      165.8K bytes
      Cache
     
  10. 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
    Thu Jul 03 11:42:06 UTC 2025
      122.5K bytes
      Cache
     
  11. GroupShuffleSplit — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:06 UTC 2025
      128.4K bytes
      Cache
     
  12. Perceptron — scikit-learn 1.7.0 documentation

    classification of text documents Out-of-core classification of text documents...shape (n_samples, n_features) Test samples. y array-like of shape...
    scikit-learn.org/stable/modules/generated/sklearn.linear_model.Perceptron.html
    Thu Jul 03 11:42:05 UTC 2025
      162.4K bytes
      Cache
     
  13. plot_classifier_comparison.rst.txt

    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/_sources/auto_examples/classification/plot_classifier_comparison.rst.txt
    Thu Jul 03 11:42:07 UTC 2025
      7.8K bytes
     
  14. DummyClassifier — scikit-learn 1.7.0 documentation

    n_features) Test samples. Passing None as test samples gives...# Perform classification on test vectors X. Parameters : X array-like...
    scikit-learn.org/stable/modules/generated/sklearn.dummy.DummyClassifier.html
    Thu Jul 03 11:42:06 UTC 2025
      143K bytes
      Cache
     
  15. RandomizedSearchCV — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:06 UTC 2025
      168.5K bytes
      Cache
     
  16. 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
    Thu Jul 03 11:42:06 UTC 2025
      112.3K bytes
      Cache
     
  17. Comparing Nearest Neighbors with and without Ne...

    X_test , y_train , y_test = train_test_split ( X ,...score = clf . score ( X_test , y_test ) _ , ax = plt . subplots...
    scikit-learn.org/stable/auto_examples/neighbors/plot_nca_classification.html
    Thu Jul 03 11:42:05 UTC 2025
      97.9K bytes
      Cache
     
  18. SVC — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:05 UTC 2025
      176.8K bytes
      Cache
     
  19. 1.13. Feature selection — scikit-learn 1.7.0 do...

    the best features based on univariate statistical tests. It can...we can use a F-test to retrieve the two best features for a dataset...
    scikit-learn.org/stable/modules/feature_selection.html
    Thu Jul 03 11:42:05 UTC 2025
      73.8K bytes
      Cache
     
  20. RBF SVM parameters — scikit-learn 1.7.0 documen...

    best_params_ , grid . best_score_ ) ) The best parameters...and just applying it on the test set. from sklearn.preprocessing...
    scikit-learn.org/stable/auto_examples/svm/plot_rbf_parameters.html
    Thu Jul 03 11:42:06 UTC 2025
      118.9K bytes
      Cache
     
  21. Common pitfalls in the interpretation of coeffi...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...predict ( X_test ) mae_test = median_absolute_error ( y_test , y_pred...
    scikit-learn.org/stable/auto_examples/inspection/plot_linear_model_coefficient_interpretation.html
    Thu Jul 03 11:42:05 UTC 2025
      290.9K bytes
      Cache
     
  22. Classifier comparison — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:06 UTC 2025
      114.3K bytes
      Cache
     
  23. Non-negative least squares — scikit-learn 1.7.0...

    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
    Thu Jul 03 11:42:06 UTC 2025
      93.4K bytes
      Cache
     
  24. Effect of varying threshold for self-training —...

    train_index ] X_test = X [ test_index ] y_test = y [ test_index ] y_test_true...y_test_true = y_true [ test_index ] self_training_clf . fit (...
    scikit-learn.org/stable/auto_examples/semi_supervised/plot_self_training_varying_threshold.html
    Thu Jul 03 11:42:06 UTC 2025
      102.7K bytes
      Cache
     
  25. 1.6. Nearest Neighbors — scikit-learn 1.7.0 doc...

    X_test , y_train , y_test = train_test_split ( X ,...( nca_pipe . score ( X_test , y_test )) 0.96190476... The plot...
    scikit-learn.org/stable/modules/neighbors.html
    Thu Jul 03 11:42:05 UTC 2025
      122.7K bytes
      Cache
     
  26. Detection error tradeoff (DET) curve — scikit-l...

    X_test , y_train , y_test = train_test_split ( X ,...definitions: \(\text{FPR} = \frac{\text{FP}}{\text{FP} + \text{TN}}\)...
    scikit-learn.org/stable/auto_examples/model_selection/plot_det.html
    Thu Jul 03 11:42:05 UTC 2025
      101.8K bytes
      Cache
     
  27. 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
    Thu Jul 03 11:42:06 UTC 2025
      190.5K bytes
      Cache
     
  28. 7.3. Preprocessing data — scikit-learn 1.7.0 do...

    X_test , y_train , y_test = train_test_split ( X ,...score ( X_test , y_test ) # apply scaling on testing data, without...
    scikit-learn.org/stable/modules/preprocessing.html
    Thu Jul 03 11:42:05 UTC 2025
      198.2K bytes
      Cache
     
  29. Curve Fitting with Bayesian Ridge Regression — ...

    increasing = True ) X_test = np . vander ( x_test , n_order + 1 , increasing...predict ( X_test , return_std = True ) ax . plot ( x_test , func (...
    scikit-learn.org/stable/auto_examples/linear_model/plot_bayesian_ridge_curvefit.html
    Thu Jul 03 11:42:05 UTC 2025
      98.1K bytes
      Cache
     
  30. 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
    Thu Jul 03 11:42:06 UTC 2025
      112.9K bytes
      Cache
     
  31. Class Likelihood Ratios to measure classificati...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...the link between pre-test and post-test odds given by the Class...
    scikit-learn.org/stable/auto_examples/model_selection/plot_likelihood_ratios.html
    Thu Jul 03 11:42:05 UTC 2025
      143.3K bytes
      Cache
     
  32. 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
    Thu Jul 03 11:42:06 UTC 2025
      100.9K bytes
      Cache
     
  33. ROC Curve with Visualization API — scikit-learn...

    X_test , y_train , y_test = train_test_split ( X ,...from_estimator ( svc , X_test , y_test ) plt . show () Training...
    scikit-learn.org/stable/auto_examples/miscellaneous/plot_roc_curve_visualization_api.html
    Thu Jul 03 11:42:05 UTC 2025
      113.9K bytes
      Cache
     
  34. RepeatedStratifiedKFold — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:06 UTC 2025
      121.6K bytes
      Cache
     
  35. Action定義のテスト (ActionDefTest) | LastaFlute

    src/main/resources // メインのリソース置き場 src/test/java // テストクラス置き場 |-org.docksidestage...UnitDocksideTestCase { public void test_component() throws Exception...
    dbflute.seasar.org/ja/lastaflute/howto/action/actiondeftest.html
    Fri Jun 13 09:55:28 UTC 2025
      22K bytes
      31 views
      Cache
     
  36. How Trump and Musk's Feud May Impact the ‘Big, ...

    Trump’s ‘Big Beautiful Bill’ Tests Unity of Republican Party 01:49...Trump’s ‘Big Beautiful Bill’ Tests Unity of Republican Party 01:49...
    www.today.com/video/how-trump-and-musk-s-feud-may-impact-the-big-beautiful-bill-241036357563
    Sat Jun 07 00:58:24 UTC 2025
      1.8M bytes
      Cache
     
  37. Robust linear estimator fitting — scikit-learn ...

    sin ( X_test ) X_test = X_test [:, np . newaxis ] y_errors...newaxis ] X_test = np . random . normal ( size = 200 ) y_test = np ....
    scikit-learn.org/stable/auto_examples/linear_model/plot_robust_fit.html
    Thu Jul 03 11:42:05 UTC 2025
      101.5K bytes
      Cache
     
  38. Feature discretization — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:06 UTC 2025
      128.7K bytes
      Cache
     
  39. GroupKFold — 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.GroupKFold.html
    Thu Jul 03 11:42:05 UTC 2025
      127.3K bytes
      Cache
     
  40. Getting started: Protect hosts with endpoint th...

    To test drive your first deployment,...(EICAR) provides anti malware test files. If your company policy...
    www.elastic.co/guide/en/starting-with-the-elasticsearch-platform-and-its-solutions/8.18/getting-s...
    Wed Apr 23 21:37:47 UTC 2025
      29.2K bytes
      Cache
     
  41. One-class SVM with non-linear kernel (RBF) — sc...

    size n_error_test = y_pred_test [ y_pred_test == - 1 ] . size...X_train ) y_pred_test = clf . predict ( X_test ) y_pred_outliers...
    scikit-learn.org/stable/auto_examples/svm/plot_oneclass.html
    Thu Jul 03 11:42:05 UTC 2025
      100.8K bytes
      Cache
     
  42. LedoitWolf — scikit-learn 1.7.0 documentation

    : 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.LedoitWolf.html
    Thu Jul 03 11:42:05 UTC 2025
      133.2K bytes
      Cache
     
  43. Nearest Neighbors regression — scikit-learn 1.7...

    axis = 0 ) X_test = np . linspace ( 0 , 5 , 500...X_train , y ) . predict ( X_test ) plt . subplot ( 2 , 1 , i...
    scikit-learn.org/stable/auto_examples/neighbors/plot_regression.html
    Thu Jul 03 11:42:06 UTC 2025
      91.4K bytes
      Cache
     
  44. Gaussian processes on discrete data structures ...

    ) X_test = [ "AAA" , "ATAG" , "CTC" , "CT" , "C" ] Y_test = [...len ( X_test )), [ 1.0 if c else - 1.0 for c in Y_test ], s =...
    scikit-learn.org/stable/auto_examples/gaussian_process/plot_gpr_on_structured_data.html
    Thu Jul 03 11:42:05 UTC 2025
      120.7K bytes
      1 views
      Cache
     
  45. java-editor-templates.xml

    test_junit4 Test @${testType:newType(org.junit.Test)} public...wt.text Text ${type:newType(org.eclipse.swt.widgets.Text)} $...
    dbflute.seasar.org/download/patch/handson/20140921_templates/java-editor-templates.xml
    Fri Jun 13 09:55:28 UTC 2025
      50.4K bytes
      1 views
     
  46. 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
    Thu Jul 03 11:42:05 UTC 2025
      116.8K bytes
      Cache
     
  47. Scalable learning with polynomial kernel approx...

    import train_test_split X_train , X_test , y_train , y_test = train_test_split...train_test_split ( X , y , train_size = 5_000 , test_size = 10_000...
    scikit-learn.org/stable/auto_examples/kernel_approximation/plot_scalable_poly_kernels.html
    Thu Jul 03 11:42:06 UTC 2025
      115.5K bytes
      Cache
     
  48. Building an agentic RAG assistant with JavaScri...

    it is possible to switch and test out different models to see...Vector Database . To build the best search solutions for your use...
    www.elastic.co/search-labs/blog/agentic-rag
    Sat Jul 05 00:50:53 UTC 2025
      263.3K bytes
      Cache
     
  49. 44 Million at Risk for Severe Weather After Sto...

    Trump’s ‘Big Beautiful Bill’ Tests Unity of Republican Party 01:49...Trump’s ‘Big Beautiful Bill’ Tests Unity of Republican Party 01:49...
    www.today.com/video/44-million-at-risk-for-severe-weather-after-storm-slams-midwest-241132613809
    Mon Jun 09 01:09:51 UTC 2025
      1.8M bytes
      Cache
     
  50. ExtraTreeRegressor — scikit-learn 1.7.0 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
    Thu Jul 03 11:42:05 UTC 2025
      161.1K bytes
      Cache
     
Back to top