/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
H A D | morphological_ops_test.py | 31 def _VerifyValues(self, image, kernel, strides, rates, padding, out, use_gpu): argument 56 def _testDilationValidPadding(self, use_gpu): argument 72 def _testDilationSamePadding(self, use_gpu): argument 88 def _testDilationSamePaddingDepth(self, use_gpu): argument 104 def _testDilationSamePaddingBatch(self, use_gpu): argument 120 def _testDilationValidPaddingNonSquareWindow(self, use_gpu): argument 136 def _testDilationSamePaddingRate(self, use_gpu): argument 156 def _testDilationValidPaddingUnevenStride(self, use_gpu): argument 184 padding, use_gpu): argument 231 def _testDilationGradValidPadding_1x1x1(self, use_gpu): argument [all …]
|
H A D | pooling_ops_test.py | 42 def GetDeviceScope(self, use_gpu=False): argument 188 data_format, data_type, expected, use_gpu, v2, argument 282 data_format, expected, use_gpu, v2, argument 331 use_gpu, argument 878 use_gpu=False): argument 1160 use_gpu, argument 1238 use_gpu, argument 1305 def _testMaxPoolGradValidPadding1_1(self, data_format, use_gpu): argument 1319 def _testMaxPoolGradValidPadding2_1_6(self, data_format, use_gpu): argument 1333 def _testMaxPoolGradValidPadding2_1_7(self, data_format, use_gpu): argument [all …]
|
H A D | conv_ops_test.py | 163 def _DtypesToTest(self, use_gpu): argument 183 strides, padding, data_format, dtype, use_gpu): argument 244 def _SetupVal(data_format, use_gpu): argument 267 use_gpu): argument 919 use_gpu, argument 966 def _GetVal(data_format, use_gpu): argument 1142 use_gpu, argument 1185 def _GetVal(data_format, use_gpu): argument 1318 padding, data_format, use_gpu, err): argument 1364 padding, data_format, use_gpu, err): argument [all …]
|
H A D | depthwise_conv_op_base.py | 305 use_gpu, argument 531 expected, use_gpu): argument 644 use_gpu, argument 962 def _GetVal(use_gpu): argument 1025 def _GetVal(use_gpu, data_format="NHWC"): argument
|
H A D | conv_ops_3d_test.py | 54 def _DtypesToTest(self, use_gpu): argument 69 padding, data_format, dtype, use_gpu): argument 125 use_gpu): argument 472 padding, test_input, data_format, use_gpu): argument 787 strides, dilations, padding, data_format, use_gpu, argument
|
H A D | bias_op_base.py | 49 def _testBias(self, np_inputs, np_bias, use_gpu=False): argument 76 def _testBiasNCHW(self, np_inputs, np_bias, use_gpu): argument 202 def _testGradient(self, np_input, bias, dtype, data_format, use_gpu): argument
|
H A D | rnn_test.py | 450 def static_vs_dynamic_rnn_benchmark(batch_size, max_time, num_units, use_gpu): argument 513 use_gpu): argument 581 use_gpu): argument
|
H A D | softmax_op_test.py | 60 use_gpu=False): argument 114 def _testOverflow(self, use_gpu=False): argument
|
H A D | pooling_ops_3d_test.py | 52 data_format, expected, use_gpu): argument 256 use_gpu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/data_structures/ |
H A D | stack_ops_test.py | 32 def _testStackPushPop(self, use_gpu): argument 46 def _testStackPushPopSwap(self, use_gpu): argument 62 def _testStackWhileSwap(self, use_gpu): argument 100 def _testMultiStack(self, use_gpu): argument 120 def _testSameNameStacks(self, use_gpu): argument 144 def _testCloseStack(self, use_gpu): argument 156 def _testPushCloseStack(self, use_gpu): argument 174 def _testStackPushPop(self, use_gpu): argument 187 def _testStackPushPopSwap(self, use_gpu): argument 202 def _testMultiStack(self, use_gpu): argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
H A D | shape_ops_test.py | 49 def _compareShape(self, x, use_gpu=False): argument 60 def _compareShapeSparse(self, x_np, use_gpu=False): argument 69 def _compareShapeN(self, x, use_gpu=False): argument 81 def _compareRank(self, x, use_gpu=False): argument 89 def _compareRankSparse(self, x_np, use_gpu=False): argument 98 def _compareSize(self, x, use_gpu=False): argument 109 def _compareSizeSparse(self, x_np, use_gpu=False): argument 173 def _compareExpandDims(self, x, dim, use_gpu): argument 272 def _compareSqueeze(self, x, squeeze_dims, use_gpu): argument 531 def _RunAndVerifyResult(self, rank, use_gpu): argument
|
H A D | cast_op_test.py | 53 def _cast(self, x, dtype, use_gpu=False): argument 59 def _test(self, x, dtype, use_gpu=False): argument 65 def _testTypes(self, x, use_gpu=False): argument 120 def _compare(self, x, dst_dtype, expected, use_gpu=False): argument
|
H A D | reshape_op_test.py | 33 def _testReshape(self, x, y, use_gpu=False): argument 48 def _testZeroDimReshape(self, x, shape, expected, use_gpu=False): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/training/ |
H A D | training_ops_test.py | 48 def _testTypes(self, x, alpha, delta, use_gpu=None): argument 69 def _testTypesForAdagrad(self, x, y, lr, grad, use_gpu=None): argument 90 use_gpu=None, argument 135 use_gpu=None, argument 222 def _testTypesForSparseAdagrad(self, x, y, lr, grad, indices, use_gpu): argument 250 use_gpu, argument 413 def _testTypesForAdam(self, var, m, v, grad, use_gpu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/math_ops/ |
H A D | cwise_ops_test.py | 223 def _compareBinary(self, x, y, np_func, tf_func, use_gpu=False): argument 234 def _not(self, x, use_gpu=False): argument 329 def _compare(self, fn, c, x, y, use_gpu): argument 634 def _compare(self, c, x, y, use_gpu): argument 747 def _compare(self, x, y, use_gpu): argument 952 def _compare(self, x, use_gpu): argument 1067 def _compareMake(self, real, imag, use_gpu): argument 1099 def _compareRealImag(self, cplx, use_gpu): argument 1128 def _compareAngle(self, cplx, use_gpu): argument 1170 def _compareConj(self, cplx, use_gpu): argument
|
H A D | cumulative_logsumexp_test.py | 36 def _testLogSumExp(self, x, dtype=dtypes.float32, use_gpu=False, **kwargs): argument 45 def _testLogSumExpAllArgs(self, x, axis=0, use_gpu=False): argument 71 def _testGradient(self, x, use_gpu=False, **kwargs): argument
|
H A D | reduction_ops_test.py | 735 def _compare(self, x, reduction_axes, keepdims, use_gpu=False): argument 852 def _compare(self, x, reduction_axes, keepdims, use_gpu=False): argument 983 def _compare(self, x, reduction_axes, keepdims, use_gpu=False): argument 1032 def _compare(self, x, reduction_axes, keepdims, use_gpu=False): argument 1081 def _compare(self, x, reduction_axes, keepdims, use_gpu=False, zero=0, argument
|
H A D | basic_gpu_test.py | 89 def _compare(self, x, np_func, tf_func, use_gpu): argument 103 def _testDtype(self, dtype, use_gpu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/variables/ |
H A D | dense_update_ops_test.py | 27 def _initAssignFetch(self, x, y, use_gpu): argument 37 def _initAssignAddFetch(self, x, y, use_gpu): argument 46 def _initAssignSubFetch(self, x, y, use_gpu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/random/ |
H A D | parameterized_truncated_normal_op_test.py | 412 def parameterized_vs_naive(shape, num_iters, use_gpu=False): argument 437 def randn_sampler_switchover(shape, num_iters, use_gpu=False): argument 497 def _benchmarkParameterizedOpVsNaiveOp(self, use_gpu): argument 522 def _benchmarkRandnSampler(self, use_gpu): argument
|
H A D | random_ops_test.py | 43 use_gpu, argument 63 def _Sampler(self, num, mu, sigma, dtype, use_gpu, seed=None): argument 161 def _Sampler(self, num, mu, sigma, dtype, use_gpu, seed=None): argument 276 def _Sampler(self, num, minv, maxv, dtype, use_gpu, seed=None): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | nn_fused_batchnorm_test.py | 65 use_gpu=True, argument 146 use_gpu=True, argument 227 use_gpu=True, argument 290 use_gpu=True, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
H A D | linear_operator_circulant_test.py | 225 def _constrain_devices_and_set_default(self, sess, use_gpu, force_gpu): argument 612 def _constrain_devices_and_set_default(self, sess, use_gpu, force_gpu): argument 913 def _constrain_devices_and_set_default(self, sess, use_gpu, force_gpu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/framework/ |
H A D | test_util.py | 1385 use_gpu=True, argument 1902 def device(use_gpu): argument 1913 def use_gpu(): function 2623 def session(self, graph=None, config=None, use_gpu=True, force_gpu=False): argument 2670 use_gpu=True, argument 2724 use_gpu=True, argument 3594 def _constrain_devices_and_set_default(self, sess, use_gpu, force_gpu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | nn_ops_test.cc | 113 bool use_gpu, DataType data_type, in BM_ConvFloat() 523 int stride, Padding padding, bool use_gpu, in BM_ConvFloatDepthwise() 1141 int num_threads, bool use_gpu, const string& label) { in BM_MaxPoolBk() 1375 int num_threads, bool use_gpu, in BM_ImageNetSoftmaxFwd() 1429 int k, int num_threads, bool use_gpu, const string& label) { in BM_TopK()
|