- Sort Score
- Result 50 results
- Languages All
- Labels All
Results 201 - 250 of 1,326 for test (1.07 sec)
-
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 -
Tony Awards 2025 live updates: Cynthia Erivo ho...
including best play, best direction of a play, best scenic design...Share Best lighting design of a play Jon Clark wins the best lighting...www.nbcnews.com/pop-culture/pop-culture-news/live-blog/tony-awards-2025-live-updates-rcna211077 -
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 -
TweedieRegressor — scikit-learn 1.7.0 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 -
Semi-supervised Classification on a Text Datase...
X_test , y_train , y_test = train_test_split ( X ,..., X_train , y_train , X_test , y_test ): print ( "Number of training...scikit-learn.org/stable/auto_examples/semi_supervised/plot_semi_supervised_newsgroups.html -
Better Binary Quantization (BBQ) in Lucene and ...
example but simplifed java code: Testing with BBQ: Alright, show me...numbers: We have done extensive testing with BBQ both in Lucene and...www.elastic.co/search-labs/blog/better-binary-quantization-lucene-elasticsearch -
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 -
Trump shows his dominance over Congress in pass...
midterm elections next year will test whether Trump’s gambit paid...vote. “GOP Congressman just texted me,” the vice president posted...www.nbcnews.com/politics/donald-trump/trump-dominance-congress-passing-big-beautiful-bill-rcna216747 -
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 -
Elasticsearch features list | Elastic
"message" : { "query" : "this is a test", "operator" : "and" } } } }...default distribution, you can also test out Platinum features such as...www.elastic.co/elasticsearch/features -
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 -
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 -
gads.js
ad_test"in e.ARGV&&"true"==e.ARGV.gooad_test&&(e.GAM_TEST_EN...e.ADNW_AB_TEST_CONFIG?e.ADNW_AB_TEST_REPORT_VALUE=e.ADNW_AB_TEST_CO...adcdn.goo.ne.jp/images/js/gads.js -
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 -
Live updates: Mike Lee removes posts on Minneso...
www.nbcnews.com/politics/politics-news/live-blog/trump-administration-tariffs-iran-israel-live-up... -
Sean 'Diddy' Combs trial recap: Defense wraps c...
"It doesn't pass the laugh test. Common sense tells you (that)...his sexual desires. Share Testing the mic Adam Reiss Agnifilo...www.nbcnews.com/news/us-news/live-blog/sean-diddy-combs-trial-live-closing-arguments-defense-rcna... -
GraphicalLassoCV — scikit-learn 1.7.0 documenta...
: X_test array-like of shape (n_samples, n_features) Test data...An iterable yielding (train, test) splits as arrays of indices....scikit-learn.org/stable/modules/generated/sklearn.covariance.GraphicalLassoCV.html -
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 -
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 -
Elastic on Elastic: How InfoSec uses the Elasti...
allowing us to test fields or dashboards without...'https://qualysapi.xxx.apps.qualys.com/qps/rest/2.0/update/am/tag' \ --location...www.elastic.co/blog/how-infosec-uses-elastic-stack-vulnerability-management -
Kernel PCA — scikit-learn 1.7.0 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 -
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 -
We Ranked The Best Frozen Pizza Brands
We Ranked The Best Frozen Pizza Brands I Tested And Ranked The...frozen pizzas. So I blind taste-tested the seven most popular grocery...www.buzzfeed.com/webstories/frozen-pizza-brands-ranked/ -
ExtraTreesRegressor — scikit-learn 1.7.0 docume...
X_test , y_train , y_test = train_test_split ( ......y_train ) >>> reg . score ( X_test , y_test ) 0.2727... apply ( X )...scikit-learn.org/stable/modules/generated/sklearn.ensemble.ExtraTreesRegressor.html -
Decision Tree Regression — scikit-learn 1.7.0 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 -
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 -
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 -
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 -
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 -
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 -
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 -
Custom refit strategy of a grid search with cro...
import train_test_split X_train , X_test , y_train , y_test = train_test_split..., "mean_test_recall" , "std_test_recall" , "mean_test_precision"...scikit-learn.org/stable/auto_examples/model_selection/plot_grid_search_digits.html -
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 -
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 -
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 -
Introducing Elastic Observability's new Synthet...
monitoring tests Creating end-to-end synthetics monitoring tests Playwright...managed testing service, offering a global network of testing locations....www.elastic.co/observability-labs/blog/new-synthetic-monitoring-observability -
Model Selection — scikit-learn 1.7.0 documentation
(ROC) Nested versus non-nested cross-validation Nested versus...regularization on training and test error Effect of model regularization...scikit-learn.org/stable/auto_examples/model_selection/index.html -
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 -
PredefinedSplit — scikit-learn 1.7.0 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 -
The strange bedfellows driving — and winning — ...
www.nbcnews.com/tech/internet/anti-porn-crusaders-winning-pornhub-age-verification-rcna210684 -
Comparing Target Encoder with Other Encoders — ...
"rmse_test_mean" : rmse_test_score . mean (), "rmse_test_std"...= True , ) rmse_test_score = - result [ "test_score" ] rmse_train_score...scikit-learn.org/stable/auto_examples/preprocessing/plot_target_encoder.html -
7.1. Pipelines and composite estimators — sciki...
X_test , y_train , y_test = train_test_split ( X ,...format ( regr . score ( X_test , y_test ))) R2 score: 0.61 >>> raw_target_regr...scikit-learn.org/stable/modules/compose.html -
Introducing the set_output API — scikit-learn 1...
X_test , y_train , y_test = train_test_split ( X ,...X_train ) X_test_scaled = scaler . transform ( X_test ) X_test_scaled...scikit-learn.org/stable/auto_examples/miscellaneous/plot_set_output.html -
DBFlute Example (サンプル) | DBFlute
MySQL dbflute-test-dbms-mysql PostgreSQL dbflute-test-dbms-postgresql...Oracle dbflute-test-dbms-oracle DB2 dbflute-test-dbms-db2 SQLServer...dbflute.seasar.org/ja/manual/reference/example/index.html -
Face completion with a multi-output estimators ...
randint ( test . shape [ 0 ], size = ( n_faces ,)) test = test [ face_ids...2 :] X_test = test [:, : ( n_pixels + 1 ) // 2 ] y_test = test...scikit-learn.org/stable/auto_examples/miscellaneous/plot_multioutput_face_completion.html -
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 -
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 -
Gradient Boosting regression — scikit-learn 1.7...
X_test , y_train , y_test = train_test_split ( X ,...mean_squared_error ( y_test , reg . predict ( X_test )) print ( "The...scikit-learn.org/stable/auto_examples/ensemble/plot_gradient_boosting_regression.html -
MultiTaskLassoCV — scikit-learn 1.7.0 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 -
Underfitting vs. Overfitting — scikit-learn 1.7...
plot ( X_test , pipeline . predict ( X_test [:, np . newaxis..."Model" ) plt . plot ( X_test , true_fun ( X_test ), label = "True function"...scikit-learn.org/stable/auto_examples/model_selection/plot_underfitting_overfitting.html