/external/tensorflow/tensorflow/contrib/integrate/python/ops/ |
D | odes_test.py | 48 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) 275 uniform_time_grid = np.linspace(0., 10., 200) [all …]
|
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/ |
D | vector_diffeomixture_test.py | 54 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),
|
D | cauchy_test.py | 151 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/ |
D | synthetic.py | 72 linspace = np.linspace(0, 2 * np.pi, n_samples // n_classes) 75 base_cos = np.cos(linspace) 76 base_sin = np.sin(linspace) 148 linspace = np.linspace(0, 2 * n_loops * np.pi, n_samples // n_classes) 154 base_cos, base_sin = _modes[mode](linspace, label * np.pi, *args, **kwargs)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | basic_gpu_test.py | 58 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 …]
|
D | cwise_ops_binary_test.py | 201 x = np.linspace(-5, 20, 15).reshape(1, 3, 5).astype(np.float32) 202 y = np.linspace(20, -5, 15).reshape(1, 3, 5).astype(np.float32) 222 a_pos_small = np.linspace(0.1, 2, 15).reshape(1, 3, 5).astype(np.float32) 223 x_pos_small = np.linspace(0.1, 10, 15).reshape(1, 3, 5).astype(np.float32) 269 x = np.linspace(-5, 20, 15).reshape(1, 3, 5).astype(np.float64) 270 y = np.linspace(20, -5, 15).reshape(1, 3, 5).astype(np.float64) 290 a_pos_small = np.linspace(0.1, 2, 15).reshape(1, 3, 5).astype(np.float32) 291 x_pos_small = np.linspace(0.1, 10, 15).reshape(1, 3, 5).astype(np.float32) 361 x = np.complex(1, 1) * np.linspace(-10, 10, 6).reshape(1, 3, 2).astype( 363 y = np.complex(1, 1) * np.linspace(20, -20, 6).reshape(1, 3, 2).astype( [all …]
|
D | topk_op_test.py | 106 inputs = np.random.permutation(np.linspace(0, 100, 6140, dtype=np.float64)) 115 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n) 129 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n) 143 np.linspace(0, 100, b * n, dtype=dtype)).reshape(b, n) 158 np.linspace(0, 3, b * n, dtype=np.int32)).reshape(b, n)
|
/external/tensorflow/tensorflow/contrib/image/python/ops/ |
D | sparse_image_warp.py | 34 y_range = np.linspace(0, image_height - 1, image_height) 35 x_range = np.linspace(0, image_width - 1, image_width) 48 y_range = np.linspace(0, image_height - 1, num_points_per_edge + 2) 49 x_range = np.linspace(0, image_width - 1, num_points_per_edge + 2)
|
/external/tensorflow/tensorflow/contrib/model_pruning/python/ |
D | pruning_test.py | 103 math_ops.linspace(1.0, 100.0, 100), name="weights") 174 "weights", initializer=math_ops.linspace(1.0, 100.0, 100)) 194 math_ops.linspace(1.0, 100.0, 100), name="weights") 201 sparsity_val = math_ops.linspace(0.0, 0.9, 10) 226 math_ops.linspace(1.0, 100.0, 100), name="weights") 230 math_ops.linspace(1.0, 100.0, 100), name="weights")
|
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/ |
D | sigmoid_test.py | 36 x = np.linspace(-10., 10., 100).reshape([2, 5, 10]).astype(np.float32) 53 x = np.linspace(-7., 7., 100).astype(np.float32) 55 y = np.linspace(eps, 1. - eps, 100).astype(np.float32)
|
D | softplus_test.py | 120 x = np.linspace(-20., 20., 100).astype(np.float32) 128 x = np.linspace(-20., 20., 100).astype(np.float32) 136 x = np.linspace(-20., 20., 100).astype(np.float32) 145 x = np.linspace(-10., 20., 100).astype(np.float16)
|
D | gumbel_test.py | 62 x = np.linspace(-10., 10., num=10).astype(np.float32) 63 y = np.linspace(0.01, 0.99, num=10).astype(np.float32)
|
D | weibull_test.py | 66 x = np.linspace(1., 8., num=10).astype(np.float32) 67 y = np.linspace(
|
D | softsign_test.py | 103 x = np.linspace(-20., 20., 100).astype(np.float32) 104 y = np.linspace(-0.99, 0.99, 100).astype(np.float32)
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_LinSpace.pbtxt | 36 tf.linspace(10.0, 12.0, 3, name="linspace") => [ 10.0 11.0 12.0]
|
/external/tensorflow/tensorflow/python/debug/cli/ |
D | tensor_format_test.py | 184 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/python/ops/signal/ |
D | mel_ops.py | 170 linear_frequencies = math_ops.linspace( 180 math_ops.linspace(_hertz_to_mel(lower_edge_hertz),
|
/external/tensorflow/tensorflow/tools/compatibility/testdata/ |
D | test_file_v0_11.py | 206 x, y = np.meshgrid(np.linspace(-10, 10, 256), np.linspace(-10, 10, 256)) 213 audio = np.sin(2 * np.pi * np.linspace(0, 1, sampling_frequency) * freq)
|
/external/tensorflow/tensorflow/python/kernel_tests/signal/ |
D | mel_ops_test.py | 102 spectrogram_bins_hertz = np.linspace(0.0, nyquist_hertz, num_spectrogram_bins) 108 band_edges_mel = np.linspace(hertz_to_mel(lower_edge_hertz),
|
/external/tensorflow/tensorflow/core/api_def/python_api/ |
D | api_def_LinSpace.pbtxt | 8 name: "linspace"
|
/external/autotest/client/cros/audio/ |
D | audio_analysis.py | 132 return numpy.linspace(0, (result_length - 1) * val, result_length) 300 golden_x = numpy.linspace(
|
/external/tensorflow/tensorflow/contrib/framework/python/ops/ |
D | checkpoint_ops_test.py | 49 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)
|
/external/webrtc/webrtc/modules/video_processing/test/ |
D | createTable.m | 26 x0=linspace(0,r0).'; % zone 1 27 x1=linspace(r0,r1).'; % zone 2 28 x2=linspace(r1,1).'; % zone 3
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | ternary_ops_test.py | 45 math_ops.linspace, 51 math_ops.linspace,
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | special_math_test.py | 62 grid = np.linspace(grid_spec.min, grid_spec.max, num=num_points).astype(dtype) 98 p = np.linspace(0., 1.0, 50).astype(np.float64) 115 p_ = np.linspace(0., 1.0, 50).astype(np.float32) 366 x = np.linspace(0., 1.0, 50).astype(np.float64)
|