Home
last modified time | relevance | path

Searched refs:estimator (Results 1 – 25 of 304) sorted by relevance

12345678910>>...13

/external/tensorflow/tensorflow/contrib/estimator/python/estimator/
Dextenders_test.py23 from tensorflow.contrib.estimator.python.estimator import extenders
25 from tensorflow.python.estimator import estimator_lib
26 from tensorflow.python.estimator.canned import linear
54 estimator = linear.LinearClassifier([fc.numeric_column('x')])
59 estimator = extenders.add_metrics(estimator, metric_fn)
61 estimator.train(input_fn=input_fn)
62 metrics = estimator.evaluate(input_fn=input_fn)
69 estimator = linear.LinearClassifier([fc.numeric_column('x')])
76 estimator = extenders.add_metrics(estimator, metric_fn)
80 estimator = linear.LinearClassifier([fc.numeric_column('x')])
[all …]
Dextenders.py23 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): argument
87 spec = estimator.model_fn(features, labels, mode, config)
98 model_dir=estimator.model_dir,
99 config=estimator.config)
139 def forward_features(estimator, keys=None): argument
222 spec = estimator.model_fn(features, labels, mode, config)
240 model_dir=estimator.model_dir,
[all …]
Ddnn_test.py27 from tensorflow.contrib.estimator.python.estimator import dnn
28 from tensorflow.contrib.estimator.python.estimator import head as head_lib
29 from tensorflow.python.estimator.canned import dnn_testing_utils
30 from tensorflow.python.estimator.canned import prediction_keys
31 from tensorflow.python.estimator.export import export
32 from tensorflow.python.estimator.inputs import numpy_io
/external/tensorflow/tensorflow/contrib/estimator/
DBUILD43 srcs = ["python/estimator/dnn.py"],
47 "//tensorflow/python/estimator",
48 "//tensorflow/python/estimator:dnn",
55 srcs = ["python/estimator/dnn_test.py"],
68 "//tensorflow/python/estimator:dnn_testing_utils",
69 "//tensorflow/python/estimator:export_export",
70 "//tensorflow/python/estimator:numpy_io",
71 "//tensorflow/python/estimator:prediction_keys",
80 srcs = ["python/estimator/dnn_linear_combined.py"],
84 "//tensorflow/python/estimator",
[all …]
D__init__.py22 from tensorflow.contrib.estimator.python.estimator.dnn import *
23 from tensorflow.contrib.estimator.python.estimator.dnn_linear_combined import *
24 from tensorflow.contrib.estimator.python.estimator.extenders import *
25 from tensorflow.contrib.estimator.python.estimator.head import *
26 from tensorflow.contrib.estimator.python.estimator.linear import *
27 from tensorflow.contrib.estimator.python.estimator.logit_fns import *
28 from tensorflow.contrib.estimator.python.estimator.multi_head import *
29 from tensorflow.contrib.estimator.python.estimator.replicate_model_fn import *
/external/tensorflow/tensorflow/python/estimator/
Destimator_lib.py22 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_spec
31 from tensorflow.python.estimator.canned.parsing_utils import regressor_parse_example_spec
[all …]
Dexporter_test.py24 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)
89 estimator.export_savedmodel.return_value = "export_result_path"
91 export_result = exporter.export(estimator, export_dir_base,
94 self.assertFalse(estimator.export_savedmodel.called)
[all …]
Destimator_test.py33 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
104 class _Estimator(estimator.Estimator):
117 class _Estimator(estimator.Estimator):
133 class _Estimator(estimator.Estimator):
[all …]
Dexporter.py24 from tensorflow.python.estimator import gc
45 def export(self, estimator, export_path, checkpoint_path, eval_result, argument
113 def export(self, estimator, export_path, checkpoint_path, eval_result, argument
117 export_result = estimator.export_savedmodel(
168 def export(self, estimator, export_path, checkpoint_path, eval_result, argument
175 return self._saved_model_exporter.export(estimator, export_path,
228 def export(self, estimator, export_path, checkpoint_path, eval_result, argument
231 estimator, export_path, checkpoint_path, eval_result,
/external/webrtc/webrtc/modules/remote_bitrate_estimator/
Dremote_bitrate_estimator_single_stream.cc40 estimator(options), in Detector()
44 OveruseEstimator estimator; member
92 Detector* estimator = it->second; in IncomingPacket() local
93 estimator->last_packet_time_ms = now_ms; in IncomingPacket()
95 const BandwidthUsage prior_state = estimator->detector.State(); in IncomingPacket()
99 if (estimator->inter_arrival.ComputeDeltas(rtp_timestamp, arrival_time_ms, in IncomingPacket()
103 estimator->estimator.Update(time_delta, timestamp_delta_ms, size_delta, in IncomingPacket()
104 estimator->detector.State()); in IncomingPacket()
105 estimator->detector.Detect(estimator->estimator.offset(), in IncomingPacket()
107 estimator->estimator.num_of_deltas(), now_ms); in IncomingPacket()
[all …]
/external/tensorflow/tensorflow/contrib/predictor/
Dpredictor_factories.py25 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, argument
55 if isinstance(estimator, core_estimator.Estimator):
61 estimator,
68 def from_estimator(estimator, argument
90 if isinstance(estimator, contrib_estimator.Estimator):
96 estimator, serving_input_receiver_fn, output_key=output_key, graph=graph)
Dpredictor_factories_test.py51 estimator = testing_common.get_arithmetic_estimator(core=False)
54 estimator, input_fn, output_alternative_key='sum')
57 estimator = testing_common.get_arithmetic_estimator(core=True)
60 predictor_factories.from_contrib_estimator(estimator, input_fn)
63 estimator = testing_common.get_arithmetic_estimator(core=True)
65 predictor_factories.from_estimator(estimator, input_fn)
68 estimator = testing_common.get_arithmetic_estimator(core=False)
71 predictor_factories.from_estimator(estimator, input_fn)
Dcore_estimator_predictor.py23 from tensorflow.python.estimator import model_fn
30 serving_input_receiver, estimator, output_key=None): argument
35 estimator_spec = estimator.model_fn(
37 estimator.config)
51 estimator, argument
70 serving_input_receiver, estimator, output_key)
71 checkpoint_dir = estimator.model_dir
/external/tensorflow/tensorflow/contrib/learn/python/learn/
Dexport_strategy_test.py29 def _export_fn(estimator, export_path): argument
30 self.assertTupleEqual((estimator, export_path), (None, None))
39 def _ckpt_export_fn(estimator, export_path, checkpoint_path): argument
40 self.assertTupleEqual((estimator, export_path), (None, None))
50 def _ckpt_eval_export_fn(estimator, export_path, checkpoint_path, argument
52 self.assertTupleEqual((estimator, export_path), (None, None))
63 def _eval_export_fn(estimator, export_path, eval_result): argument
64 del estimator, export_path, eval_result
75 def _strip_default_attrs_export_fn(estimator, export_path, argument
77 self.assertTupleEqual((estimator, export_path), (None, None))
Dmonitors_test.py33 from tensorflow.python.estimator import estimator as core_estimator
323 estimator = mock_estimator_class()
325 estimator.model_dir = model_dir
332 monitor.set_estimator(estimator)
343 estimator = mock_estimator_class()
345 estimator.model_dir = model_dir
346 estimator.evaluate.return_value = {}
353 monitor.set_estimator(estimator)
362 estimator = mock_estimator_class()
364 estimator.model_dir = model_dir
[all …]
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
Destimator_test.py44 from tensorflow.contrib.learn.python.learn.estimators import estimator
267 est = estimator.Estimator(model_fn=resource_constant_model_fn)
350 est = estimator.Estimator(
383 est = estimator.Estimator(
408 est = estimator.Estimator(
424 est = estimator.Estimator(model_fn=_invalid_model_fn)
442 est = estimator.Estimator(model_fn=_invalid_model_fn)
458 est = estimator.Estimator(model_fn=_invalid_model_fn)
485 est = estimator.Estimator(model_fn=_model_fn_scaffold)
509 est = estimator.Estimator(model_fn=_model_fn_scaffold)
[all …]
/external/tensorflow/tensorflow/python/estimator/export/
Dexport_lib.py22 from tensorflow.python.estimator.export.export import build_parsing_serving_input_receiver_fn
23 from tensorflow.python.estimator.export.export import build_raw_serving_input_receiver_fn
24 from tensorflow.python.estimator.export.export import ServingInputReceiver
25 from tensorflow.python.estimator.export.export_output import ClassificationOutput
26 from tensorflow.python.estimator.export.export_output import ExportOutput
27 from tensorflow.python.estimator.export.export_output import PredictOutput
28 from tensorflow.python.estimator.export.export_output import RegressionOutput
/external/tensorflow/tensorflow/examples/learn/
Dmnist.py64 if mode == tf.estimator.ModeKeys.TRAIN:
72 if mode == tf.estimator.ModeKeys.PREDICT:
77 return tf.estimator.EstimatorSpec(mode, predictions=predictions)
83 if mode == tf.estimator.ModeKeys.TRAIN:
86 return tf.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op)
93 return tf.estimator.EstimatorSpec(
102 train_input_fn = tf.estimator.inputs.numpy_input_fn(
108 test_input_fn = tf.estimator.inputs.numpy_input_fn(
119 classifier = tf.estimator.LinearClassifier(
126 classifier = tf.estimator.Estimator(model_fn=conv_model)
Dmultiple_gpu.py61 if mode == tf.estimator.ModeKeys.PREDICT:
66 return tf.estimator.EstimatorSpec(mode, predictions=predictions)
72 if mode == tf.estimator.ModeKeys.TRAIN:
76 return tf.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op)
83 return tf.estimator.EstimatorSpec(
92 classifier = tf.estimator.Estimator(model_fn=my_model)
95 train_input_fn = tf.estimator.inputs.numpy_input_fn(
100 test_input_fn = tf.estimator.inputs.numpy_input_fn(
Diris_custom_model.py43 if mode == tf.estimator.ModeKeys.PREDICT:
48 return tf.estimator.EstimatorSpec(mode, predictions=predictions)
54 if mode == tf.estimator.ModeKeys.TRAIN:
57 return tf.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op)
64 return tf.estimator.EstimatorSpec(
73 classifier = tf.estimator.Estimator(model_fn=my_model)
76 train_input_fn = tf.estimator.inputs.numpy_input_fn(
81 test_input_fn = tf.estimator.inputs.numpy_input_fn(
Diris_custom_decay_dnn.py42 if mode == tf.estimator.ModeKeys.PREDICT:
47 return tf.estimator.EstimatorSpec(mode, predictions=predictions)
53 if mode == tf.estimator.ModeKeys.TRAIN:
60 return tf.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op)
67 return tf.estimator.EstimatorSpec(
76 classifier = tf.estimator.Estimator(model_fn=my_model)
79 train_input_fn = tf.estimator.inputs.numpy_input_fn(
84 test_input_fn = tf.estimator.inputs.numpy_input_fn(
Dtext_classification_character_rnn.py54 if mode == tf.estimator.ModeKeys.PREDICT:
55 return tf.estimator.EstimatorSpec(
63 if mode == tf.estimator.ModeKeys.TRAIN:
66 return tf.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op)
72 return tf.estimator.EstimatorSpec(
92 classifier = tf.estimator.Estimator(model_fn=char_rnn_model)
95 train_input_fn = tf.estimator.inputs.numpy_input_fn(
104 test_input_fn = tf.estimator.inputs.numpy_input_fn(
/external/tensorflow/tensorflow/examples/tutorials/layers/
Dcnn_mnist.py82 inputs=dense, rate=0.4, training=mode == tf.estimator.ModeKeys.TRAIN)
96 if mode == tf.estimator.ModeKeys.PREDICT:
97 return tf.estimator.EstimatorSpec(mode=mode, predictions=predictions)
103 if mode == tf.estimator.ModeKeys.TRAIN:
108 return tf.estimator.EstimatorSpec(mode=mode, loss=loss, train_op=train_op)
114 return tf.estimator.EstimatorSpec(
127 mnist_classifier = tf.estimator.Estimator(
137 train_input_fn = tf.estimator.inputs.numpy_input_fn(
149 eval_input_fn = tf.estimator.inputs.numpy_input_fn(
/external/tensorflow/tensorflow/contrib/kfac/python/kernel_tests/
Destimator_test.py23 from tensorflow.contrib.kfac.python.ops import estimator
46 device_context_generator = estimator._DeviceContextGenerator(None)
53 device_context_generator = estimator._DeviceContextGenerator(
93 estimator.FisherEstimator([self.weights], 0.1, 0.2, self.layer_collection)
98 estimator.FisherEstimator([self.weights, self.bias], 0.1, 0.2,
104 estimator.FisherEstimator([], 0.1, 0.2, self.layer_collection)
109 estimator.FisherEstimator([self.weights], 0.1, 0.2, self.layer_collection)
113 estimator.FisherEstimator([self.weights], 0.1, 0.2, self.layer_collection,
118 est = estimator.FisherEstimator([self.weights], 0.1, 0.2,
125 estimator.FisherEstimator([self.weights], 0.1, 0.2,
[all …]
/external/tensorflow/tensorflow/contrib/learn/python/learn/utils/
Dexport.py257 def _default_input_fn(estimator, examples): argument
259 return estimator._get_feature_ops_from_example(examples)
263 def export_estimator(estimator, argument
270 _export_estimator(estimator=estimator,
279 def _export_estimator(estimator, argument
296 tf_saver.latest_checkpoint(estimator._model_dir))
304 features = input_fn(estimator, examples)
314 predictions = estimator._get_predict_ops(features).predictions
329 signature_fn = estimator._create_signature_fn()

12345678910>>...13