/external/tensorflow/tensorflow/contrib/distribute/python/ |
D | one_device_strategy_test.py | 37 def testMinimizeLoss(self, distribution): argument 43 def testReplicaId(self, distribution): argument 46 def testCallAndMergeExceptions(self, distribution): argument 49 def testMakeInputFnIteratorWithDataset(self, distribution): argument 61 def testMakeInputFnIteratorWithCallable(self, distribution): argument 77 def testNumpyIterator(self, distribution): argument 80 def testRun(self, distribution): argument 83 def testAllReduceSum(self, distribution): argument 86 def testAllReduceSumGradients(self, distribution): argument 89 def testAllReduceSumGradientTape(self, distribution): argument [all …]
|
D | mirrored_strategy_multigpu_test.py | 77 def testMinimizeLoss(self, distribution): argument 83 def testReplicaId(self, distribution): argument 86 def testNumReplicasInSync(self, distribution): argument 89 def testCallAndMergeExceptions(self, distribution): argument 92 def testRunRegroupError(self, distribution): argument 102 def testReduceToCpu(self, distribution): argument 109 def testMakeInputFnIteratorWithDataset(self, distribution): argument 123 def DISABLED_testMakeInputFnIteratorWithCallable(self, distribution): argument 140 def testNumpyIterator(self, distribution): argument 143 def testGlobalStepUpdate(self, distribution): argument [all …]
|
D | keras_test.py | 196 def batch_wrapper(dataset, batch_size, distribution, repeat=None): argument 214 def get_dataset(distribution): argument 223 def get_predict_dataset(distribution): argument 347 def test_train_functional_with_distribution_strategy(self, distribution): argument 377 def test_train_sequential_with_distribution_strategy(self, distribution): argument 404 def test_multi_inputs_multi_outputs_with_input_fn_as_dict(self, distribution): argument 437 self, distribution, train_input_fn, eval_input_fn): argument 456 def test_keras_optimizer_with_distribution_strategy(self, distribution): argument 481 def test_calculating_input_params_no_steps_no_batch_size(self, distribution): argument 513 distribution): argument [all …]
|
D | keras_backward_compat_test.py | 162 def batch_wrapper(dataset, batch_size, distribution, repeat=None): argument 180 def get_dataset(distribution): argument 189 def get_predict_dataset(distribution): argument 364 def test_calling_model_with_numpy_arrays(self, distribution): argument 395 def test_calling_model_with_nested_numpy_arrays(self, distribution): argument 430 def test_numpy_with_sample_weights(self, distribution): argument 444 def test_flatten_predict_outputs(self, distribution): argument 473 def test_calling_model_on_same_dataset(self, distribution): argument 492 def test_model_interleaved_eval_same_as_direct_eval(self, distribution): argument 540 def test_fit_with_tuple_and_dict_dataset_inputs(self, distribution): argument [all …]
|
D | keras_utils_test.py | 75 def test_callbacks_in_fit(self, distribution): argument 123 def test_callbacks_in_eval(self, distribution): argument 142 def test_callbacks_in_predict(self, distribution): argument 174 self, distribution): argument 200 self, distribution): argument 225 def test_unsupported_features(self, distribution): argument 288 def test_calling_with_unsupported_predefined_callbacks(self, distribution): argument 325 def test_distribution_strategy_with_add_metric_add_loss(self, distribution): argument 351 def test_distribution_strategy_with_run_eagerly(self, distribution): argument 371 def test_distribution_strategy_on_subclassed_model(self, distribution): argument [all …]
|
D | keras_dnn_correctness_test.py | 45 def get_model(self, initial_weights=None, distribution=None): argument 78 def test_dnn_correctness(self, distribution, use_numpy, use_validation_data): argument 82 def test_dnn_with_dynamic_learning_rate(self, distribution): argument 89 def get_model(self, distribution=None): argument 101 def run_metric_correctness_test(self, distribution): argument 120 def test_simple_dnn_metric_correctness(self, distribution): argument 127 def get_model(self, distribution=None): argument 142 def run_eval_metrics_correctness_test(self, distribution): argument 168 def test_identity_model_metric_eval_correctness(self, distribution): argument
|
D | metrics_v1_test.py | 96 def _test_metric(self, distribution, dataset_fn, metric_fn, expected_fn): argument 138 def testMean(self, distribution): argument 150 def testAccuracy(self, distribution): argument 165 def testMeanPerClassAccuracy(self, distribution): argument 184 def testMeanIOU(self, distribution): argument 202 def testMeanTensor(self, distribution): argument 221 def testAUCROC(self, distribution): argument 235 def testAUCPR(self, distribution): argument 249 def testFalseNegatives(self, distribution): argument 262 def testFalseNegativesAtThresholds(self, distribution): argument [all …]
|
D | moving_averages_test.py | 43 def testReplicaModeWithoutZeroDebias(self, distribution): argument 70 def testReplicaMode(self, distribution): argument 92 def testCrossDeviceWithoutZeroDebias(self, distribution): argument 121 def testCrossDevice(self, distribution): argument 143 def testAssignVariable(self, distribution): argument
|
D | values_test.py | 503 def testFetchAMirroredVariable(self, distribution): argument 522 def testAssignOutOfScope_mirrored(self, distribution): argument 535 def testAssignOutOfScope_aggregating(self, distribution): argument 625 def testSaveAndRestoreReplicaLocalSumOneGraph(self, distribution): argument 645 def testSaveAndRestoreReplicaLocalMeanOneGraph(self, distribution): argument 667 def _save_replica_local_mean(self, distribution): argument 684 def _save_replica_local_sum(self, distribution): argument 731 def _restore_replica_local_mean(self, save_path, distribution): argument 746 def _restore_replica_local_sum(self, save_path, distribution): argument 761 def testSaveReplicaLocalRestoreReplicaLocalMean(self, distribution): argument [all …]
|
D | keras_correctness_test_base.py | 107 def __init__(self, distribution): argument 122 def batch_wrapper(dataset, batch_size, distribution, repeat=None): argument 133 def get_batch_size(global_batch_size, distribution): argument 234 distribution=None, is_stateful_model=False): argument 270 def compare_results(results_with_ds, results_without_ds, distribution, argument 307 def should_skip_tpu_with_eager(distribution): argument 365 def get_model(self, distribution=None): argument 368 def skip_unsupported_test_configuration(self, distribution): argument 381 distribution, argument 458 def run_dynamic_lr_test(self, distribution): argument
|
D | keras_embedding_model_correctness_test.py | 33 def get_model(self, max_words=10, initial_weights=None, distribution=None): argument 58 def test_embedding_model_correctness(self, distribution, use_numpy, argument 67 distribution, argument 78 def get_model(self, max_words=10, initial_weights=None, distribution=None): argument 144 def test_siamese_embedding_model_correctness(self, distribution, use_numpy, 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
|
D | keras_stateful_lstm_model_correctness_test.py | 50 def get_model(self, max_words=10, initial_weights=None, distribution=None): argument 79 distribution, argument 88 self, distribution, use_numpy, use_validation_data): argument
|
D | minimize_loss_test.py | 59 def testTrainNetwork(self, distribution, optimizer_fn, use_callable_loss): argument 96 def testTrainNetworkByCallForEachReplica(self, distribution, optimizer_fn, argument 134 def testOptimizerInsideModelFn(self, distribution, optimizer_fn): argument 209 def testTrainNetworkWithBatchNorm(self, distribution, optimizer_fn, momentum, argument 289 def testMeanVsSum(self, distribution, optimizer_fn, loss_reduction, argument 372 def testRunStepsWithOutputContext(self, distribution, optimizer_fn, is_tpu): argument 471 distribution): argument
|
D | keras_image_model_correctness_test.py | 32 def get_model(self, initial_weights=None, distribution=None): argument 81 def test_cnn_correctness(self, distribution, use_numpy, use_validation_data): argument 86 def test_cnn_with_batch_norm_correctness(self, distribution, use_numpy, argument
|
D | keras_lstm_model_correctness_test.py | 33 def get_model(self, max_words=10, initial_weights=None, distribution=None): argument 58 distribution, argument
|
D | keras_optimizer_v2_test.py | 56 def testKerasOptimizerWithUnequalInput(self, distribution): argument 113 def testOptimizerWithKerasModelAndNumpyArrays(self, distribution): argument
|
D | checkpoint_utils_test.py | 74 def testInitFromCheckpoint(self, distribution, in_replica_mode): argument 109 def testInitFromDifferentNameObject(self, distribution, in_replica_mode): argument
|
D | step_fn_test.py | 43 def testTrainNetwork(self, distribution, optimizer_fn, is_tpu): argument
|
D | optimizer_v2_test.py | 39 def testTrainNetwork(self, distribution, optimizer_fn, argument
|
/external/tensorflow/tensorflow/contrib/distributions/python/ops/ |
D | independent.py | 108 self, distribution, reinterpreted_batch_ndims=None, argument 159 def distribution(self): member in Independent 234 self, distribution, reinterpreted_batch_ndims, validate_args): argument 265 def _get_default_reinterpreted_batch_ndims(self, distribution): argument
|
D | batch_reshape.py | 85 distribution, argument 140 def distribution(self): member in BatchReshape 413 def validate_init_args_statically(distribution, batch_shape): argument
|
/external/libcxx/test/std/numerics/rand/rand.dis/rand.dist.pois/rand.dist.pois.poisson/ |
D | eval.pass.cpp | 39 std::poisson_distribution<std::int16_t> distribution(32710.9); in test_bad_ranges() local 46 std::poisson_distribution<std::int16_t> distribution(std::numeric_limits<std::int16_t>::max()); in test_bad_ranges() local 77 std::poisson_distribution<std::int16_t> distribution(0); in test_bad_ranges() local 85 std::poisson_distribution<std::int16_t> distribution(-100); in test_bad_ranges() local
|
/external/eigen/doc/special_examples/ |
D | random_cpp11.cpp | 9 std::poisson_distribution<int> distribution(4.1); in main() local
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | test_utils.h | 46 std::uniform_real_distribution<> distribution; in get() local
|