Home
last modified time | relevance | path

Searched refs:linspace (Results 1 – 25 of 85) sorted by relevance

1234

/external/tensorflow/tensorflow/compiler/tf2xla/
Dxla_helpers.cc174 Tensor linspace(DataTypeToEnum<T>::v(), shape); in MakeLinspaceTensor() local
175 auto linspace_flat = linspace.flat<T>(); in MakeLinspaceTensor()
179 return linspace; in MakeLinspaceTensor()
205 Tensor linspace; in Iota() local
208 linspace = MakeLinspaceTensor<uint8>(linspace_shape, size); in Iota()
211 linspace = MakeLinspaceTensor<int32>(linspace_shape, size); in Iota()
214 linspace = MakeLinspaceTensor<int64>(linspace_shape, size); in Iota()
221 TF_RETURN_IF_ERROR(HostTensorToLiteral(linspace, &linspace_literal)); in Iota()
243 Tensor linspace; in OneHot() local
246 linspace = MakeLinspaceTensor<uint8>(linspace_shape, depth); in OneHot()
[all …]
/external/tensorflow/tensorflow/contrib/integrate/python/ops/
Dodes_test.py48 t = np.linspace(0.0, 1.0, 11)
63 t = np.linspace(0.0, 1.0, 11)
75 t = np.linspace(0.0, 1.0, 11)
96 t = np.linspace(0.0, 1.0, 11)
110 t = np.linspace(0.0, 1.0, 11)
122 t = np.linspace(0.0, 1.0, 11)
164 times0 = np.linspace(0, 10, num=11, dtype=float)
165 times1 = np.linspace(0, 10, num=101, dtype=float)
228 times = np.linspace(0, 10, dtype=np.float32)
252 time_grid = np.linspace(0., 10., 200)
[all …]
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
Dvector_diffeomixture_test.py54 diag=np.linspace(2.5, 3.5, dims, dtype=np.float32),
83 diag=np.linspace(2.5, 3.5, dims, dtype=np.float32),
113 np.linspace(2.5, 3.5, dims, dtype=np.float32),
114 np.linspace(2.75, 3.25, dims, dtype=np.float32),
171 diag=np.linspace(2.5, 3.5, dims, dtype=np.float32),
278 diag=np.linspace(2.5, 3.5, dims, dtype=np.float32),
304 np.linspace(2.5, 3.5, dims, dtype=np.float32),
305 np.linspace(0.5, 1.5, dims, dtype=np.float32),
331 diag=np.linspace(2.5, 3.5, dims, dtype=np.float32),
Dcauchy_test.py151 x = np.linspace(-8.0, 8.0, batch_size).astype(np.float64)
169 x = np.linspace(-8.0, 8.0, batch_size).astype(np.float64)
188 x = np.linspace(-100.0, 10.0, batch_size).astype(np.float64)
228 x = np.linspace(-10.0, 100.0, batch_size).astype(np.float64)
295 p = np.linspace(0.000001, 0.999999, batch_size).astype(np.float64)
/external/tensorflow/tensorflow/contrib/learn/python/learn/datasets/
Dsynthetic.py65 linspace = np.linspace(0, 2 * np.pi, n_samples // n_classes)
68 base_cos = np.cos(linspace)
69 base_sin = np.sin(linspace)
140 linspace = np.linspace(0, 2 * n_loops * np.pi, n_samples // n_classes)
146 base_cos, base_sin = _modes[mode](linspace, label * np.pi, *args, **kwargs)
/external/tensorflow/tensorflow/python/kernel_tests/
Dbasic_gpu_test.py58 x = np.linspace(-5, 20, 15).reshape(1, 3, 5).astype(np.float32)
59 y = np.linspace(20, -5, 15).reshape(1, 3, 5).astype(np.float32)
68 x = np.linspace(-5, 20, 15).reshape(3, 5).astype(np.float32)
69 y = np.linspace(20, -5, 30).reshape(2, 3, 5).astype(np.float32)
76 x = np.linspace(-5, 20, 15).reshape(1, 3, 5).astype(np.float64)
77 y = np.linspace(20, -5, 15).reshape(1, 3, 5).astype(np.float64)
84 x = np.linspace(-5, 20, 15).reshape(3, 5).astype(np.float64)
85 y = np.linspace(20, -5, 30).reshape(2, 3, 5).astype(np.float64)
139 x = (1 + np.linspace(0, 5, np.prod([1, 3, 2]))).astype(np.float32).reshape(
141 y = (1 + np.linspace(0, 5, np.prod([1, 3, 2]))).astype(np.float32).reshape(
[all …]
Dtopk_op_test.py105 inputs = np.random.permutation(np.linspace(0, 100, 6140, dtype=np.float64))
114 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n)
128 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n)
142 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n)
157 np.linspace(0, 3, b * n, dtype=np.int32)).reshape(b, n)
/external/tensorflow/tensorflow/contrib/bayesflow/python/kernel_tests/
Dcsiszar_divergence_test.py51 self._logu = np.linspace(-10., 10, 100)
103 self._logu = np.linspace(-10., 10, 100)
127 self._logu = np.linspace(-10., 10, 100)
151 self._logu = np.linspace(-10., 10, 100)
187 self._logu = np.linspace(-10., 10, 100)
217 self._logu = np.linspace(-10., 10, 100)
234 self._logu = np.linspace(-10., 10, 100)
251 self._logu = np.linspace(-10., 10, 100)
275 self._logu = np.linspace(-10., 10, 100)
299 self._logu = np.linspace(-10., 10, 100)
[all …]
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
Dsigmoid_test.py36 x = np.linspace(-10., 10., 100).reshape([2, 5, 10]).astype(np.float32)
52 x = np.linspace(-7., 7., 100).astype(np.float32)
54 y = np.linspace(eps, 1. - eps, 100).astype(np.float32)
Dsoftplus_test.py118 x = np.linspace(-20., 20., 100).astype(np.float32)
126 x = np.linspace(-20., 20., 100).astype(np.float32)
134 x = np.linspace(-20., 20., 100).astype(np.float32)
143 x = np.linspace(-10., 20., 100).astype(np.float16)
Dgumbel_test.py64 x = np.linspace(-10., 10., num=10).astype(np.float32)
65 y = np.linspace(0.01, 0.99, num=10).astype(np.float32)
Dweibull_test.py68 x = np.linspace(1., 8., num=10).astype(np.float32)
69 y = np.linspace(
/external/tensorflow/tensorflow/contrib/model_pruning/python/
Dpruning_test.py102 math_ops.linspace(1.0, 100.0, 100), name="weights")
154 "weights", initializer=math_ops.linspace(1.0, 100.0, 100))
173 math_ops.linspace(1.0, 100.0, 100), name="weights")
180 sparsity_val = math_ops.linspace(0.0, 0.9, 10)
/external/tensorflow/tensorflow/python/debug/cli/
Dtensor_format_test.py184 a = np.linspace(0.0, 1.0 - 1.0 / 16.0, 16).reshape([4, 4])
196 a = np.linspace(0.0, 1.0 - 1.0 / 16.0, 16).reshape([4, 4])
205 a = np.linspace(0.0, 1.0 - 1.0 / 16.0, 16).reshape([4, 4])
221 a = np.linspace(0.0, 1.0 - 1.0 / 40.0, 40).reshape([2, 20])
240 a = np.linspace(0.0, 1.0 - 1.0 / 24.0, 24).reshape([2, 3, 4])
252 a = np.linspace(0.0, 1.0 - 1.0 / 24.0, 24).reshape([2, 3, 4])
283 a = np.linspace(0.0, 1.0 - 1.0 / 24.0, 24).reshape([2, 3, 4])
440 a = np.linspace(0.0, 1.0 - 1.0 / 16.0, 16).reshape([4, 4])
463 a = np.linspace(0.0, 1.0 - 1.0 / 16.0, 16).reshape([4, 4])
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_LinSpace.pbtxt36 tf.linspace(10.0, 12.0, 3, name="linspace") => [ 10.0 11.0 12.0]
/external/tensorflow/tensorflow/python/estimator/canned/
Ddnn_test.py208 data = np.linspace(0., 2., batch_size * label_dimension, dtype=np.float32)
241 data = np.linspace(0., 2., batch_size, dtype=np.float32)
272 data = np.linspace(0., 2., batch_size * label_dimension, dtype=np.float32)
372 data = np.linspace(
408 data = np.linspace(0., n_classes - 1., batch_size, dtype=np.float32)
440 data = np.linspace(
Ddnn_linear_combined_test.py267 data = np.linspace(0., 2., batch_size * label_dimension, dtype=np.float32)
300 data = np.linspace(0., 2., batch_size, dtype=np.float32)
331 data = np.linspace(0., 2., batch_size * label_dimension, dtype=np.float32)
531 data = np.linspace(
567 data = np.linspace(0., n_classes - 1., batch_size, dtype=np.float32)
599 data = np.linspace(0., n_classes-1., batch_size * input_dimension,
/external/tensorflow/tensorflow/contrib/signal/python/ops/
Dmel_ops.py168 linear_frequencies = math_ops.linspace(
178 math_ops.linspace(_hertz_to_mel(lower_edge_hertz),
/external/tensorflow/tensorflow/contrib/signal/python/kernel_tests/
Dmel_ops_test.py99 spectrogram_bins_hertz = np.linspace(0.0, nyquist_hertz, num_spectrogram_bins)
105 band_edges_mel = np.linspace(hertz_to_mel(lower_edge_hertz),
/external/tensorflow/tensorflow/tools/compatibility/testdata/
Dtest_file_v0_11.py207 x, y = np.meshgrid(np.linspace(-10, 10, 256), np.linspace(-10, 10, 256))
214 audio = np.sin(2 * np.pi * np.linspace(0, 1, sampling_frequency) * freq)
/external/tensorflow/tensorflow/python/kernel_tests/distributions/
Dspecial_math_test.py59 grid = np.linspace(grid_spec.min, grid_spec.max, num=num_points).astype(dtype)
85 p = np.linspace(0., 1.0, 50).astype(np.float64)
101 p_ = np.linspace(0., 1.0, 50).astype(np.float32)
342 x = np.linspace(0., 1.0, 50).astype(np.float64)
/external/tensorflow/tensorflow/compiler/tests/
Dternary_ops_test.py44 math_ops.linspace,
50 math_ops.linspace,
/external/webrtc/webrtc/modules/video_processing/test/
DcreateTable.m26 x0=linspace(0,r0).'; % zone 1
27 x1=linspace(r0,r1).'; % zone 2
28 x2=linspace(r1,1).'; % zone 3
/external/autotest/client/cros/audio/
Daudio_analysis.py132 return numpy.linspace(0, (result_length - 1) * val, result_length)
300 golden_x = numpy.linspace(
/external/tensorflow/tensorflow/contrib/framework/python/ops/
Dcheckpoint_ops_test.py49 flat_data = math_ops.linspace(0.0, dim * num - 1, dim * num)
108 flat_data = math_ops.linspace(0.0, dim * num - 1, dim * num)

1234