- Sort Score
- Result 50 results
- Languages All
- Labels All
Results 451 - 500 of 1,326 for test (0.68 sec)
-
Crafting a minimal reproducer for scikit-learn ...
the train_test_split X_train , X_test , y_train , y_test = train_test_split...( X_test , y_test ) other_score = gbdt . score ( X_test , y_test...scikit-learn.org/stable/developers/minimal_reproducer.html -
StratifiedKFold — scikit-learn 1.7.0 documentation
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.StratifiedKFold.html -
DetCurveDisplay — scikit-learn 1.7.0 documentation
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 -
BayesianGaussianMixture — scikit-learn 1.7.0 do...
log-likelihood of new samples at test time. The shape depends on covariance_type...log-likelihood of new samples at test time. The shape depends on covariance_type...scikit-learn.org/stable/modules/generated/sklearn.mixture.BayesianGaussianMixture.html -
Visualizing the probabilistic predictions of a ...
= [ est . predict_proba ( test_sample ) . ravel () for est in...estimators_ ] for ( est_name , _ ), est_probas in zip ( eclf...scikit-learn.org/stable/auto_examples/ensemble/plot_voting_decision_regions.html -
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 -
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 -
OneClassSVM — scikit-learn 1.7.0 documentation
n_features) or (n_samples_test, n_samples_train) For kernel=”precomputed”,...expected shape of X is (n_samples_test, n_samples_train). Returns :...scikit-learn.org/stable/modules/generated/sklearn.svm.OneClassSVM.html -
plot_release_highlights_1_7_0.py
y_val = train_test_split(X, y, test_size=0.2, random_state=0)...sklearn.model_selection import train_test_split from sklearn.pipeline...scikit-learn.org/stable/_downloads/27dd4dbb41dee53fc86e0d5b6d3254d3/plot_release_highlights_1_7_0.py -
LeaveOneGroupOut — scikit-learn 1.7.0 documenta...
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 -
RepeatedKFold — scikit-learn 1.7.0 documentation
print ( f " Test: index= { test_index } " ) ... Fold...index=[0 1] Test: index=[2 3] Fold 1: Train: index=[2 3] Test: index=[0...scikit-learn.org/stable/modules/generated/sklearn.model_selection.RepeatedKFold.html -
Features in Histogram Gradient Boosting Trees —...
import train_test_split X_train , X_test , y_train , y_test = train_test_split...train_test_split ( X , y , test_size = 0.4 , shuffle = False ) print...scikit-learn.org/stable/auto_examples/ensemble/plot_hgbt_regression.html -
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 -
Elastic Observability Labs
and test statements in real-time, making...contributing to make it the best data collection platform for...www.elastic.co/observability-labs/blog/tag/opentelemetry -
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 -
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 -
Project Mailing Lists
dbflute.seasar.org/maven/plugin/mail-lists.html -
Issue Tracking
dbflute.seasar.org/maven/plugin/issue-tracking.html -
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 -
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 -
By maintaining Obamacare pillar, Supreme Court ...
quarterly clinic visits and lab tests required for a PrEP prescription....required clinic visits and lab tests. And they could restrict access...www.nbcnews.com/nbc-out/out-health-and-wellness/maintaining-obamacare-pillar-supreme-court-hands-... -
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 -
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 -
Scaling the regularization parameter for SVCs —...
= 1e-3 ) We compute the mean test score for different values of...train_sizes ] shuffle_params = { "test_size" : 0.3 , "n_splits" : 150...scikit-learn.org/stable/auto_examples/svm/plot_svm_scale_c.html -
模範解答的なセクション 3 | DBFlute
@Directory dbflute-hands-on |-src/test/java | |-org.docksidestage.handson...HandyDate を使ってみましょう。 */ public void test_1() throws Exception { // ##...dbflute.seasar.org/ja/tutorial/handson/flower/flower03.html -
Poisson regression and non-normal loss — scikit...
df_test = train_test_split ( df , test_size = 0.33 ,...df_test [ "Frequency" ], df_test [ "Frequency" ], df_test [ "Exposure"...scikit-learn.org/stable/auto_examples/linear_model/plot_poisson_regression_non_normal_loss.html -
SAStruts での利用
jdbc generate doc outside-sql-test replace-schema sql2entity manage...今回は以下の単純なテーブルを作成します。 CREATE TABLE TEST_TABLE ( ID BIGINT NOT NULL IDENTITY...dbflute.seasar.org/maven/plugin/ja/sastruts.html -
ConfusionMatrixDisplay — 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.ConfusionMatrixDisplay.html -
Species distribution modeling — scikit-learn 1....
"ascii" ) points = dict ( test = test , train = train ) for label...species . pts_test [ "dd long" ], species . pts_test [ "dd lat"...scikit-learn.org/stable/auto_examples/applications/plot_species_distribution_modeling.html -
Elastic named a Leader in IDC MarketScape: Worl...
www.elastic.co/resources/security/report/idc-analyst-siem-marketspace-report -
How does Elastic Security drive value to your o...
We start testing and consuming capabilities...as customer zero. We start testing and consuming capabilities...www.elastic.co/blog/how-elastic-security-drive-value-organization -
EllipticEnvelope — scikit-learn 1.7.0 documenta...
the mean accuracy on the given test data and labels. In multi-label...shape (n_samples, n_features) Test samples. y array-like of shape...scikit-learn.org/stable/modules/generated/sklearn.covariance.EllipticEnvelope.html -
OutsideSqlTestCommandPlugin (DBFlute Maven Plug...
provides outside-sql-test goal to run outside-sql-test.[sh|bat]. 作成者:...dbflute.seasar.org/maven/plugin/apidocs/org/seasar/dbflute/maven/plugin/OutsideSqlTestCommandPlug... -
Failure of Machine Learning to infer causal eff...
X_test , y_train , y_test = train_test_split ( X ,...data into a training and a testing set. from sklearn.model_selection...scikit-learn.org/stable/auto_examples/inspection/plot_causal_interpretation.html -
EmpiricalCovariance — scikit-learn 1.7.0 docume...
: 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.EmpiricalCovariance.html -
dbflute-maven-plugin - dbflute:jdbc
dbflute.seasar.org/maven/plugin/jdbc-mojo.html -
dbflute-maven-plugin - dbflute:generate
dbflute.seasar.org/maven/plugin/generate-mojo.html -
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 -
dbflute-maven-plugin - dbflute:sql2entity
dbflute.seasar.org/maven/plugin/ja/sql2entity-mojo.html -
robust_scale — scikit-learn 1.7.0 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.robust_scale.html -
dbflute-maven-plugin - dbflute:replace-schema
dbflute.seasar.org/maven/plugin/ja/replace-schema-mojo.html -
[MeFi Site Update] May 2025 | MetaTalk
and it will take a couple to test and confirm it works as planned....profit or loss) as the control/test of that information. I pulled...metatalk.metafilter.com/26653/MeFi-Site-Update-May-2025 -
dbflute-maven-plugin - dbflute:manage
dbflute.seasar.org/maven/plugin/manage-mojo.html -
Visualizing cross-validation behavior in scikit...
cross-validation Nested versus non-nested cross-validation Nested versus...split data into training and test sets in order to avoid model...scikit-learn.org/stable/auto_examples/model_selection/plot_cv_indices.html -
Univariate Feature Selection — scikit-learn 1.7...
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 -
13+ Best UPF Sun Hats in 2025, According to Exp...
best under-eye patches , best smart scales and...rating? How we picked the best UPF hats The best UPF hats to shop in...www.nbcnews.com/select/shopping/best-sun-hats-upf-rcna211430 -
ClassifierChain — scikit-learn 1.7.0 documentation
X_test , Y_train , Y_test = train_test_split ( ......An iterable yielding (train, test) splits as arrays of indices....scikit-learn.org/stable/modules/generated/sklearn.multioutput.ClassifierChain.html -
dbflute-maven-plugin - dbflute:download
dbflute.seasar.org/maven/plugin/download-mojo.html -
Column Transformer with Heterogeneous Data Sour...
) X_test , y_test = fetch_20newsgroups ( random_state...body = text . partition ( " \n\n " ) # store body text in second...scikit-learn.org/stable/auto_examples/compose/plot_column_transformer.html -
GradientBoostingRegressor — scikit-learn 1.7.0 ...
X_test , y_train , y_test = train_test_split ( ......>>> reg . score ( X_test , y_test ) 0.4... For a detailed example...scikit-learn.org/stable/modules/generated/sklearn.ensemble.GradientBoostingRegressor.html