Home
last modified time | relevance | path

Searched refs:use_gpu (Results 1 – 25 of 163) sorted by relevance

1234567

/external/tensorflow/tensorflow/python/kernel_tests/
Dmorphological_ops_test.py33 def _VerifyValues(self, image, kernel, strides, rates, padding, out, use_gpu): argument
48 with self.cached_session(use_gpu=use_gpu):
58 def _testDilationValidPadding(self, use_gpu): argument
72 use_gpu=use_gpu)
74 def _testDilationSamePadding(self, use_gpu): argument
88 use_gpu=use_gpu)
90 def _testDilationSamePaddingDepth(self, use_gpu): argument
104 use_gpu=use_gpu)
106 def _testDilationSamePaddingBatch(self, use_gpu): argument
120 use_gpu=use_gpu)
[all …]
Dpooling_ops_test.py44 def GetDeviceScope(self, use_gpu=False): argument
46 if use_gpu and test.is_gpu_available():
50 return self.session(use_gpu=use_gpu)
119 data_format, data_type, expected, use_gpu, v2, argument
158 with self.cached_session(use_gpu=use_gpu):
202 data_format, expected, use_gpu, v2, argument
231 data_format, dtypes.float32, expected, use_gpu, v2,
236 data_format, dtypes.float64, expected, use_gpu, v2,
239 if not use_gpu or test_util.GpuSupportsHalfMatMulAndConv():
241 data_format, dtypes.float16, expected, use_gpu, v2,
[all …]
Dstack_ops_test.py36 def _testStackPushPop(self, use_gpu): argument
37 with self.cached_session(use_gpu=use_gpu):
47 self._testStackPushPop(use_gpu=False)
48 self._testStackPushPop(use_gpu=True)
50 def _testStackPushPopSwap(self, use_gpu): argument
51 with self.cached_session(use_gpu=use_gpu):
63 self._testStackPushPopSwap(use_gpu=False)
64 self._testStackPushPopSwap(use_gpu=True)
66 def _testStackWhileSwap(self, use_gpu): argument
67 with self.cached_session(use_gpu=use_gpu):
[all …]
Dconv_ops_test.py166 def _DtypesToTest(self, use_gpu): argument
170 if use_gpu and not test_util.GpuSupportsHalfMatMulAndConv():
184 strides, padding, data_format, dtype, use_gpu): argument
204 with test_util.device(use_gpu):
245 def _SetupVal(data_format, use_gpu): argument
246 with test_util.device(use_gpu):
260 for (data_format, use_gpu) in GetTestConfigs():
261 tensors.append(_SetupVal(data_format, use_gpu))
268 use_gpu): argument
271 with test_util.device(use_gpu):
[all …]
Dcumulative_logsumexp_test.py40 def _testLogSumExp(self, x, dtype=dtypes.float32, use_gpu=False, **kwargs): argument
41 with self.cached_session(use_gpu=use_gpu):
49 def _testLogSumExpAllArgs(self, x, axis=0, use_gpu=False): argument
54 x, dtype=dtype, use_gpu=use_gpu,
60 self._testLogSumExpAllArgs(x, use_gpu=False)
61 self._testLogSumExpAllArgs(x, use_gpu=True)
65 self._testLogSumExpAllArgs(x, use_gpu=False)
66 self._testLogSumExpAllArgs(x, use_gpu=True)
72 self._testLogSumExpAllArgs(x, axis=axis, use_gpu=False)
73 self._testLogSumExpAllArgs(x, axis=axis, use_gpu=True)
[all …]
Dsoftmax_op_test.py64 use_gpu=False): argument
70 with self.cached_session(use_gpu=use_gpu):
88 self._testSoftmax(features, dtype=dtype, use_gpu=True)
89 self._testSoftmax(features, dtype=dtype, log=True, use_gpu=True)
90 self._testOverflow(use_gpu=True)
118 def _testOverflow(self, use_gpu=False): argument
119 if use_gpu:
125 with self.cached_session(use_gpu=use_gpu):
188 np.array([3., 2., 3., 9.]).astype(np.float64), use_gpu=False)
189 self._testOverflow(use_gpu=False)
[all …]
Dshape_ops_test.py53 def _compareShape(self, x, use_gpu=False): argument
55 with self.cached_session(use_gpu=use_gpu):
64 def _compareShapeSparse(self, x_np, use_gpu=False): argument
67 with self.cached_session(use_gpu=use_gpu):
73 def _compareShapeN(self, x, use_gpu=False): argument
75 with self.cached_session(use_gpu=use_gpu) as sess:
85 def _compareRank(self, x, use_gpu=False): argument
87 with self.cached_session(use_gpu=use_gpu):
93 def _compareRankSparse(self, x_np, use_gpu=False): argument
96 with self.cached_session(use_gpu=use_gpu):
[all …]
Dbasic_gpu_test.py49 with self.cached_session(use_gpu=False):
94 def _compare(self, x, np_func, tf_func, use_gpu): argument
96 with self.cached_session(use_gpu=use_gpu) as sess:
108 def _testDtype(self, dtype, use_gpu): argument
111 self._compare(data, np.abs, math_ops.abs, use_gpu)
112 self._compare(data, np.arccos, math_ops.acos, use_gpu)
113 self._compare(data, np.arcsin, math_ops.asin, use_gpu)
114 self._compare(data, np.arcsinh, math_ops.asinh, use_gpu)
115 self._compare(data_gt_1, np.arccosh, math_ops.acosh, use_gpu)
116 self._compare(data, np.arctan, math_ops.atan, use_gpu)
[all …]
Ddense_update_ops_test.py33 def _initAssignFetch(self, x, y, use_gpu): argument
36 with test_util.device(use_gpu=use_gpu):
43 def _initAssignAddFetch(self, x, y, use_gpu): argument
45 with test_util.device(use_gpu=use_gpu):
52 def _initAssignSubFetch(self, x, y, use_gpu): argument
54 with test_util.device(use_gpu=use_gpu):
65 var_value, op_value = self._initAssignFetch(x, y, use_gpu=False)
68 var_value, op_value = self._initAssignAddFetch(x, y, use_gpu=False)
71 var_value, op_value = self._initAssignSubFetch(x, y, use_gpu=False)
75 var_value, op_value = self._initAssignFetch(x, y, use_gpu=True)
[all …]
Dbias_op_base.py53 def _testBias(self, np_inputs, np_bias, use_gpu=False): argument
55 with self.cached_session(use_gpu=use_gpu):
80 def _testBiasNCHW(self, np_inputs, np_bias, use_gpu): argument
83 with self.cached_session(use_gpu=use_gpu):
90 self._testBias(np_inputs, np_bias, use_gpu=False)
91 self._testBiasNCHW(np_inputs, np_bias, use_gpu=False)
93 self._testBias(np_inputs, np_bias, use_gpu=True)
94 self._testBiasNCHW(np_inputs, np_bias, use_gpu=True)
206 def _testGradient(self, np_input, bias, dtype, data_format, use_gpu): argument
207 with self.cached_session(use_gpu=use_gpu):
[all …]
Dxent_op_test.py60 use_gpu=False, argument
63 with self.cached_session(use_gpu=use_gpu) as sess:
81 def _testXentWrapper(self, np_features, np_labels, dim=-1, use_gpu=False): argument
83 with self.cached_session(use_gpu=use_gpu) as sess:
95 features, labels, use_gpu=False, with_placeholders=with_placeholders)
97 features, labels, use_gpu=True, with_placeholders=with_placeholders)
99 def _testSingleClass(self, use_gpu=False): argument
101 with self.cached_session(use_gpu=use_gpu) as sess:
170 for use_gpu in [False, True]:
171 with self.cached_session(use_gpu=use_gpu) as sess:
[all …]
Dcwise_ops_test.py87 with test_util.use_gpu():
124 with test_util.use_gpu():
229 def _compareBinary(self, x, y, np_func, tf_func, use_gpu=False): argument
231 with test_util.device(use_gpu=use_gpu):
240 def _not(self, x, use_gpu=False): argument
242 with test_util.device(use_gpu=use_gpu):
251 for use_gpu in [True, False]:
253 with self.subTest(use_gpu=use_gpu, x=x):
254 self._not(x, use_gpu)
257 with self.subTest(use_gpu=use_gpu, x=x, y=y):
[all …]
Dsegment_reduction_ops_test.py118 for use_gpu in [True, False]:
119 with self.cached_session(use_gpu=use_gpu):
143 for use_gpu in [True, False]:
144 with self.cached_session(use_gpu=use_gpu):
155 for use_gpu in [True, False]:
156 with self.cached_session(use_gpu=use_gpu):
164 for use_gpu in [True, False]:
165 with self.cached_session(use_gpu=use_gpu):
175 for use_gpu in [True, False]:
176 with self.cached_session(use_gpu=use_gpu):
[all …]
Dconv_ops_3d_test.py57 def _DtypesToTest(self, use_gpu): argument
61 if use_gpu:
72 padding, data_format, dtype, use_gpu): argument
81 with self.cached_session(use_gpu=use_gpu):
103 for data_format, use_gpu in GetTestConfigs():
104 for dtype in self._DtypesToTest(use_gpu):
112 use_gpu=use_gpu)
128 use_gpu): argument
136 with self.cached_session(use_gpu=use_gpu):
175 for data_format, use_gpu in GetTestConfigs():
[all …]
Ddepthwise_conv_op_test.py276 use_gpu, argument
315 with self.session(graph=graph, use_gpu=use_gpu) as sess:
393 use_gpu=True,
410 input_size, filter_size, stride, padding, data_type, use_gpu=True,
419 use_gpu=True,
457 use_gpu=True,
475 input_size, filter_size, stride, padding, data_type, use_gpu=True,
481 expected, use_gpu): argument
504 with self.cached_session(use_gpu=use_gpu) as sess:
571 use_gpu=False)
[all …]
Dcast_op_test.py55 def _cast(self, x, dtype, use_gpu=False): argument
56 with test_util.device(use_gpu):
61 def _test(self, x, dtype, use_gpu=False): argument
64 tf_ans = self._cast(x, dtype, use_gpu)
67 def _testTypes(self, x, use_gpu=False): argument
69 if use_gpu:
80 self._test(x.astype(from_type), to_type, use_gpu)
82 self._test(x.astype(np.bool), np.float32, use_gpu)
83 self._test(x.astype(np.uint8), np.float32, use_gpu)
84 if not use_gpu:
[all …]
Dneon_depthwise_conv_op_test.py95 use_gpu, argument
118 with self.cached_session(use_gpu=use_gpu) as sess:
164 input_size, filter_size, stride, padding, use_gpu=True)
166 input_size, filter_size, stride, padding, use_gpu=False)
181 use_gpu=True,
187 expected, use_gpu): argument
210 with self.cached_session(use_gpu=use_gpu) as sess:
279 use_gpu=False)
287 use_gpu=True)
Dvariable_ops_test.py48 def _initFetch(self, x, tftype, use_gpu=None): argument
49 with self.test_session(use_gpu=use_gpu):
63 self.assertAllEqual(x, self._initFetch(x, tftype, use_gpu=False))
67 self.assertAllEqual(x, self._initFetch(x, tftype, use_gpu=True))
189 with test_util.use_gpu():
199 with test_util.use_gpu():
207 with test_util.use_gpu():
220 with test_util.use_gpu():
230 with test_util.use_gpu():
238 with test_util.use_gpu():
[all …]
Dsoftplus_op_test.py39 def _testSoftplus(self, np_features, use_gpu=False): argument
41 with self.cached_session(use_gpu=use_gpu):
52 use_gpu=False)
55 use_gpu=True)
65 use_gpu=False)
72 use_gpu=True)
/external/tensorflow/tensorflow/python/kernel_tests/random/
Drandom_ops_test.py45 use_gpu, argument
48 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
65 def _Sampler(self, num, mu, sigma, dtype, use_gpu, seed=None): argument
68 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
83 sampler = self._Sampler(1000, 0.0, 1.0, dt, use_gpu=True)
100 for use_gpu in [False, True]:
102 1000000, 0.0, 1.0, dt, use_gpu=use_gpu, seed=12345)
103 results[use_gpu] = sampler()
112 sx = self._Sampler(1000, 0.0, 1.0, dt, use_gpu=True, seed=345)
113 sy = self._Sampler(1000, 0.0, 1.0, dt, use_gpu=True, seed=345)
[all …]
Drandom_gamma_test.py43 def _Sampler(self, num, alpha, beta, dtype, use_gpu, seed=None): argument
46 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
93 20000, alpha, 1 / scale, dt, use_gpu=False, seed=12345)
122 for use_gpu in [False, True]:
125 10000, alpha, 1.0, dt, use_gpu=use_gpu, seed=12345)
130 failures += [(use_gpu, dt)]
143 for use_gpu in [False, True]:
145 sampler = self._Sampler(1000, 2.0, 1.0, dt, use_gpu=use_gpu)
152 print(use_gpu, dt)
163 for use_gpu in [False, True]:
[all …]
Drandom_poisson_test.py41 def _Sampler(self, num, lam, dtype, use_gpu, seed=None): argument
44 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
69 sampler = self._Sampler(10000, lam, dt, use_gpu=False, seed=12345)
84 for use_gpu in [False, True]:
85 sampler = self._Sampler(1000, 1.0, dt, use_gpu=use_gpu, seed=12345)
86 results[use_gpu] = sampler()
95 sx = self._Sampler(1000, 1.0, dt, use_gpu=True, seed=345)
96 sy = self._Sampler(1000, 1.0, dt, use_gpu=True, seed=345)
/external/tensorflow/tensorflow/python/training/
Dtraining_ops_test.py52 def _testTypes(self, x, alpha, delta, use_gpu=None): argument
54 with self.session(use_gpu=use_gpu):
66 for (dtype, use_gpu) in itertools.product(
71 self._testTypes(x, alpha, delta, use_gpu)
73 def _testTypesForAdagrad(self, x, y, lr, grad, use_gpu=None): argument
75 with self.session(use_gpu=use_gpu):
94 use_gpu=None, argument
99 with self.session(use_gpu=use_gpu):
139 use_gpu=None, argument
144 with self.session(use_gpu=use_gpu):
[all …]
/external/tensorflow/tensorflow/python/ops/
Dnn_xent_test.py66 for use_gpu in [True, False]:
68 with self.cached_session(use_gpu=use_gpu):
77 for use_gpu in [True, False]:
79 with self.cached_session(use_gpu=use_gpu):
145 for use_gpu in [True, False]:
146 with self.cached_session(use_gpu=use_gpu):
155 for use_gpu in [True, False]:
156 with self.cached_session(use_gpu=use_gpu):
/external/tensorflow/tensorflow/python/keras/layers/preprocessing/
Dimage_preprocessing_test.py51 with testing_utils.use_gpu():
95 with testing_utils.use_gpu():
111 with testing_utils.use_gpu():
169 with testing_utils.use_gpu():
225 with testing_utils.use_gpu():
253 with testing_utils.use_gpu():
277 with testing_utils.use_gpu():
286 with testing_utils.use_gpu():
297 with testing_utils.use_gpu():
365 with testing_utils.use_gpu():
[all …]

1234567