Home
last modified time | relevance | path

Searched defs:distribution (Results 1 – 25 of 156) sorted by relevance

1234567

/external/tensorflow/tensorflow/python/distribute/
Done_device_strategy_test.py43 def testMinimizeLoss(self, distribution): argument
49 def testReplicaId(self, distribution): argument
52 def testCallAndMergeExceptions(self, distribution): argument
55 def testReplicateDataset(self, distribution): argument
67 def testMakeInputFnIteratorWithDataset(self, distribution): argument
79 def testMakeInputFnIteratorWithCallable(self, distribution): argument
95 def testNumpyDataset(self, distribution): argument
98 def testRun(self, distribution): argument
101 def testAllReduceSum(self, distribution): argument
104 def testAllReduceSumGradients(self, distribution): argument
[all …]
Dmirrored_strategy_test.py81 def testMinimizeLoss(self, distribution): argument
87 def testReplicaId(self, distribution): argument
90 def testNumReplicasInSync(self, distribution): argument
93 def testCallAndMergeExceptions(self, distribution): argument
96 def testRunRegroupError(self, distribution): argument
108 def testReduceToCpu(self, distribution): argument
118 def testReduceToCpuNested(self, distribution): argument
135 def reduce_axis_helper(self, distribution, replica_squared_fn): argument
149 def testReduceAxisToCpu(self, distribution): argument
167 def testReduceAxisToCpuUnknownShape(self, distribution): argument
[all …]
Dvars_test.py86 def testAssign(self, distribution, experimental_run_tf_function): argument
126 def testAssignOnWriteVar(self, distribution, experimental_run_tf_function): argument
171 def testAssignPerReplicaVal(self, distribution, experimental_run_tf_function): argument
229 def testValueInReplicaContext(self, distribution): argument
247 def testReadValueInReplicaContext(self, distribution, argument
272 def testReadValueInCrossReplicaContext(self, distribution, argument
298 def testAssignOutOfScope(self, distribution): argument
307 def testInitializedToSameValueInsideEagerRun(self, distribution): argument
326 def testAggregationOnlyFirstReplica(self, distribution): argument
347 def testInitScope(self, distribution): argument
[all …]
Dmirrored_variable_test.py107 def testVariableInFuncGraph(self, distribution): argument
121 def testVariableWithTensorInitialValueInFunction(self, distribution): argument
141 def testSingleVariable(self, distribution): argument
155 def testUnnamedVariable(self, distribution): argument
166 def testMultipleVariables(self, distribution): argument
180 def testMultipleVariablesWithSameCanonicalName(self, distribution): argument
201 def testVariableWithSameCanonicalNameAcrossThreads(self, distribution): argument
215 def testWithVariableAndVariableScope(self, distribution): argument
254 def testWithGetVariableAndVariableScope(self, distribution): argument
293 def testOnlyFirstReplicaUpdatesVariables(self, distribution): argument
[all …]
Dcustom_training_loop_input_test.py86 def testConstantNumpyInput(self, distribution): argument
107 def testStatefulExperimentalRunAlwaysExecute(self, distribution): argument
128 def testFullEager(self, distribution): argument
145 def testGetNextAsOptional(self, distribution): argument
165 def testGetNextAsOptionalExampleUsage(self, distribution): argument
190 def testFullEagerTPU(self, distribution): argument
207 def testStepInFunction(self, distribution): argument
227 def testRunInFunction(self, distribution): argument
253 def testNestedOutput(self, distribution): argument
282 def testRunInFunctionAutoGraphApplication(self, distribution): argument
[all …]
Dvalues_test.py86 def _make_mirrored(distribution=None): argument
125 def testMakeDistributedValueFromTensor(self, distribution): argument
145 def testMakeDistributedValueSingleNumpyArrayConstant(self, distribution): argument
165 def testMakeDistributedValueTupleConstant(self, distribution): argument
188 def testMakeDistributedValueNestedStructurePerReplica(self, distribution): argument
214 def testMakeDistributedValueSpareTensor(self, distribution): argument
236 def testMakeDistributedValueExtractFromArray(self, distribution): argument
254 def testMakeDistributedValueAndRun(self, distribution): argument
290 def testMakeDistributedValueDefaultDevicePlacement(self, distribution): argument
314 def testMakeDistributedValueExplicitDevicePlacement(self, distribution, argument
[all …]
Dmoving_averages_test.py58 def testReplicaModeWithoutZeroDebias(self, distribution): argument
85 def testReplicaMode(self, distribution): argument
107 def testCrossDeviceWithoutZeroDebias(self, distribution): argument
136 def testCrossDevice(self, distribution): argument
151 def testUpdateContext(self, distribution, use_function): argument
169 def testAssignVariable(self, distribution): argument
193 def testReplicaContextEager(self, distribution, use_function): argument
225 def testCrossReplicaContextEager(self, distribution, use_function): argument
255 def testReplicaContextGraph(self, distribution): argument
277 def testCrossReplicaContextGraph(self, distribution): argument
Dmetrics_v1_test.py99 def _test_metric(self, distribution, dataset_fn, metric_fn, expected_fn): argument
142 def testMean(self, distribution): argument
154 def testAccuracy(self, distribution): argument
169 def testMeanPerClassAccuracy(self, distribution): argument
188 def testMeanIOU(self, distribution): argument
206 def testMeanTensor(self, distribution): argument
225 def testAUCROC(self, distribution): argument
239 def testAUCPR(self, distribution): argument
253 def testFalseNegatives(self, distribution): argument
266 def testFalseNegativesAtThresholds(self, distribution): argument
[all …]
Dinput_lib_type_spec_test.py60 def testTypeSpec(self, input_type, distribution, argument
93 distribution, enable_get_next_as_optional): argument
128 def testDoesNotTriggerFunctionTracing(self, input_type, distribution, argument
178 def testInputSignatureForPerReplicaValues(self, distribution, argument
212 def testInputSignatureForNestedPerReplicaValues(self, distribution): argument
235 def testMostSpecificCompatibleType(self, input_type, distribution, argument
274 self, distribution, enable_get_next_as_optional, argument
343 def testTypeSpecBase(self, distribution, enable_get_next_as_optional): argument
370 def testTypeSpecReturnedFromTFFunction(self, distribution, argument
418 def testTypeSpecRaggedTensor(self, distribution, enable_get_next_as_optional): argument
[all …]
Dinput_lib_test.py294 def testDisablingOwnedIteratorsInTF2(self, distribution, input_type): argument
333 def testMultiDeviceIterInitialize(self, distribution): argument
364 def testOneDeviceCPU(self, input_type, api_type, iteration_type, distribution, argument
388 distribution, enable_get_next_as_optional): argument
414 distribution, enable_get_next_as_optional): argument
437 def testTPU(self, input_type, api_type, iteration_type, distribution, argument
468 def testTupleDataset(self, input_type, api_type, iteration_type, distribution, argument
504 distribution, enable_get_next_as_optional): argument
537 def testIterableIterator(self, distribution): argument
556 def testIterableIteratorError(self, distribution): argument
[all …]
Dremote_mirrored_strategy_eager_test.py55 def testNumReplicasInSync(self, distribution): argument
58 def testMinimizeLoss(self, distribution): argument
61 def testDeviceScope(self, distribution): argument
64 def testMakeInputFnIteratorWithDataset(self, distribution): argument
67 def testMakeInputFnIteratorWithCallable(self, distribution): argument
Dtf_function_test.py57 self, distribution, run_functions_eagerly): argument
83 self, distribution, run_functions_eagerly): argument
113 def testReadVariableInsideFunction(self, distribution, run_functions_eagerly): argument
155 def testRetraceOnSavingFirstTraceInScope(self, distribution): argument
180 def testRetraceOnSavingFirstTraceOutsideScope(self, distribution): argument
Dstep_fn.py28 def __init__(self, distribution): argument
32 def distribution(self): member in Step
53 def __init__(self, dataset_fn, distribution): argument
88 def __init__(self, dataset_fn, loss_fn, optimizer, distribution, argument
/external/tensorflow/tensorflow/python/keras/distribute/
Ddistribute_strategy_test.py164 def batch_wrapper(dataset, batch_size, distribution, repeat=None): argument
191 def get_dataset(distribution): argument
200 def get_predict_dataset(distribution): argument
368 def test_calculating_input_params_no_steps_no_batch_size(self, distribution): argument
390 self, distribution): argument
433 self, distribution): argument
455 self, distribution): argument
469 def test_calling_model_with_numpy_arrays(self, distribution): argument
503 def test_calling_model_with_mixed_precision(self, distribution): argument
551 def test_operator_overload_mixed_precision(self, distribution): argument
[all …]
Dkeras_utils_test.py78 def test_callbacks_in_fit(self, distribution): argument
132 def test_callbacks_in_eval(self, distribution): argument
156 def test_callbacks_in_predict(self, distribution): argument
190 self, distribution): argument
214 self, distribution): argument
237 def test_unsupported_features(self, distribution, mode): argument
288 def test_distribution_strategy_on_subclassed_model( argument
322 def test_distribution_strategy_on_deferred_sequential_model( argument
344 def test_standalone_loss_without_loss_reduction(self, distribution): argument
369 def test_masking(self, distribution, optimizer): argument
[all …]
Dkeras_dnn_correctness_test.py60 distribution=None, argument
108 def test_dnn_correctness(self, distribution, use_numpy, use_validation_data): argument
115 def test_dnn_correctness_with_partial_last_batch_eval(self, distribution, argument
125 def test_dnn_correctness_with_partial_last_batch(self, distribution, argument
137 def test_dnn_with_dynamic_learning_rate(self, distribution): argument
145 distribution=None, argument
157 def run_metric_correctness_test(self, distribution): argument
177 def test_simple_dnn_metric_correctness(self, distribution): argument
185 distribution=None, argument
201 def run_eval_metrics_correctness_test(self, distribution): argument
[all …]
Dsaved_model_save_load_test.py45 distribution, argument
55 distribution): argument
63 distribution, save_in_scope): argument
82 def test_no_variable_device_placement(self, model_and_input, distribution, argument
103 def _predict_with_model(self, distribution, model, predict_dataset): argument
121 distribution, argument
131 distribution): argument
139 self, model_and_input, distribution, save_in_scope): argument
160 def test_save_load_io_device(self, model_and_input, distribution): argument
Dkeras_image_model_correctness_test.py37 distribution=None, argument
103 def test_cnn_correctness(self, distribution, use_numpy, use_validation_data): argument
112 def test_cnn_with_batch_norm_correctness(self, distribution, use_numpy, argument
123 def test_cnn_with_sync_batch_norm_correctness(self, distribution, use_numpy, argument
139 def test_cnn_correctness_with_partial_last_batch_eval(self, distribution, argument
155 self, distribution, use_numpy, use_validation_data): argument
Dcustom_training_loop_models_test.py68 def test_single_keras_layer_run(self, distribution): argument
92 def test_keras_model_optimizer_run(self, distribution): argument
118 def test_keras_subclass_model_optimizer_run(self, distribution): argument
155 def test_keras_model_optimizer_run_loop(self, distribution): argument
181 def test_batch_norm_with_dynamic_batch(self, distribution): argument
212 def test_lstm(self, distribution): argument
260 def test_nested_tf_functions(self, distribution): argument
332 def test_nested_tf_functions_with_control_flow(self, distribution): argument
369 def test_customized_tf_module_run(self, distribution): argument
394 def test_reduce_loss(self, distribution): argument
[all …]
Dcustom_training_loop_metrics_test.py40 def test_multiple_keras_metrics_experimental_run(self, distribution): argument
65 def test_update_keras_metric_declared_in_strategy_scope(self, distribution): argument
89 self, distribution): argument
104 def test_update_keras_metrics_dynamic_shape(self, distribution): argument
Dminimize_loss_test.py88 def testTrainNetwork(self, distribution, optimizer_fn, use_callable_loss): argument
130 def testTrainNetworkByCallForEachReplica(self, distribution, optimizer_fn, argument
167 def testOptimizerInsideModelFn(self, distribution, optimizer_fn): argument
242 def testTrainNetworkWithBatchNorm(self, distribution, optimizer_fn, momentum, argument
332 def testMeanVsSum(self, distribution, optimizer_fn, loss_reduction, argument
421 def testRunStepsWithOutputContext(self, distribution, optimizer_fn, is_tpu): argument
524 distribution): argument
539 def test_empty_var_list(self, distribution, optimizer_fn): argument
Dkeras_embedding_model_correctness_test.py33 distribution=None, argument
59 def test_embedding_model_correctness(self, distribution, use_numpy, argument
69 self, distribution, use_numpy, use_validation_data): argument
81 distribution=None, argument
151 def test_siamese_embedding_model_correctness(self, distribution, use_numpy, argument
/external/tensorflow/tensorflow/python/keras/mixed_precision/
Dautocast_variable_test.py89 def test_read(self, distribution): argument
130 def test_read_nested_scopes(self, distribution): argument
145 def test_dtype_is_not_string(self, distribution): argument
162 def test_method_delegations(self, distribution): argument
240 def test_operator_overloads(self, distribution): argument
286 def test_assign(self, distribution): argument
362 def test_assign_tf_function(self, distribution): argument
378 def test_op_attribute(self, distribution): argument
407 def test_tf_function_control_dependencies(self, distribution): argument
425 def test_assign_stays_in_true_dtype(self, distribution): argument
[all …]
/external/tensorflow/tensorflow/python/ops/
Dnn_loss_scaling_utilities_test.py53 def testComputeAverageLossDefaultGlobalBatchSize(self, distribution): argument
72 def testComputeAverageLossSampleWeights(self, distribution): argument
113 def testComputeAverageLossDtype(self, distribution): argument
151 def testComputeAverageLossInCrossReplicaContext(self, distribution): argument
164 def testScaleRegularizationLoss(self, distribution): argument
183 def testScaleRegularizationLossInCrossReplicaContext(self, distribution): argument
/external/ComputeLibrary/tests/validation/CPP/
DDFT.cpp81 std::uniform_real_distribution<float> distribution(-5.f, 5.f); in TEST_SUITE() local
99 std::uniform_real_distribution<float> distribution(-5.f, 5.f); in DATA_TEST_CASE() local
117 std::uniform_real_distribution<float> distribution(-5.f, 5.f); in TEST_SUITE() local
135 std::uniform_real_distribution<float> distribution(-5.f, 5.f); in DATA_TEST_CASE() local
152 std::uniform_real_distribution<float> distribution(-1.f, 1.f); in TEST_SUITE() local

1234567