Search Options

Results per page
Sort
Preferred Languages
Labels
Advance

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

  1. Classification of text documents using sparse f...

    predict ( X_test ) test_time = time () - t0 print ( f "test time: {..., ) data_test = fetch_20newsgroups ( subset = "test" , categories...
    scikit-learn.org/stable/auto_examples/text/plot_document_classification_20newsgroups.html
    Sat Sep 06 21:55:17 UTC 2025
      158K bytes
      Cache
     
  2. Elastic (ELK) Stack features list | Elastic

    you can also test out Platinum features such as..."message" : { "query" : "this is a test", "operator" : "and" } } } }...
    www.elastic.co/elastic-stack/features
    Sun Sep 07 00:48:43 UTC 2025
      872.7K bytes
      2 views
      Cache
     
  3. LogisticRegression — scikit-learn 1.7.1 documen...

    n_features) Test samples. y array-like of shape...default. To apply a one-versus-rest scheme for the multiclass setting...
    scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html
    Sat Sep 06 21:55:15 UTC 2025
      191.6K bytes
      Cache
     
  4. VotingClassifier — scikit-learn 1.7.1 documenta...

    n_features) Test samples. y array-like of shape...
    scikit-learn.org/stable/modules/generated/sklearn.ensemble.VotingClassifier.html
    Sat Sep 06 21:55:15 UTC 2025
      152.7K bytes
      Cache
     
  5. 9.2. Computational Performance — scikit-learn 1...

    Here is sample code to test the sparsity of your input:...sparsify () clf . predict ( X_test ) In this example we prefer...
    scikit-learn.org/stable/computing/computational_performance.html
    Sat Sep 06 21:55:15 UTC 2025
      60.9K bytes
      Cache
     
  6. 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
    Sat Sep 06 21:55:16 UTC 2025
      168.1K bytes
      1 views
      Cache
     
  7. Beyond RAG Basics: Advanced strategies for AI a...

    Strategies and best practices for implementing RAG . Test the latest...the challenges, solutions, and best practices in this evolving field...
    www.elastic.co/blog/beyond-rag-basics
    Sun Sep 07 00:39:45 UTC 2025
      519.6K bytes
      Cache
     
  8. TweedieRegressor — scikit-learn 1.7.1 documenta...

    n_features) Test samples. y array-like of shape...is averaged by sample_weight. Best possible score is 1.0 and it...
    scikit-learn.org/stable/modules/generated/sklearn.linear_model.TweedieRegressor.html
    Sat Sep 06 21:55:15 UTC 2025
      141.7K bytes
      Cache
     
  9. gpt.js

    test(a)?"?"+c[1]:"";return Wd(c[0],d,/[#]/.test(a)?"#"...)return n;if(!/^[\s\xa0]*$/.test(m))throw Error("Unknown base64...
    securepubads.g.doubleclick.net/tag/js/gpt.js
    Sun Sep 07 00:26:01 UTC 2025
      112.5K bytes
     
  10. Search tier autoscaling in Elasticsearch Server...

    start a 14-day free trial to test it out yourself! You can follow...autoscaling and performance stress testing at scale Dive into how Elasticsearch...
    www.elastic.co/search-labs/blog/elasticsearch-serverless-tier-autoscaling
    Sun Sep 07 00:43:33 UTC 2025
      149.7K bytes
      Cache
     
  11. SimpleImputer — scikit-learn 1.7.1 documentation

    missing values at transform/test time. keep_empty_features bool,...simple estimators as well as on nested objects (such as Pipeline )....
    scikit-learn.org/stable/modules/generated/sklearn.impute.SimpleImputer.html
    Sat Sep 06 21:55:16 UTC 2025
      147K bytes
      Cache
     
  12. RANSACRegressor — scikit-learn 1.7.1 documentation

    the mean accuracy on the given test data, which is used for the...the inliers predicted by the “best” model found during RANSAC sampling...
    scikit-learn.org/stable/modules/generated/sklearn.linear_model.RANSACRegressor.html
    Sat Sep 06 21:55:17 UTC 2025
      143.5K bytes
      Cache
     
  13. RandomForestClassifier — scikit-learn 1.7.1 doc...

    max_leaf_nodes in best-first fashion. Best nodes are defined...shape (n_samples, n_features) Test samples. y array-like of shape...
    scikit-learn.org/stable/modules/generated/sklearn.ensemble.RandomForestClassifier.html
    Sat Sep 06 21:55:17 UTC 2025
      182K bytes
      Cache
     
  14. PassiveAggressiveClassifier — scikit-learn 1.7....

    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.PassiveAggressiveClassifier.html
    Sat Sep 06 21:55:16 UTC 2025
      158.3K bytes
      Cache
     
  15. ExtraTreesClassifier — scikit-learn 1.7.1 docum...

    max_leaf_nodes in best-first fashion. Best nodes are defined...shape (n_samples, n_features) Test samples. y array-like of shape...
    scikit-learn.org/stable/modules/generated/sklearn.ensemble.ExtraTreesClassifier.html
    Sat Sep 06 21:55:16 UTC 2025
      167.5K bytes
      Cache
     
  16. Post-tuning the decision threshold for cost-sen...

    ]( est , X_test , y_test ), scoring [ "precision" ]( est , X_test..."fpr" ]( est , X_test , y_test ), scoring [ "tpr" ]( est , X_test...
    scikit-learn.org/stable/auto_examples/model_selection/plot_cost_sensitive_learning.html
    Sat Sep 06 21:55:16 UTC 2025
      293.2K bytes
      Cache
     
  17. Out-of-core classification of text documents — ...

    - tick test_stats [ "n_test" ] += len ( y_test ) test_stats [...%(n_test)6d test docs ( %(n_test_pos)6d positive) " % test_stats...
    scikit-learn.org/stable/auto_examples/applications/plot_out_of_core_classification.html
    Sat Sep 06 21:55:17 UTC 2025
      162.4K bytes
      1 views
      Cache
     
  18. faq.rst.txt

    :ref:`text_feature_extraction` for the built-in *text vectorizers*....at training time and not at test time, for resampling and similar...
    scikit-learn.org/stable/_sources/faq.rst.txt
    Sat Sep 06 21:55:16 UTC 2025
      25.4K bytes
      3 views
     
  19. AI Assistant Knowledge Base | Elastic Docs

    semantic text or text field. Supported file types include text, PDF,...in the Markdown text field. In the Markdown text field, enter the...
    www.elastic.co/docs/solutions/security/ai/ai-assistant-knowledge-base
    Sun Sep 07 00:51:41 UTC 2025
      322.4K bytes
      Cache
     
  20. 2.6. Covariance estimation — scikit-learn 1.7.1...

    then the test set is supposed to have the...
    scikit-learn.org/stable/modules/covariance.html
    Sat Sep 06 21:55:17 UTC 2025
      59.7K bytes
      Cache
     
  21. Statistical comparison of models using grid sea...

    "rank_test_score" , "mean_test_score" , "std_test_score" ]]...params rank_test_score mean_test_score std_test_score kernel...
    scikit-learn.org/stable/auto_examples/model_selection/plot_grid_search_stats.html
    Fri Sep 05 12:00:01 UTC 2025
      192K bytes
      Cache
     
  22. LinearSVC — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:17 UTC 2025
      162.4K bytes
      Cache
     
  23. Faces recognition example using eigenfaces and ...

    X_test , y_train , y_test = train_test_split ( X , y , test_size...set and a test and keep 25% of the data for testing. X_train ,...
    scikit-learn.org/stable/auto_examples/applications/plot_face_recognition.html
    Sat Sep 06 21:55:16 UTC 2025
      113.1K bytes
      Cache
     
  24. Multiclass sparse logistic regression on 20newg...

    X_test , y_train , y_test = train_test_split ( X ,...predict ( X_test ) accuracy = np . sum ( y_pred == y_test ) / y_test...
    scikit-learn.org/stable/auto_examples/linear_model/plot_sparse_logistic_regression_20newsgroups.html
    Sat Sep 06 21:55:16 UTC 2025
      106.2K bytes
      Cache
     
  25. Kernel PCA — scikit-learn 1.7.1 documentation

    X_test , y_train , y_test = train_test_split ( X ,..."Training data" ) test_ax . scatter ( X_test [:, 0 ], X_test [:, 1 ],...
    scikit-learn.org/stable/auto_examples/decomposition/plot_kernel_pca.html
    Sat Sep 06 21:55:17 UTC 2025
      107.5K bytes
      Cache
     
  26. Plot classification probability — scikit-learn ...

    X_test , y_train , y_test = train_test_split ( X ,...predict_proba ( X_test ) accuracy_test = accuracy_score ( y_test , y_pred...
    scikit-learn.org/stable/auto_examples/classification/plot_classification_probability.html
    Sat Sep 06 21:55:16 UTC 2025
      126.1K bytes
      Cache
     
  27. Nested versus non-nested cross-validation — sci...

    ) non_nested_scores [ i ] = clf . best_score_ # Nested CV with...[ non_nested_scores_line , nested_line ], [ "Non-Nested CV" ,...
    scikit-learn.org/stable/auto_examples/model_selection/plot_nested_cross_validation_iris.html
    Sat Sep 06 21:55:16 UTC 2025
      102.2K bytes
      Cache
     
  28. Overview of multiclass training meta-estimators...

    examples Nested versus non-nested cross-validation Nested versus..."DecisionTreeClassifi" : cv_results_tree [ "test_score" ], "OneVsOneClassifier"...
    scikit-learn.org/stable/auto_examples/multiclass/plot_multiclass_overview.html
    Fri Sep 05 11:59:58 UTC 2025
      114.3K bytes
      Cache
     
  29. Gradient Boosting Out-of-Bag estimates — scikit...

    -= test_score [ 0 ] test_best_iter = x [ np . argmin ( test_score...x = test_best_iter , color = test_color , linestyle = test_line...
    scikit-learn.org/stable/auto_examples/ensemble/plot_gradient_boosting_oob.html
    Sat Sep 06 21:55:16 UTC 2025
      112K bytes
      Cache
     
  30. Compare cross decomposition methods — scikit-le...

    ) X_test_r , Y_test_r = cca . transform ( X_test , Y_test ) Total...Y_train ) X_test_r , Y_test_r = plsca . transform ( X_test , Y_test...
    scikit-learn.org/stable/auto_examples/cross_decomposition/plot_compare_cross_decomposition.html
    Sat Sep 06 21:55:16 UTC 2025
      127.4K bytes
      Cache
     
  31. Decision Tree Regression — scikit-learn 1.7.1 d...

    Get predictions on the test set X_test = np . arange ( 0.0 , 5.0...predict ( X_test ) y_2 = regr_2 . predict ( X_test ) Plot the...
    scikit-learn.org/stable/auto_examples/tree/plot_tree_regression.html
    Sat Sep 06 21:55:16 UTC 2025
      152.4K bytes
      Cache
     
  32. Shrinkage covariance estimation: LedoitWolf vs ...

    coloring_matrix ) X_test = np . dot ( base_X_test , coloring_matrix...ymin , - cv . best_estimator_ . score ( X_test ), color = "cyan"...
    scikit-learn.org/stable/auto_examples/covariance/plot_covariance_estimation.html
    Sat Sep 06 21:55:16 UTC 2025
      108.5K bytes
      Cache
     
  33. Precision-Recall — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:17 UTC 2025
      151.3K bytes
      Cache
     
  34. Release Highlights for scikit-learn 0.22 — scik...

    X_test , y_train , y_test = train_test_split ( X ,...plot_roc_curve(svc, X_test, y_test) # rfc_disp = plot_roc_curve(rfc, X_test, y_test,...
    scikit-learn.org/stable/auto_examples/release_highlights/plot_release_highlights_0_22_0.html
    Sat Sep 06 21:55:17 UTC 2025
      140.6K bytes
      Cache
     
  35. Live updates: Appeals court says Trump overstep...

    New congressional maps will test the Latino vote in the 2026...remember that TARIFFS are the best tool to help our Workers, and...
    www.nbcnews.com/politics/trump-administration/live-blog/legal-battle-lisa-cook-ouster-trump-feder...
    Sat Aug 30 01:19:38 UTC 2025
      913K bytes
      Cache
     
  36. Release Highlights for scikit-learn 1.5 — sciki...

    X_test , y_train , y_test = train_test_split ( X ,...from_estimator ( classifier_05 , X_test , y_test ) Lowering the threshold,...
    scikit-learn.org/stable/auto_examples/release_highlights/plot_release_highlights_1_5_0.html
    Sat Sep 06 21:55:16 UTC 2025
      123.1K bytes
      Cache
     
  37. Balance model complexity and cross-validated sc...

    "mean_test_score" : test_scores , "std_test_score" : grid...std of test scores mean_test_scores = np . mean ( test_scores...
    scikit-learn.org/stable/auto_examples/model_selection/plot_grid_search_refit_callable.html
    Sat Sep 06 21:55:16 UTC 2025
      169.1K bytes
      Cache
     
  38. Prediction Latency — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:17 UTC 2025
      142.9K bytes
      Cache
     
  39. IterativeImputer — scikit-learn 1.7.1 documenta...

    missing values at transform/test time. keep_empty_features bool,...simple estimators as well as on nested objects (such as Pipeline )....
    scikit-learn.org/stable/modules/generated/sklearn.impute.IterativeImputer.html
    Sat Sep 06 21:55:15 UTC 2025
      151.5K bytes
      Cache
     
  40. Comparing Random Forests and Histogram Gradient...

    significant improvement of the testing score. Plot results # We can...elapsed computing time and mean test score. Passing the cursor over...
    scikit-learn.org/stable/auto_examples/ensemble/plot_forest_hist_grad_boosting_comparison.html
    Sat Sep 06 21:55:17 UTC 2025
      126.8K bytes
      Cache
     
  41. Comparison of kernel ridge regression and SVR —...

    train_time = [] test_time = [] for train_test_size in sizes :...fit ( X [: train_test_size ], y [: train_test_size ]) train_time...
    scikit-learn.org/stable/auto_examples/miscellaneous/plot_kernel_ridge_regression.html
    Sat Sep 06 21:55:16 UTC 2025
      122.9K bytes
      Cache
     
  42. 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
    Sat Sep 06 21:55:16 UTC 2025
      140.9K bytes
      Cache
     
  43. Time-related feature engineering — scikit-learn...

    test_0 = all_splits [ 0 ] X . iloc [ test_0 ] season...train_4 , test_4 = all_splits [ 4 ] X . iloc [ test_4 ] season...
    scikit-learn.org/stable/auto_examples/applications/plot_cyclical_feature_engineering.html
    Sat Sep 06 21:55:16 UTC 2025
      216.4K bytes
      Cache
     
  44. bootstrap.js

    test(j());if(/Trident/i.test(j())&&S(t)&&"fi...F(){return!/^((?!chrome|android).)*safari/i.test(j())}function H(t,e,i){void...
    scikit-learn.org/stable/_static/scripts/bootstrap.js
    Sat Sep 06 21:55:15 UTC 2025
      79.8K bytes
     
  45. Perceptron — scikit-learn 1.7.1 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
    Sat Sep 06 21:55:17 UTC 2025
      162K bytes
      Cache
     
  46. 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
    Sat Sep 06 21:55:16 UTC 2025
      96.3K bytes
      Cache
     
  47. 11. Common pitfalls and recommended practices —...

    X_test , y_train , y_test = train_test_split ( ......X_train , X_test , y_train , y_test = train_test_split ( ......
    scikit-learn.org/stable/common_pitfalls.html
    Sat Sep 06 21:55:15 UTC 2025
      102.8K bytes
      Cache
     
  48. 7.1. Pipelines and composite estimators — sciki...

    X_test , y_train , y_test = train_test_split ( X ,...score: { regr . score ( X_test , y_test ) : .2f } " ) R2 score:...
    scikit-learn.org/stable/modules/compose.html
    Sat Sep 06 21:55:15 UTC 2025
      114K bytes
      Cache
     
  49. MultiTaskLassoCV — scikit-learn 1.7.1 documenta...

    default=None Values of alphas to test along the regularization path....An iterable yielding (train, test) splits as arrays of indices....
    scikit-learn.org/stable/modules/generated/sklearn.linear_model.MultiTaskLassoCV.html
    Sat Sep 06 21:55:16 UTC 2025
      162.9K bytes
      Cache
     
  50. PredefinedSplit — scikit-learn 1.7.1 documentation

    Provides train/test indices to split data into train/test sets using...The entry test_fold[i] represents the index of the test set that...
    scikit-learn.org/stable/modules/generated/sklearn.model_selection.PredefinedSplit.html
    Sat Sep 06 21:55:15 UTC 2025
      115.7K bytes
      Cache
     
Back to top