/external/tensorflow/tensorflow/python/distribute/ |
D | one_device_strategy_test.py | 43 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 …]
|
D | mirrored_strategy_test.py | 80 def testMinimizeLoss(self, distribution): argument 86 def testReplicaId(self, distribution): argument 89 def testNumReplicasInSync(self, distribution): argument 92 def testCallAndMergeExceptions(self, distribution): argument 95 def testRunRegroupError(self, distribution): argument 105 def testReduceToCpu(self, distribution): argument 112 def reduce_axis_helper(self, distribution, replica_squared_fn): argument 126 def testReduceAxisToCpu(self, distribution): argument 142 def testReduceAxisToCpuUnknownShape(self, distribution): argument 160 def testReplicateDataset(self, distribution): argument [all …]
|
D | mirrored_variable_test.py | 102 def testVariableInFuncGraph(self, distribution): argument 116 def testVariableWithTensorInitialValueInFunction(self, distribution): argument 136 def testSingleVariable(self, distribution): argument 150 def testUnnamedVariable(self, distribution): argument 161 def testMultipleVariables(self, distribution): argument 175 def testMultipleVariablesWithSameCanonicalName(self, distribution): argument 196 def testVariableWithSameCanonicalNameAcrossThreads(self, distribution): argument 210 def testWithVariableAndVariableScope(self, distribution): argument 249 def testWithGetVariableAndVariableScope(self, distribution): argument 288 def testOnlyFirstReplicaUpdatesVariables(self, distribution): argument [all …]
|
D | vars_test.py | 86 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 …]
|
D | custom_training_loop_input_test.py | 84 def testConstantNumpyInput(self, distribution): argument 105 def testStatefulExperimentalRunAlwaysExecute(self, distribution): argument 126 def testFullEager(self, distribution): argument 143 def testGetNextAsOptional(self, distribution): argument 163 def testGetNextAsOptionalExampleUsage(self, distribution): argument 188 def testFullEagerTPU(self, distribution): argument 205 def testStepInFunction(self, distribution): argument 225 def testRunInFunction(self, distribution): argument 251 def testNestedOutput(self, distribution): argument 280 def testRunInFunctionAutoGraphApplication(self, distribution): argument [all …]
|
D | moving_averages_test.py | 57 def testReplicaModeWithoutZeroDebias(self, distribution): argument 84 def testReplicaMode(self, distribution): argument 106 def testCrossDeviceWithoutZeroDebias(self, distribution): argument 135 def testCrossDevice(self, distribution): argument 150 def testUpdateContext(self, distribution, use_function): argument 168 def testAssignVariable(self, distribution): argument 192 def testReplicaContextEager(self, distribution, use_function): argument 224 def testCrossReplicaContextEager(self, distribution, use_function): argument 254 def testReplicaContextGraph(self, distribution): argument 276 def testCrossReplicaContextGraph(self, distribution): argument
|
D | values_test.py | 85 def _make_mirrored(distribution=None): argument 123 def testMakeDistributedValueFromTensor(self, distribution): argument 143 def testMakeDistributedValueSingleNumpyArrayConstant(self, distribution): argument 163 def testMakeDistributedValueTupleConstant(self, distribution): argument 186 def testMakeDistributedValueNestedStructurePerReplica(self, distribution): argument 212 def testMakeDistributedValueSpareTensor(self, distribution): argument 234 def testMakeDistributedValueExtractFromArray(self, distribution): argument 252 def testMakeDistributedValueAndRun(self, distribution): argument 286 def testMakeDistributedValueDefaultDevicePlacement(self, distribution): argument 307 def testMakeDistributedValueExplicitDevicePlacement(self, distribution): argument [all …]
|
D | metrics_v1_test.py | 99 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 …]
|
D | input_lib_type_spec_test.py | 60 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 344 def testTypeSpec(self, distribution, enable_get_next_as_optional): argument 405 def testTypeSpecRoundTrip(self, distribution, enable_get_next_as_optional): argument 455 def testDoesNotTriggerFunctionTracing(self, distribution, argument
|
D | remote_mirrored_strategy_eager_test.py | 55 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
|
D | input_lib_test.py | 296 def testDisablingOwnedIteratorsInTF2(self, distribution, input_type): argument 335 def testMultiDeviceIterInitialize(self, distribution): argument 366 def testOneDeviceCPU(self, input_type, api_type, iteration_type, distribution, argument 390 distribution, enable_get_next_as_optional): argument 421 distribution, enable_get_next_as_optional): argument 449 def testTPU(self, input_type, api_type, iteration_type, distribution, argument 485 def testTupleDataset(self, input_type, api_type, iteration_type, distribution, argument 521 distribution, enable_get_next_as_optional): argument 554 def testIterableIterator(self, distribution): argument 578 drop_remainder, distribution): argument [all …]
|
D | tf_function_test.py | 53 self, distribution, run_functions_eagerly): argument 79 self, distribution, run_functions_eagerly): argument 109 def testReadVariableInsideFunction(self, distribution, run_functions_eagerly): argument 148 def testRetraceOnSavingFirstTraceInScope(self, distribution): argument 173 def testRetraceOnSavingFirstTraceOutsideScope(self, distribution): argument
|
D | step_fn.py | 28 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/ |
D | keras_utils_test.py | 82 def test_callbacks_in_fit(self, distribution): argument 136 def test_callbacks_in_eval(self, distribution): argument 160 def test_callbacks_in_predict(self, distribution): argument 194 self, distribution): argument 218 self, distribution): argument 241 def test_unsupported_features(self, distribution, mode): argument 292 def test_distribution_strategy_on_subclassed_model( argument 326 def test_distribution_strategy_on_deferred_sequential_model( argument 348 def test_standalone_loss_without_loss_reduction(self, distribution): argument 373 def test_masking(self, distribution, optimizer): argument [all …]
|
D | distribute_strategy_test.py | 167 def batch_wrapper(dataset, batch_size, distribution, repeat=None): argument 194 def get_dataset(distribution): argument 203 def get_predict_dataset(distribution): argument 371 def test_calculating_input_params_no_steps_no_batch_size(self, distribution): argument 393 self, distribution): argument 436 self, distribution): argument 458 self, distribution): argument 472 def test_calling_model_with_numpy_arrays(self, distribution): argument 506 def test_calling_model_with_mixed_precision(self, distribution): argument 554 def test_operator_overload_mixed_precision(self, distribution): argument [all …]
|
D | keras_dnn_correctness_test.py | 62 distribution=None, argument 110 def test_dnn_correctness(self, distribution, use_numpy, use_validation_data): argument 117 def test_dnn_correctness_with_partial_last_batch_eval(self, distribution, argument 127 def test_dnn_correctness_with_partial_last_batch(self, distribution, argument 139 def test_dnn_with_dynamic_learning_rate(self, distribution): argument 147 distribution=None, argument 159 def run_metric_correctness_test(self, distribution): argument 179 def test_simple_dnn_metric_correctness(self, distribution): argument 187 distribution=None, argument 203 def run_eval_metrics_correctness_test(self, distribution): argument [all …]
|
D | saved_model_save_load_test.py | 49 distribution, argument 59 distribution): argument 67 distribution, save_in_scope): argument 86 def test_no_variable_device_placement(self, model_and_input, distribution, argument 107 def _predict_with_model(self, distribution, model, predict_dataset): argument 125 distribution, argument 135 distribution): argument 143 self, model_and_input, distribution, save_in_scope): argument 164 def test_save_load_io_device(self, model_and_input, distribution): argument
|
D | keras_image_model_correctness_test.py | 39 distribution=None, argument 105 def test_cnn_correctness(self, distribution, use_numpy, use_validation_data): argument 111 def test_cnn_with_batch_norm_correctness(self, distribution, use_numpy, argument 122 def test_cnn_with_sync_batch_norm_correctness(self, distribution, use_numpy, argument 138 def test_cnn_correctness_with_partial_last_batch_eval(self, distribution, argument 154 self, distribution, use_numpy, use_validation_data): argument
|
D | custom_training_loop_models_test.py | 68 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 179 def test_batch_norm_with_dynamic_batch(self, distribution): argument 210 def test_lstm(self, distribution): argument 258 def test_nested_tf_functions(self, distribution): argument 330 def test_nested_tf_functions_with_control_flow(self, distribution): argument 367 def test_customized_tf_module_run(self, distribution): argument 392 def test_reduce_loss(self, distribution): argument [all …]
|
D | custom_training_loop_metrics_test.py | 43 def test_multiple_keras_metrics_experimental_run(self, distribution): argument 68 def test_update_keras_metric_declared_in_strategy_scope(self, distribution): argument 92 self, distribution): argument 106 def test_update_keras_metrics_dynamic_shape(self, distribution): argument
|
D | keras_embedding_model_correctness_test.py | 36 distribution=None, argument 62 def test_embedding_model_correctness(self, distribution, use_numpy, argument 72 self, distribution, use_numpy, use_validation_data): argument 84 distribution=None, argument 154 def test_siamese_embedding_model_correctness(self, distribution, use_numpy, argument
|
D | minimize_loss_test.py | 92 def testTrainNetwork(self, distribution, optimizer_fn, use_callable_loss): argument 134 def testTrainNetworkByCallForEachReplica(self, distribution, optimizer_fn, argument 171 def testOptimizerInsideModelFn(self, distribution, optimizer_fn): argument 246 def testTrainNetworkWithBatchNorm(self, distribution, optimizer_fn, momentum, argument 334 def testMeanVsSum(self, distribution, optimizer_fn, loss_reduction, argument 423 def testRunStepsWithOutputContext(self, distribution, optimizer_fn, is_tpu): argument 526 distribution): argument 541 def test_empty_var_list(self, distribution, optimizer_fn): argument
|
D | keras_rnn_model_correctness_test.py | 46 distribution=None, argument 89 def test_gru_model_correctness(self, distribution, use_numpy, argument 110 def test_lstm_model_correctness(self, distribution, use_numpy, argument 118 def test_lstm_model_correctness_mixed_precision(self, distribution, use_numpy, argument
|
/external/tensorflow/tensorflow/python/keras/mixed_precision/ |
D | autocast_variable_test.py | 73 def test_read(self, distribution): argument 114 def test_read_nested_scopes(self, distribution): argument 129 def test_dtype_is_not_string(self, distribution): argument 146 def test_method_delegations(self, distribution): argument 224 def test_operator_overloads(self, distribution): argument 270 def test_assign(self, distribution): argument 346 def test_assign_tf_function(self, distribution): argument 362 def test_op_attribute(self, distribution): argument 391 def test_tf_function_control_dependencies(self, distribution): argument 409 def test_assign_stays_in_true_dtype(self, distribution): argument [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | nn_loss_scaling_utilities_test.py | 53 def testComputeAverageLossDefaultGlobalBatchSize(self, distribution): argument 72 def testComputeAverageLossSampleWeights(self, distribution): argument 114 def testComputeAverageLossDtype(self, distribution): argument 152 def testComputeAverageLossInCrossReplicaContext(self, distribution): argument 165 def testScaleRegularizationLoss(self, distribution): argument 184 def testScaleRegularizationLossInCrossReplicaContext(self, distribution): argument
|