HomeSort by relevance Sort by last modified time
    Searched refs:Estimator (Results 1 - 25 of 72) sorted by null

1 2 3

  /external/apache-commons-math/src/main/java/org/apache/commons/math/estimation/
Estimator.java 40 public interface Estimator {
62 * criterion that is minimized by the estimator as follows: if
  /external/tensorflow/tensorflow/contrib/predictor/
predictor_factories.py 25 from tensorflow.contrib.learn.python.learn.estimators import estimator as contrib_estimator
26 from tensorflow.python.estimator import estimator as core_estimator
29 def from_contrib_estimator(estimator,
34 """Constructs a `Predictor` from a `tf.contrib.learn.Estimator`.
37 estimator: an instance of `tf.contrib.learn.Estimator`.
52 TypeError: if `estimator` is a core `Estimator` instead of a contrib
53 `Estimator`
    [all...]
testing_common.py 23 from tensorflow.contrib.learn.python.learn.estimators import estimator as contrib_estimator
26 from tensorflow.python.estimator import estimator as core_estimator
27 from tensorflow.python.estimator import model_fn
28 from tensorflow.python.estimator.export import export_lib
29 from tensorflow.python.estimator.export import export_output
39 """Returns an `Estimator` that performs basic arithmetic.
42 core: if `True`, returns a `tensorflow.python.estimator.Estimator`.
43 Otherwise, returns a `tensorflow.contrib.learn.Estimator`
    [all...]
  /frameworks/native/include/input/
VelocityTracker.h 37 struct Estimator {
40 // Estimator time base.
93 // Gets an estimator for the recent movements of the specified pointer id.
94 // Returns false and clears the estimator if there is no information available
96 bool getEstimator(uint32_t id, Estimator* outEstimator) const;
132 virtual bool getEstimator(uint32_t id, VelocityTracker::Estimator* outEstimator) const = 0;
156 // Degree must be no greater than Estimator::MAX_DEGREE.
164 virtual bool getEstimator(uint32_t id, VelocityTracker::Estimator* outEstimator) const;
207 virtual bool getEstimator(uint32_t id, VelocityTracker::Estimator* outEstimator) const;
225 void populateEstimator(const State& state, VelocityTracker::Estimator* outEstimator) const
    [all...]
  /external/tensorflow/tensorflow/python/estimator/
estimator_test.py 15 """Tests for Estimator."""
33 from tensorflow.python.estimator import estimator
34 from tensorflow.python.estimator import model_fn as model_fn_lib
35 from tensorflow.python.estimator import run_config
36 from tensorflow.python.estimator import util
37 from tensorflow.python.estimator.export import export
38 from tensorflow.python.estimator.export import export_output
39 from tensorflow.python.estimator.inputs import numpy_io
101 """Tests that sub classes cannot override methods of Estimator.""
    [all...]
training_test.py 32 from tensorflow.python.estimator import estimator as estimator_lib
33 from tensorflow.python.estimator import exporter as exporter_lib
34 from tensorflow.python.estimator import run_config as run_config_lib
35 from tensorflow.python.estimator import training
36 from tensorflow.python.estimator.canned import dnn
37 from tensorflow.python.estimator.canned import prediction_keys
38 from tensorflow.python.estimator.export import export as export_lib
39 from tensorflow.python.estimator.inputs import numpy_io
66 _INVALID_ESTIMATOR_MSG = '`estimator` must have type `tf.estimator.Estimator`
    [all...]
exporter_test.py 24 from tensorflow.python.estimator import estimator as estimator_lib
25 from tensorflow.python.estimator import exporter as exporter_lib
60 estimator = test.mock.Mock(spec=estimator_lib.Estimator)
61 estimator.export_savedmodel.return_value = "export_result_path"
63 export_result = exporter.export(estimator, export_dir_base,
67 estimator.export_savedmodel.assert_called_with(
88 estimator = test.mock.Mock(spec=estimator_lib.Estimator)
    [all...]
estimator_lib.py 15 """Estimator: High level tools for working with models."""
22 from tensorflow.python.estimator.canned.baseline import BaselineClassifier
23 from tensorflow.python.estimator.canned.baseline import BaselineRegressor
24 from tensorflow.python.estimator.canned.dnn import DNNClassifier
25 from tensorflow.python.estimator.canned.dnn import DNNRegressor
26 from tensorflow.python.estimator.canned.dnn_linear_combined import DNNLinearCombinedClassifier
27 from tensorflow.python.estimator.canned.dnn_linear_combined import DNNLinearCombinedRegressor
28 from tensorflow.python.estimator.canned.linear import LinearClassifier
29 from tensorflow.python.estimator.canned.linear import LinearRegressor
30 from tensorflow.python.estimator.canned.parsing_utils import classifier_parse_example_spe
    [all...]
  /frameworks/base/core/java/android/view/
VelocityTracker.java 47 private static native boolean nativeGetEstimator(long ptr, int id, Estimator outEstimator);
199 * Get an estimator for the movements of a pointer using past movements of the
206 * @param outEstimator The estimator to populate.
207 * @return True if an estimator was obtained, false if there is no information
212 public boolean getEstimator(int id, Estimator outEstimator) {
220 * An estimator for the movements of a pointer based on a polynomial model.
231 public static final class Estimator {
232 // Must match VelocityTracker::Estimator::MAX_DEGREE
  /external/tensorflow/tensorflow/contrib/learn/python/learn/
experiment_test.py 26 from tensorflow.contrib.learn.python.learn import estimator as estimator_lib
37 from tensorflow.python.estimator import estimator as core_estimator
141 tf_logging.info('Create Estimator')
154 raise ValueError('`train` is not defined in Estimator.')
159 estimator_lib.Estimator.export_savedmodel, kwargs)
164 class TestCoreEstimator(TestBaseEstimator, core_estimator.Estimator):
168 tf_logging.info('Create Core Estimator')
171 _check_method_supports_args(core_estimator.Estimator.evaluate, kwargs)
175 _check_method_supports_args(core_estimator.Estimator.train, kwargs
    [all...]
  /external/tensorflow/tensorflow/contrib/estimator/python/estimator/
linear.py 15 """Linear estimator."""
21 from tensorflow.python.estimator import estimator
22 from tensorflow.python.estimator.canned import linear as linear_lib
25 class LinearEstimator(estimator.Estimator):
26 """An estimator for TensorFlow linear models with user-specified head.
36 # Estimator using the default optimizer.
37 estimator = LinearEstimator(
38 head=tf.contrib.estimator.multi_label_head(n_classes=3)
    [all...]
dnn.py 21 from tensorflow.python.estimator import estimator
22 from tensorflow.python.estimator.canned import dnn as dnn_lib
26 class DNNEstimator(estimator.Estimator):
27 """An estimator for TensorFlow DNN models with user-specified head.
40 estimator = DNNEstimator(
41 head=tf.contrib.estimator.multi_label_head(n_classes=3),
45 # Or estimator using the ProximalAdagradOptimizer optimizer with
47 estimator = DNNEstimator
    [all...]
dnn_linear_combined.py 15 """TensorFlow estimator for Linear and DNN joined training models."""
21 from tensorflow.python.estimator import estimator
22 from tensorflow.python.estimator.canned import dnn_linear_combined as dnn_linear_combined_lib
26 class DNNLinearCombinedEstimator(estimator.Estimator):
27 """An estimator for TensorFlow Linear and DNN joined models with custom head.
29 Note: This estimator is also known as wide-n-deep.
44 estimator = DNNLinearCombinedEstimator(
45 head=tf.contrib.estimator.multi_label_head(n_classes=3)
    [all...]
extenders.py 15 """Extenders of tf.estimator.Estimator."""
23 from tensorflow.python.estimator import estimator as estimator_lib
24 from tensorflow.python.estimator import model_fn as model_fn_lib
25 from tensorflow.python.estimator import util as estimator_util
35 def add_metrics(estimator, metric_fn):
36 """Creates a new ${tf.estimator.Estimator} which has given metrics.
44 estimator = tf.estimator.DNNClassifier(...
    [all...]
  /frameworks/base/core/jni/
android_view_VelocityTracker.cpp 54 bool getEstimator(int32_t id, VelocityTracker::Estimator* outEstimator);
135 bool VelocityTrackerState::getEstimator(int32_t id, VelocityTracker::Estimator* outEstimator) {
198 VelocityTracker::Estimator estimator; local
199 bool result = state->getEstimator(id, &estimator);
206 env->SetFloatArrayRegion(xCoeffObj, 0, VelocityTracker::Estimator::MAX_DEGREE + 1,
207 estimator.xCoeff);
208 env->SetFloatArrayRegion(yCoeffObj, 0, VelocityTracker::Estimator::MAX_DEGREE + 1,
209 estimator.yCoeff);
210 env->SetIntField(outEstimatorObj, gEstimatorClassInfo.degree, estimator.degree)
    [all...]
  /external/tensorflow/tensorflow/contrib/boosted_trees/estimator_batch/
estimator.py 15 """GTFlow Estimator definition."""
23 from tensorflow.contrib.learn.python.learn.estimators import estimator
28 class GradientBoostedDecisionTreeClassifier(estimator.Estimator):
29 """An estimator using gradient boosted decision trees."""
44 """Initializes a GradientBoostedDecisionTreeClassifier estimator instance.
107 class GradientBoostedDecisionTreeRegressor(estimator.Estimator):
108 """An estimator using gradient boosted decision trees."""
123 """Initializes a GradientBoostedDecisionTreeRegressor estimator instance
    [all...]
dnn_tree_combined_estimator.py 34 from tensorflow.contrib.learn.python.learn.estimators import estimator
90 config: `RunConfig` of the estimator.
257 class DNNBoostedTreeCombinedClassifier(estimator.Estimator):
298 config: `RunConfig` of the estimator.
347 class DNNBoostedTreeCombinedRegressor(estimator.Estimator):
386 config: `RunConfig` of the estimator.
440 class DNNBoostedTreeCombinedEstimator(estimator.Estimator)
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
estimator_input_test.py 15 """Tests for Estimator input."""
32 from tensorflow.contrib.learn.python.learn.estimators import estimator
177 est = estimator.Estimator(model_fn=linear_model_fn, model_dir=output_dir)
188 # Create another estimator object with the same output dir.
189 est2 = estimator.Estimator(model_fn=linear_model_fn, model_dir=output_dir)
206 est = estimator.SKCompat(estimator.Estimator(model_fn=linear_model_fn)
    [all...]
estimator_test.py 15 """Tests for Estimator."""
44 from tensorflow.contrib.learn.python.learn.estimators import estimator
267 est = estimator.Estimator(model_fn=resource_constant_model_fn)
337 # TODO(ptucker): We have to roll our own mock since Estimator._get_arguments
350 est = estimator.Estimator(
365 # TODO(ptucker): We have to roll our own mock since Estimator._get_arguments
383 est = estimator.Estimator(
    [all...]
estimators_test.py 29 from tensorflow.contrib.learn.python.learn.estimators import estimator as estimator_lib
68 estimator = estimator_lib.Estimator(
70 estimator.fit(input_fn=input_fn, steps=1)
71 prediction = next(estimator.predict(input_fn=input_fn, as_iterable=True))
74 metrics = estimator.evaluate(
108 estimator = estimator_lib.Estimator(
110 estimator.fit(input_fn=input_fn, steps=1)
111 prediction = next(estimator.predict(input_fn=input_fn, as_iterable=True)
    [all...]
debug.py 51 from tensorflow.contrib.learn.python.learn.estimators import estimator
118 class DebugClassifier(estimator.Estimator):
166 also be used to load checkpoints from the directory into a estimator to
182 A `DebugClassifier` estimator.
237 class DebugRegressor(estimator.Estimator):
281 also be used to load checkpoints from the directory into a estimator to
294 A `DebugRegressor` estimator.
composable_model_test.py 25 from tensorflow.contrib.learn.python.learn.estimators import estimator
75 return estimator.Estimator(
89 return estimator.Estimator(
103 return estimator.Estimator(
  /external/tensorflow/tensorflow/python/estimator/canned/
baseline.py 50 from tensorflow.python.estimator import estimator
51 from tensorflow.python.estimator.canned import head as head_lib
52 from tensorflow.python.estimator.canned import optimizers
177 @tf_export('estimator.BaselineClassifier')
178 class BaselineClassifier(estimator.Estimator):
232 also be used to load checkpoints from the directory into a estimator to
250 A `BaselineClassifier` estimator.
280 @tf_export('estimator.BaselineRegressor'
    [all...]
linear.py 25 from tensorflow.python.estimator import estimator
26 from tensorflow.python.estimator.canned import head as head_lib
27 from tensorflow.python.estimator.canned import optimizers
174 @tf_export('estimator.LinearClassifier')
175 class LinearClassifier(estimator.Estimator):
189 # Estimator using the default optimizer.
190 estimator = LinearClassifier(
194 # Or estimator using the FTRL optimizer with regularization
    [all...]
  /frameworks/native/libs/input/
VelocityTracker.cpp 259 Estimator estimator; local
260 getEstimator(id, &estimator);
262 "estimator (degree=%d, xCoeff=%s, yCoeff=%s, confidence=%f)",
264 int(estimator.degree),
265 vectorToString(estimator.xCoeff, estimator.degree + 1).c_str(),
266 vectorToString(estimator.yCoeff, estimator.degree + 1).c_str(),
267 estimator.confidence)
344 Estimator estimator; local
    [all...]

Completed in 389 milliseconds

1 2 3