Home
last modified time | relevance | path

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

1234

/external/tensorflow/tensorflow/python/distribute/
Done_device_strategy_test.py39 def testMinimizeLoss(self, distribution): argument
45 def testReplicaId(self, distribution): argument
48 def testCallAndMergeExceptions(self, distribution): argument
51 def testReplicateDataset(self, distribution): argument
61 def testMakeInputFnIteratorWithDataset(self, distribution): argument
73 def testMakeInputFnIteratorWithCallable(self, distribution): argument
89 def testNumpyDataset(self, distribution): argument
92 def testRun(self, distribution): argument
95 def testAllReduceSum(self, distribution): argument
98 def testAllReduceSumGradients(self, distribution): argument
[all …]
Dmirrored_strategy_test.py80 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
141 def testReduceAxisToCpuUnknownShape(self, distribution): argument
159 def testReplicateDataset(self, distribution): argument
[all …]
Dmirrored_variable_test.py101 def testVariableInFuncGraph(self, distribution): argument
115 def testVariableWithTensorInitialValueInFunction(self, distribution): argument
135 def testSingleVariable(self, distribution): argument
149 def testUnnamedVariable(self, distribution): argument
160 def testMultipleVariables(self, distribution): argument
174 def testMultipleVariablesWithSameCanonicalName(self, distribution): argument
195 def testVariableWithSameCanonicalNameAcrossThreads(self, distribution): argument
209 def testWithLayers(self, distribution): argument
241 def testWithVariableAndVariableScope(self, distribution): argument
280 def testWithGetVariableAndVariableScope(self, distribution): argument
[all …]
Dmoving_averages_test.py53 def testReplicaModeWithoutZeroDebias(self, distribution): argument
80 def testReplicaMode(self, distribution): argument
102 def testCrossDeviceWithoutZeroDebias(self, distribution): argument
131 def testCrossDevice(self, distribution): argument
153 def testAssignVariable(self, distribution): argument
177 def testReplicaContextEager(self, distribution, use_function): argument
205 def testCrossReplicaContextEager(self, distribution, use_function): argument
235 def testReplicaContextGraph(self, distribution): argument
254 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 …]
Dcustom_training_loop_test.py83 def testConstantNumpyInput(self, distribution): argument
104 def testStatefulExperimentalRunAlwaysExecute(self, distribution): argument
125 def testFullEager(self, distribution): argument
144 def testStepInFunction(self, distribution): argument
164 def testRunInFunction(self, distribution): argument
189 def testNestedOutput(self, distribution): argument
218 def testRunInFunctionAutoGraphApplication(self, distribution): argument
241 def testDatasetIterationInFunction(self, distribution): argument
280 def testDatasetAssertWithDynamicBatch(self, distribution): argument
325 def testDynamicShapes(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
Dvalues_test.py526 def testFetchAMirroredVariable(self, distribution): argument
544 def testAssignOutOfScope_mirrored(self, distribution): argument
558 def testAssignOutOfScope_aggregating(self, distribution): argument
572 def testAssignAggregationMeanDTypeNonFloat(self, distribution): argument
633 def testExtendsVariable(self, distribution): argument
647 def testCheckpointing(self, distribution): argument
680 def testTraceback(self, distribution): argument
697 def testInitializedToSameValueInsideEagerRun(self, distribution): argument
720 def testSelectReplica(self, distribution): argument
734 def testModAfterAssign(self, distribution): argument
[all …]
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
Dminimize_loss_test.py89 def testTrainNetwork(self, distribution, optimizer_fn, use_callable_loss): argument
131 def testTrainNetworkByCallForEachReplica(self, distribution, optimizer_fn, argument
168 def testOptimizerInsideModelFn(self, distribution, optimizer_fn): argument
243 def testTrainNetworkWithBatchNorm(self, distribution, optimizer_fn, momentum, argument
331 def testMeanVsSum(self, distribution, optimizer_fn, loss_reduction, argument
420 def testRunStepsWithOutputContext(self, distribution, optimizer_fn, is_tpu): argument
523 distribution): argument
538 def test_empty_var_list(self, distribution, optimizer_fn): argument
Dsaved_model_save_load_test.py38 def _load_and_run_model(self, distribution, saved_dir, predict_dataset, argument
46 distribution, argument
55 distribution, save_in_scope, argument
85 def _predict_with_model(self, distribution, model, predict_dataset): argument
103 def _load_and_run_model(self, distribution, saved_dir, predict_dataset, argument
111 distribution, argument
120 self, model_and_input, distribution, save_in_scope, argument
Dsaved_model_test_base.py64 def is_tpu_strategy(distribution): argument
110 def load_and_run_with_saved_model_api(distribution, saved_dir, predict_dataset, argument
152 def _load_and_run_model(self, distribution, saved_dir, predict_dataset, argument
181 def _predict_with_model(self, distribution, model, predict_dataset): argument
191 distribution, argument
223 distribution, save_in_scope, argument
Dkeras_save_load_test.py36 def _load_and_run_model(self, distribution, saved_dir, predict_dataset, argument
46 distribution, argument
55 distribution, save_in_scope, argument
/external/tensorflow/tensorflow/python/keras/distribute/
Dkeras_utils_test.py79 def test_callbacks_in_fit(self, distribution, experimental_run_tf_function): argument
135 def test_callbacks_in_eval(self, distribution, experimental_run_tf_function): argument
161 def test_callbacks_in_predict(self, distribution, argument
197 self, distribution): argument
221 self, distribution): argument
245 def test_unsupported_features(self, distribution, argument
313 self, distribution, experimental_run_tf_function): argument
359 def test_distribution_strategy_on_subclassed_model( argument
394 def test_distribution_strategy_on_deferred_sequential_model( argument
416 def test_standalone_loss_without_loss_reduction(self, distribution): argument
[all …]
Ddistribute_strategy_test.py140 def batch_wrapper(dataset, batch_size, distribution, repeat=None): argument
168 def get_dataset(distribution): argument
177 def get_predict_dataset(distribution): argument
328 def test_calculating_input_params_no_steps_no_batch_size(self, distribution): argument
350 self, distribution): argument
393 self, distribution): argument
415 self, distribution): argument
429 def test_calling_model_with_numpy_arrays(self, distribution, argument
465 def test_calling_model_with_mixed_precision(self, distribution, argument
510 def test_operator_overload_mixed_precision(self, distribution, argument
[all …]
Dkeras_dnn_correctness_test.py58 distribution=None, argument
106 def test_dnn_correctness(self, distribution, use_numpy, use_validation_data, argument
113 def test_dnn_correctness_with_partial_last_batch_eval(self, distribution, argument
122 def test_dnn_correctness_with_partial_last_batch(self, distribution, argument
134 def test_dnn_with_dynamic_learning_rate(self, distribution, argument
144 distribution=None, argument
157 def run_metric_correctness_test(self, distribution, argument
177 def test_simple_dnn_metric_correctness(self, distribution, argument
187 distribution=None, argument
204 def run_eval_metrics_correctness_test(self, distribution, argument
[all …]
Dkeras_image_model_correctness_test.py34 distribution=None, argument
98 def test_cnn_correctness(self, distribution, use_numpy, use_validation_data, argument
105 def test_cnn_with_batch_norm_correctness(self, distribution, use_numpy, argument
118 def test_cnn_with_sync_batch_norm_correctness(self, distribution, use_numpy, argument
135 def test_cnn_correctness_with_partial_last_batch_eval(self, distribution, argument
150 self, distribution, use_numpy, use_validation_data): argument
Dkeras_embedding_model_correctness_test.py35 distribution=None, argument
62 def test_embedding_model_correctness(self, distribution, use_numpy, argument
73 self, distribution, use_numpy, use_validation_data, argument
87 distribution=None, argument
158 def test_siamese_embedding_model_correctness(self, distribution, use_numpy, argument
Dkeras_rnn_model_correctness_test.py45 distribution=None, argument
87 def test_gru_model_correctness(self, distribution, use_numpy, argument
107 def test_lstm_model_correctness(self, distribution, use_numpy, argument
116 def test_lstm_model_correctness_mixed_precision(self, distribution, use_numpy, argument
Dkeras_stateful_lstm_model_correctness_test.py54 distribution=None, argument
89 self, distribution, use_numpy, use_validation_data, argument
103 self, distribution, use_numpy, use_validation_data, argument
Dkeras_correctness_test_base.py126 def __init__(self, distribution): argument
147 def get_batch_size(global_batch_size, distribution): argument
253 distribution=None, argument
296 distribution, argument
361 def should_skip_tpu_with_eager(distribution): argument
428 distribution=None, argument
434 distribution, argument
541 distribution, argument
Dkeras_premade_models_test.py63 def test_linear_model(self, distribution, data_fn): argument
76 def test_wide_deep_model(self, distribution, data_fn): argument
Dkeras_optimizer_v2_test.py54 def testKerasOptimizerWithUnequalInput(self, distribution): argument
112 def testOptimizerWithKerasModelAndNumpyArrays(self, distribution, argument
/external/tensorflow/tensorflow/python/ops/
Dnn_loss_scaling_utilities_test.py52 def testComputeAverageLossDefaultGlobalBatchSize(self, distribution): argument
71 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/tensorflow/tensorflow/python/debug/lib/
Ddistributed_callbacks_test.py80 self, distribution, inside_scope): argument
116 def testDumpingMiniModel(self, distribution, tensor_debug_mode): argument
209 def testKerasModelFitOnOneOrTwoDevices(self, distribution, tensor_debug_mode): argument

1234