/external/webrtc/system_wrappers/source/ |
D | rtp_to_ntp_estimator_unittest.cc | 26 RtpToNtpEstimator estimator; in TEST() local 32 estimator.UpdateMeasurements(ntp_sec, ntp_frac, timestamp, &new_sr)); in TEST() 39 estimator.UpdateMeasurements(ntp_sec, ntp_frac, timestamp, &new_sr)); in TEST() 43 RtpToNtpEstimator estimator; in TEST() local 49 estimator.UpdateMeasurements(ntp_sec, ntp_frac, timestamp, &new_sr)); in TEST() 53 estimator.UpdateMeasurements(ntp_sec, ntp_frac, timestamp, &new_sr)); in TEST() 59 estimator.UpdateMeasurements(ntp_sec, ntp_frac, timestamp, &new_sr)); in TEST() 63 RtpToNtpEstimator estimator; in TEST() local 69 estimator.UpdateMeasurements(ntp_sec, ntp_frac, timestamp, &new_sr)); in TEST() 73 estimator.UpdateMeasurements(ntp_sec, ntp_frac, timestamp, &new_sr)); in TEST() [all …]
|
/external/openscreen/cast/streaming/ |
D | bandwidth_estimator_unittest.cc | 41 BandwidthEstimator* estimator() { return &estimator_; } in estimator() function in openscreen::cast::__anone6f7ffcb0111::BandwidthEstimatorTest 61 EXPECT_EQ(0, estimator()->ComputeNetworkBandwidth()); in TEST_F() 69 const Clock::time_point end = now + estimator()->history_window(); in TEST_F() 71 estimator()->OnBurstComplete(i, now); in TEST_F() 72 EXPECT_EQ(0, estimator()->ComputeNetworkBandwidth()); in TEST_F() 86 const Clock::time_point end = now + estimator()->history_window(); in TEST_F() 88 estimator()->OnBurstComplete(i, now); in TEST_F() 89 estimator()->OnRtcpReceived(now + kRoundTripTime, kRoundTripTime); in TEST_F() 90 EXPECT_EQ(0, estimator()->ComputeNetworkBandwidth()); in TEST_F() 115 ASSERT_EQ(0, estimator()->ComputeNetworkBandwidth()); in TEST_F() [all …]
|
/external/webrtc/modules/audio_processing/aec3/ |
D | erl_estimator_unittest.cc | 63 ErlEstimator estimator(0); in TEST_P() local 71 estimator.Update(converged_filters, X2, Y2); in TEST_P() 73 VerifyErl(estimator.Erl(), estimator.ErlTimeDomain(), 10.f); in TEST_P() 79 estimator.Update(converged_filters, X2, Y2); in TEST_P() 81 VerifyErl(estimator.Erl(), estimator.ErlTimeDomain(), 10.f); in TEST_P() 84 estimator.Update(converged_filters, X2, Y2); in TEST_P() 85 VerifyErl(estimator.Erl(), estimator.ErlTimeDomain(), 20.f); in TEST_P() 90 estimator.Update(converged_filters, X2, Y2); in TEST_P() 92 VerifyErl(estimator.Erl(), estimator.ErlTimeDomain(), 1000.f); in TEST_P() 100 estimator.Update(converged_filters, X2, Y2); in TEST_P() [all …]
|
D | erle_estimator_unittest.cc | 167 ErleEstimator estimator(0, config, num_capture_channels); in TEST_P() local 178 estimator.Update(*render_delay_buffer->GetRenderBuffer(), in TEST_P() 181 VerifyErle(estimator.Erle(), std::pow(2.f, estimator.FullbandErleLog2()), in TEST_P() 190 estimator.Update(*render_delay_buffer->GetRenderBuffer(), in TEST_P() 193 VerifyErle(estimator.Erle(), std::pow(2.f, estimator.FullbandErleLog2()), in TEST_P() 221 ErleEstimator estimator(/*startup_phase_length_blocks=*/0, config, in TEST_P() local 234 estimator.Update(*render_delay_buffer->GetRenderBuffer(), in TEST_P() 243 estimator.Update(*render_delay_buffer->GetRenderBuffer(), in TEST_P() 251 estimator.Update(*render_delay_buffer->GetRenderBuffer(), in TEST_P() 256 VerifyErleBands(estimator.ErleOnsets(), config.erle.min, config.erle.min); in TEST_P() [all …]
|
D | echo_path_delay_estimator_unittest.cc | 56 EchoPathDelayEstimator estimator(&data_dumper, config, num_capture_channels); in TEST_P() local 64 estimator.EstimateDelay(render_delay_buffer->GetDownsampledRenderBuffer(), in TEST_P() 94 EchoPathDelayEstimator estimator(&data_dumper, config, in TEST() local 109 auto estimate = estimator.EstimateDelay( in TEST() 146 EchoPathDelayEstimator estimator(&data_dumper, config, kNumCaptureChannels); in TEST() local 158 EXPECT_FALSE(estimator.EstimateDelay( in TEST() 171 EchoPathDelayEstimator estimator(&data_dumper, config, 1); in TEST() local 175 EXPECT_DEATH(estimator.EstimateDelay( in TEST() 186 EchoPathDelayEstimator estimator(&data_dumper, config, 1); in TEST() local 191 EXPECT_DEATH(estimator.EstimateDelay( in TEST()
|
/external/tensorflow/tensorflow/python/tpu/ |
D | tpu_estimator.py | 22 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import * 24 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _clone_export_output_with_tenso… 25 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _create_global_step 26 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _export_output_to_tensors 27 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _get_scaffold 28 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _Inputs 29 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _ITERATIONS_PER_LOOP_VAR 30 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _TPU_ENQUEUE_OPS 31 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _TPU_ESTIMATOR 32 from tensorflow_estimator.python.estimator.tpu.tpu_estimator import _TPU_TRAIN_OP
|
/external/webrtc/modules/congestion_controller/goog_cc/ |
D | trendline_estimator_unittest.cc | 47 estimator(&config, nullptr), in TrendlineEstimatorTest() 59 auto initial_state = estimator.State(); in RunTestUntilStateChange() 63 estimator.Update(recv_delta, send_delta, send_times[count], in RunTestUntilStateChange() 65 if (estimator.State() != initial_state) { in RunTestUntilStateChange() 78 TrendlineEstimator estimator; member in webrtc::__anonddc486300111::TrendlineEstimatorTest 92 EXPECT_EQ(estimator.State(), BandwidthUsage::kBwNormal); in TEST_F() 94 EXPECT_EQ(estimator.State(), BandwidthUsage::kBwNormal); in TEST_F() 107 EXPECT_EQ(estimator.State(), BandwidthUsage::kBwNormal); in TEST_F() 109 EXPECT_EQ(estimator.State(), BandwidthUsage::kBwOverusing); in TEST_F() 111 EXPECT_EQ(estimator.State(), BandwidthUsage::kBwOverusing); in TEST_F() [all …]
|
/external/tensorflow/tensorflow/python/distribute/ |
D | estimator_training.py | 203 def train_and_evaluate(estimator, train_spec, eval_spec, executor_cls): argument 216 run_config = estimator.config 223 local_estimator = copy.deepcopy(estimator) 256 local_estimator = copy.deepcopy(estimator) 295 def estimator_train(estimator, train_distributed_fn, hooks): argument 297 assert estimator._config._distribute_coordinator_mode 298 run_config = estimator._config 299 assert estimator._config.cluster_spec 301 estimator._config.cluster_spec) 302 assert estimator._config._train_distribute [all …]
|
/external/tensorflow/tensorflow/python/estimator/ |
D | estimator.py | 26 from tensorflow_estimator.python.estimator import estimator 30 estimator.__all__ = [s for s in dir(estimator) if not s.startswith('__')] 32 from tensorflow_estimator.python.estimator.estimator import *
|
D | BUILD | 21 ":estimator", 76 ":estimator", 101 ":estimator", 117 ":estimator", 130 ":estimator", 143 ":estimator", 159 ":estimator", 179 ":estimator", 203 name = "estimator", 205 "estimator.py", [all …]
|
/external/webrtc/modules/remote_bitrate_estimator/ |
D | remote_bitrate_estimator_single_stream.cc | 53 estimator(options), in Detector() 57 OveruseEstimator estimator; member 113 Detector* estimator = it->second; in IncomingPacket() local 114 estimator->last_packet_time_ms = now_ms; in IncomingPacket() 129 const BandwidthUsage prior_state = estimator->detector.State(); in IncomingPacket() 133 if (estimator->inter_arrival.ComputeDeltas( in IncomingPacket() 137 estimator->estimator.Update(time_delta, timestamp_delta_ms, size_delta, in IncomingPacket() 138 estimator->detector.State(), now_ms); in IncomingPacket() 139 estimator->detector.Detect(estimator->estimator.offset(), in IncomingPacket() 141 estimator->estimator.num_of_deltas(), now_ms); in IncomingPacket() [all …]
|
/external/grpc-grpc/test/core/transport/ |
D | bdp_estimator_test.cc | 60 void AddSamples(BdpEstimator* estimator, int64_t* samples, size_t n) { in AddSamples() argument 61 estimator->AddIncomingBytes(1234567); in AddSamples() 64 estimator->SchedulePing(); in AddSamples() 65 estimator->StartPing(); in AddSamples() 67 estimator->AddIncomingBytes(samples[i]); in AddSamples() 72 estimator->CompletePing(); in AddSamples() 75 void AddSample(BdpEstimator* estimator, int64_t sample) { in AddSample() argument 76 AddSamples(estimator, &sample, 1); in AddSample()
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.estimator.experimental.pbtxt | 1 path: "tensorflow.estimator.experimental" 21 …argspec: "args=[\'estimator\', \'should_stop_fn\', \'run_every_secs\', \'run_every_steps\'], varar… 25 …argspec: "args=[\'estimator\', \'last_step\', \'wait_after_file_check_secs\'], varargs=None, keywo… 37 …argspec: "args=[\'estimator\', \'metric_name\', \'threshold\', \'eval_dir\', \'min_steps\', \'run_… 41 …argspec: "args=[\'estimator\', \'metric_name\', \'threshold\', \'eval_dir\', \'min_steps\', \'run_… 45 …argspec: "args=[\'estimator\', \'metric_name\', \'max_steps_without_decrease\', \'eval_dir\', \'mi… 49 …argspec: "args=[\'estimator\', \'metric_name\', \'max_steps_without_increase\', \'eval_dir\', \'mi…
|
D | tensorflow.estimator.-warm-start-settings.pbtxt | 1 path: "tensorflow.estimator.WarmStartSettings" 3 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.WarmStartSettings\'>" 4 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.WarmStartSettings\'>"
|
D | tensorflow.estimator.-final-exporter.pbtxt | 1 path: "tensorflow.estimator.FinalExporter" 3 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.FinalExporter\'>" 4 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.Exporter\'>" 16 …argspec: "args=[\'self\', \'estimator\', \'export_path\', \'checkpoint_path\', \'eval_result\', \'…
|
D | tensorflow.estimator.-latest-exporter.pbtxt | 1 path: "tensorflow.estimator.LatestExporter" 3 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.LatestExporter\'>" 4 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.Exporter\'>" 16 …argspec: "args=[\'self\', \'estimator\', \'export_path\', \'checkpoint_path\', \'eval_result\', \'…
|
D | tensorflow.estimator.-linear-estimator.pbtxt | 1 path: "tensorflow.estimator.LinearEstimator" 3 is_instance: "<class \'tensorflow_estimator.python.estimator.canned.linear.LinearEstimatorV2\'>" 4 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.EstimatorV2\'>" 5 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.Estimator\'>"
|
D | tensorflow.estimator.-baseline-regressor.pbtxt | 1 path: "tensorflow.estimator.BaselineRegressor" 3 …is_instance: "<class \'tensorflow_estimator.python.estimator.canned.baseline.BaselineRegressorV2\'… 4 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.EstimatorV2\'>" 5 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.Estimator\'>"
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.estimator.-warm-start-settings.pbtxt | 1 path: "tensorflow.estimator.WarmStartSettings" 3 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.WarmStartSettings\'>" 4 is_instance: "<class \'tensorflow_estimator.python.estimator.estimator.WarmStartSettings\'>"
|
D | tensorflow.estimator.experimental.pbtxt | 1 path: "tensorflow.estimator.experimental" 33 …argspec: "args=[\'estimator\', \'should_stop_fn\', \'run_every_secs\', \'run_every_steps\'], varar… 37 …argspec: "args=[\'estimator\', \'last_step\', \'wait_after_file_check_secs\'], varargs=None, keywo… 41 …argspec: "args=[\'estimator\', \'metric_name\', \'threshold\', \'eval_dir\', \'min_steps\', \'run_… 45 …argspec: "args=[\'estimator\', \'metric_name\', \'threshold\', \'eval_dir\', \'min_steps\', \'run_… 49 …argspec: "args=[\'estimator\', \'metric_name\', \'max_steps_without_decrease\', \'eval_dir\', \'mi… 53 …argspec: "args=[\'estimator\', \'metric_name\', \'max_steps_without_increase\', \'eval_dir\', \'mi…
|
D | tensorflow.estimator.-latest-exporter.pbtxt | 1 path: "tensorflow.estimator.LatestExporter" 3 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.LatestExporter\'>" 4 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.Exporter\'>" 16 …argspec: "args=[\'self\', \'estimator\', \'export_path\', \'checkpoint_path\', \'eval_result\', \'…
|
D | tensorflow.estimator.-final-exporter.pbtxt | 1 path: "tensorflow.estimator.FinalExporter" 3 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.FinalExporter\'>" 4 is_instance: "<class \'tensorflow_estimator.python.estimator.exporter.Exporter\'>" 16 …argspec: "args=[\'self\', \'estimator\', \'export_path\', \'checkpoint_path\', \'eval_result\', \'…
|
/external/tensorflow/tensorflow/core/platform/ |
D | ram_file_system_test.py | 25 from tensorflow.python.estimator.estimator import Estimator 26 from tensorflow.python.estimator.model_fn import EstimatorSpec 27 from tensorflow.python.estimator.run_config import RunConfig 124 estimator = Estimator(config=config, model_fn=model_fn) 126 estimator.train(input_fn=input_fn, steps=10) 127 estimator.train(input_fn=input_fn, steps=10) 128 estimator.train(input_fn=input_fn, steps=10) 129 estimator.train(input_fn=input_fn, steps=10)
|
/external/llvm-project/llvm/test/Transforms/Inline/ML/ |
D | size-estimator-training.ll | 2 ; RUN: opt -passes='print<inliner-size-estimator>' -S < %S/Inputs/size-estimator.ll 2>&1 | FileChec… 3 …iner-size-estimator>' -ml-inliner-ir2native-model=%S/../../../../unittests/Analysis/Inputs/ir2nati…
|
/external/tensorflow/tensorflow/python/data/experimental/ops/ |
D | iterator_ops.py | 151 def __init__(self, estimator, external_state_policy="fail"): argument 198 if estimator._config.num_worker_replicas > 1: 200 suffix = "_{}_{}".format(estimator._config.task_type, 201 estimator._config.task_id) 212 estimator.model_dir, 213 save_secs=estimator._config.save_checkpoints_secs, # pylint: disable=protected-access 214 save_steps=estimator._config.save_checkpoints_steps, # pylint: disable=protected-access
|