- Sort Score
- Result 50 results
- Languages All
- Labels All
Results 451 - 500 of 1,312 for test (1.05 sec)
-
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 -
maihamadb properties
test.prefix Env Lang Property uq Comment - - [Test] 1 The...to show test environment or not integration - [Test] 1 The prefix...dbflute.seasar.org/ja/data/doc/harbor/properties-maihamadb.html -
QuantileRegressor — scikit-learn 1.7.1 document...
coefficient of determination on test data. The coefficient of determination,...shape (n_samples, n_features) Test samples. For some estimators...scikit-learn.org/stable/modules/generated/sklearn.linear_model.QuantileRegressor.html -
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 -
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 -
org.seasar.dbflute.maven.plugin (DBFlute Maven ...
provides outside-sql-test goal to run outside-sql-test. ReplaceSchemaCommand...dbflute.seasar.org/maven/plugin/apidocs/org/seasar/dbflute/maven/plugin/package-summary.html -
fetch_lfw_pairs — scikit-learn 1.7.1 documentation
‘test’ for the development test set, and ‘10_folds’...Parameters : subset {‘train’, ‘test’, ‘10_folds’}, default=’train’...scikit-learn.org/stable/modules/generated/sklearn.datasets.fetch_lfw_pairs.html -
ClassifierChain — scikit-learn 1.7.1 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 -
check_cv — scikit-learn 1.7.1 documentation
test) splits as arrays of indices....cross-validator which generates the train/test splits via the split method....scikit-learn.org/stable/modules/generated/sklearn.model_selection.check_cv.html -
decomposition.rst.txt
||X-UV||_{\text{Fro}}^2+\alpha||V||_{1,1} \\ \text{subject to...||X-UV||_{\text{Fro}}^2+\alpha||U||_{1,1} \\ \text{subject to...scikit-learn.org/stable/_sources/modules/decomposition.rst.txt -
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 -
Select | Deals, Tips and Product Reviews | Sele...
Saucony The 12 best women’s walking shoes, tested & reviewed Zoe...Getty Images Oral Care Tested: The best, most effective teeth...www.nbcnews.com/select -
タイプセーフメール送信 (MailFlute) | LastaFlute
subject to show test environment or not mail.subject.test.prefix = [Test]...[Test] # The common return path of all mail mail.return.path...dbflute.seasar.org/ja/lastaflute/howto/architecture/typesafemail.html -
Developing scikit-learn estimators — scikit-lea...
predict ( X_test ) Depending on the nature of...private API and mostly used in tests. However, these tags expanded...scikit-learn.org/stable/developers/develop.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 -
Lars — scikit-learn 1.7.1 documentation
coefficient of determination on test data. The coefficient of determination,...shape (n_samples, n_features) Test samples. For some estimators...scikit-learn.org/stable/modules/generated/sklearn.linear_model.Lars.html -
1.9. Naive Bayes — scikit-learn 1.7.1 documenta...
X_test , y_train , y_test = train_test_split ( X ,...: %d " ... % ( X_test . shape [ 0 ], ( y_test != y_pred ) . sum...scikit-learn.org/stable/modules/naive_bayes.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 -
GaussianMixture — scikit-learn 1.7.1 documentation
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.GaussianMixture.html -
BayesianRidge — scikit-learn 1.7.1 documentation
coefficient of determination on test data. The coefficient of determination,...shape (n_samples, n_features) Test samples. For some estimators...scikit-learn.org/stable/modules/generated/sklearn.linear_model.BayesianRidge.html -
Gel Manicures Banned in Europe: Here's What to ...
Top stories Best products for thinning hair The best way to clean...steel appliances Best Oura Ring alternatives Best mouse traps Bets...www.nbcnews.com/select/shopping/gel-manicure-dangers-rcna229066 -
Release Highlights for scikit-learn 1.6 — sciki...
Many tests in the common test suite are updated...removed the _xfail_checks tag and tests which are expected to fail are...scikit-learn.org/stable/auto_examples/release_highlights/plot_release_highlights_1_6_0.html -
plot_release_highlights_1_7_0.ipynb
y_val = train_test_split(X, y, test_size=0.2, random_state=0)\n\nclf...sklearn.model_selection import train_test_split\nfrom sklearn.pipeline...scikit-learn.org/stable/_downloads/b7d178d09f44d400894015228deb0ddb/plot_release_highlights_1_7_0... -
Ridge coefficients as a function of the L2 Regu...
our trained predictions to the test data and see the statistical...regularization on training and test error Effect of model regularization...scikit-learn.org/stable/auto_examples/linear_model/plot_ridge_coeffs.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 -
Feature importances with a forest of trees — sc...
X_test , y_train , y_test = train_test_split ( X ,...permutation_importance ( forest , X_test , y_test , n_repeats = 10 , random_state...scikit-learn.org/stable/auto_examples/ensemble/plot_forest_importances.html -
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.scale.html -
Minneapolis church shooting search warrants rev...
to be tested by the Minnesota Bureau of...police recovered a tactical vest, two external media storage...www.nbcnews.com/news/us-news/minneapolis-church-shooting-search-warrants-reveal-new-details-evide... -
AppOmni deploys Elastic for for code optimizati...
www.elastic.co/customers/appomni -
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 -
1.10. Decision Trees — scikit-learn 1.7.1 docum...
validate a model using statistical tests. That makes it possible to account...= 0 ) . fit ( X , y ) >>> X_test = np . array ([ np . nan ])...scikit-learn.org/stable/modules/tree.html -
3.4. Metrics and scoring: quantifying the quali...
(pre-test and post-tests): \[\text{post-test odds} = \text{Likelihood...\frac{\text{pre-test probability}}{1 - \text{pre-test probability}},\]...scikit-learn.org/stable/modules/model_evaluation.html -
LassoLars — scikit-learn 1.7.1 documentation
coefficient of determination on test data. The coefficient of determination,...shape (n_samples, n_features) Test samples. For some estimators...scikit-learn.org/stable/modules/generated/sklearn.linear_model.LassoLars.html -
IsotonicRegression — scikit-learn 1.7.1 documen...
coefficient of determination on test data. The coefficient of determination,...shape (n_samples, n_features) Test samples. For some estimators...scikit-learn.org/stable/modules/generated/sklearn.isotonic.IsotonicRegression.html -
power_transform — 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.power_transform.html -
ExtraTreeClassifier — scikit-learn 1.7.1 docume...
X_test , y_train , y_test = train_test_split ( ......y_train ) >>> cls . score ( X_test , y_test ) 0.8947 apply ( X , check_input...scikit-learn.org/stable/modules/generated/sklearn.tree.ExtraTreeClassifier.html -
HistGradientBoostingRegressor — scikit-learn 1....
>>> est = HistGradientBoosting () . fit ( X , y ) >>> est . score...coefficient of determination on test data. The coefficient of determination,...scikit-learn.org/stable/modules/generated/sklearn.ensemble.HistGradientBoostingRegressor.html -
MinCovDet — scikit-learn 1.7.1 documentation
: X_test array-like of shape (n_samples, n_features) Test data...Quality, TECHNOMETRICS score ( X_test , y = None ) [source] # Compute...scikit-learn.org/stable/modules/generated/sklearn.covariance.MinCovDet.html -
BernoulliNB — scikit-learn 1.7.1 documentation
classification on an array of test vectors X. Parameters : X array-like...probability estimates for the test vector X. For each row x of...scikit-learn.org/stable/modules/generated/sklearn.naive_bayes.BernoulliNB.html -
ハンズオンセクション 6 | DBFlute
UnitContainerTestCas { public void test_ ... () { // _testで補完 ... } } テストクラスで...グが出力されていたかと思います。 これは、既に src/test/resources 配下に log4j.properties...dbflute.seasar.org/ja/tutorial/handson/section06.html -
Probabilistic predictions with Gaussian process...
according to the log-loss on test data. The figure shows that...train_size :], c = "g" , label = "Test data" , edgecolors = ( 0 , 0...scikit-learn.org/stable/auto_examples/gaussian_process/plot_gpc.html -
DISH Media boosts targeted ad revenue with Elas...
tests, and baselines to the development...problems before moving to testing and production. "Elastic Observability...www.elastic.co/customers/dish-media -
LassoLarsIC — scikit-learn 1.7.1 documentation
coefficient of determination on test data. The coefficient of determination,...shape (n_samples, n_features) Test samples. For some estimators...scikit-learn.org/stable/modules/generated/sklearn.linear_model.LassoLarsIC.html -
Version 0.20 — scikit-learn 1.7.1 documentation
text.CountVectorizer and other text vectorizers could...feature_extraction.text.CountVectorizer , feature_extraction.text.TfidfVectorizer...scikit-learn.org/stable/whats_new/v0.20.html -
Glossary of Common Terms and API Elements — sci...
common tests # This refers to the tests run on almost...(train_idx, test_idx) pairs. Each of {train,test}_idx is a 1d...scikit-learn.org/stable/glossary.html -
Map data to a normal distribution — scikit-lear...
X_test = train_test_split ( X , test_size = 0.5 )...sklearn.model_selection import train_test_split from sklearn.preprocessing...scikit-learn.org/stable/auto_examples/preprocessing/plot_map_data_to_normal.html -
Recursive feature elimination with cross-valida...
"mean_test_score" , "std_test_score" ] } cv_results...[ "mean_test_score" ], yerr = cv_results [ "std_test_score" ],...scikit-learn.org/stable/auto_examples/feature_selection/plot_rfe_with_cross_validation.html -
Elastic AI Assistant for Observability and Sear...
Test and save the inference pipeline...Assistant uses one of the following text embedding models to run semantic...www.elastic.co/docs/solutions/observability/observability-ai-assistant -
Elastic Observability [8.19] | Elastic
Write a synthetic test Write a synthetic test to check critical...browser monitors Write a synthetic test Configure individual monitors...www.elastic.co/guide/en/observability/8.19/index.html -
Pipeline — scikit-learn 1.7.1 documentation
X_test , y_train , y_test = train_test_split ( X ,..., y_train ) . score ( X_test , y_test ) 0.88 >>> # An estimator's...scikit-learn.org/stable/modules/generated/sklearn.pipeline.Pipeline.html