/aosp_15_r20/external/tensorflow/tensorflow/tools/toolchains/cpus/py/ |
H A D | BUILD | 147 "numpy_include/numpy/__multiarray_api.h", 148 "numpy_include/numpy/__ufunc_api.h", 149 "numpy_include/numpy/_neighborhood_iterator_imp.h", 150 "numpy_include/numpy/_numpyconfig.h", 151 "numpy_include/numpy/arrayobject.h", 152 "numpy_include/numpy/arrayscalars.h", 153 "numpy_include/numpy/halffloat.h", 154 "numpy_include/numpy/multiarray_api.txt", 155 "numpy_include/numpy/ndarrayobject.h", 156 "numpy_include/numpy/ndarraytypes.h", [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/tools/toolchains/cpus/py3/ |
H A D | BUILD | 155 "numpy_include/numpy/__multiarray_api.h", 156 "numpy_include/numpy/__ufunc_api.h", 157 "numpy_include/numpy/_neighborhood_iterator_imp.h", 158 "numpy_include/numpy/_numpyconfig.h", 159 "numpy_include/numpy/arrayobject.h", 160 "numpy_include/numpy/arrayscalars.h", 161 "numpy_include/numpy/halffloat.h", 162 "numpy_include/numpy/multiarray_api.txt", 163 "numpy_include/numpy/ndarrayobject.h", 164 "numpy_include/numpy/ndarraytypes.h", [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/tools/toolchains/win_1803/py36/ |
H A D | BUILD | 172 "numpy_include/numpy/__multiarray_api.h", 173 "numpy_include/numpy/__ufunc_api.h", 174 "numpy_include/numpy/_neighborhood_iterator_imp.h", 175 "numpy_include/numpy/_numpyconfig.h", 176 "numpy_include/numpy/arrayobject.h", 177 "numpy_include/numpy/arrayscalars.h", 178 "numpy_include/numpy/halffloat.h", 179 "numpy_include/numpy/multiarray_api.txt", 180 "numpy_include/numpy/ndarrayobject.h", 181 "numpy_include/numpy/ndarraytypes.h", [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/tools/toolchains/win_1803/py37/ |
H A D | BUILD | 183 "numpy_include/numpy/__multiarray_api.h", 184 "numpy_include/numpy/__ufunc_api.h", 185 "numpy_include/numpy/_neighborhood_iterator_imp.h", 186 "numpy_include/numpy/_numpyconfig.h", 187 "numpy_include/numpy/arrayobject.h", 188 "numpy_include/numpy/arrayscalars.h", 189 "numpy_include/numpy/halffloat.h", 190 "numpy_include/numpy/multiarray_api.txt", 191 "numpy_include/numpy/ndarrayobject.h", 192 "numpy_include/numpy/ndarraytypes.h", [all …]
|
/aosp_15_r20/external/pytorch/test/ |
H A D | test_numba_integration.py | 16 import numpy 53 numpy.float64, 54 numpy.float32, 55 numpy.float16, 56 numpy.int64, 57 numpy.int32, 58 numpy.int16, 59 numpy.int8, 60 numpy.uint8, 100 self.assertEqual(ar_dict["typestr"], numpy.dtype(npt).newbyteorder("<").str) [all …]
|
H A D | test_tensorexpr.py | 3 import numpy as np 50 np.testing.assert_allclose(a.numpy() + b.numpy(), x.numpy()) 67 npr = a.numpy() + b.numpy() + c.numpy() 68 np.testing.assert_allclose(npr, x.numpy()) 94 np.testing.assert_allclose(x.cpu().numpy(), y.cpu().numpy(), atol=1e-6) 120 npr = a.cpu().numpy() + b.cpu().numpy() + c.cpu().numpy() 121 np.testing.assert_allclose(npr, x.cpu().numpy()) 148 npr = a.cpu().numpy() + b.cpu().numpy() + c.cpu().numpy() 149 np.testing.assert_allclose(npr, x.cpu().numpy()) 179 npr = np_easy(a.numpy(), b.numpy(), c.numpy()) [all …]
|
H A D | test_tensorexpr_pybind.py | 4 import numpy as np 150 np.testing.assert_allclose(res1.numpy(), correct.numpy(), atol=2e-3) 151 np.testing.assert_allclose(res2.numpy(), correct.numpy(), atol=2e-3) 177 np.testing.assert_allclose(res1.numpy(), correct.numpy(), atol=2e-3) 178 np.testing.assert_allclose(res2.numpy(), correct.numpy(), atol=2e-3) 212 np.testing.assert_allclose(res.numpy(), correct.numpy(), atol=1e-5) 258 np.testing.assert_allclose(res.numpy(), correct.numpy(), atol=1e-5) 279 np.testing.assert_allclose(res1.numpy(), correct.numpy(), atol=2e-3) 280 np.testing.assert_allclose(res2.numpy(), correct.numpy(), atol=2e-3) 303 np.testing.assert_allclose(res1.numpy(), correct.numpy(), atol=2e-3) [all …]
|
/aosp_15_r20/cts/apps/CameraITS/utils/ |
H A D | image_processing_utils.py | 29 import numpy 43 DEFAULT_YUV_TO_RGB_CCM = numpy.matrix([[1.000, 0.000, 1.402], 47 DEFAULT_YUV_OFFSETS = numpy.array([0, 128, 128], dtype=numpy.uint8) 49 DEFAULT_GAMMA_LUT = numpy.array([ 71 P3_TO_XYZ = numpy.array([ 135 return image.astype(numpy.uint8) 165 numpy.min(color_plane), numpy.max(color_plane)) 166 color_plane = (numpy.multiply((color_plane * white_level - black_level), 170 numpy.min(color_plane), numpy.max(color_plane)) 187 x, y = numpy.meshgrid(numpy.arange(img_w), numpy.arange(img_h)) [all …]
|
H A D | image_processing_utils_tests.py | 23 import numpy 33 _SQRT_2 = numpy.sqrt(2) 50 img_check = numpy.array(check_list).reshape(img_h, img_w) 57 val = numpy.binary_repr(check_list[row_start+pixel], 10) 62 chunk_raw10 = numpy.array(packed, dtype='uint8').reshape(1, 5) 66 img_raw10 = numpy.vstack((img_raw10, chunk_raw10)) 69 self.assertTrue(numpy.array_equal( 85 white_level = numpy.amax(chart).astype(float) 89 chart_blurred = chart_blurred[:, :, numpy.newaxis] 107 lut = numpy.array([i*2 for i in range(lut_max)]) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/tools/toolchains/win_1803/py38/ |
H A D | BUILD | 206 "numpy_include/numpy/__multiarray_api.h", 207 "numpy_include/numpy/__ufunc_api.h", 208 "numpy_include/numpy/_neighborhood_iterator_imp.h", 209 "numpy_include/numpy/_numpyconfig.h", 210 "numpy_include/numpy/arrayobject.h", 211 "numpy_include/numpy/arrayscalars.h", 212 "numpy_include/numpy/halffloat.h", 213 "numpy_include/numpy/multiarray_api.txt", 214 "numpy_include/numpy/ndarrayobject.h", 215 "numpy_include/numpy/ndarraytypes.h", [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/tools/toolchains/win_1803/py39/ |
H A D | BUILD | 25 # Note: If you change `numpy`, you will need to do similar steps as above but 26 # for the numpy related genrules. 255 "numpy_include/numpy/__multiarray_api.h", 256 "numpy_include/numpy/__ufunc_api.h", 257 "numpy_include/numpy/_neighborhood_iterator_imp.h", 258 "numpy_include/numpy/_numpyconfig.h", 259 "numpy_include/numpy/arrayobject.h", 260 "numpy_include/numpy/arrayscalars.h", 261 "numpy_include/numpy/halffloat.h", 262 "numpy_include/numpy/multiarray_api.txt", [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/trackable/ |
H A D | python_state_test.py | 18 import numpy 75 dummy_array = numpy.array([]) 89 if isinstance(value, (numpy.ndarray, numpy.generic)): 116 numpy.save(string_file, self.array, allow_pickle=False) 126 … self.array = numpy.load(string_file, allow_pickle=False) # pylint: disable=unexpected-keyword-arg 136 root = util.Checkpoint(numpy=_NumpyWrapper(numpy.array([1.]))) 138 root.numpy.array *= 2. 139 self.assertEqual([2.], root.numpy.array) 141 self.assertEqual([1.], root.numpy.array) 148 saver = util.Checkpoint(numpy=save_state) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/ |
H A D | eager_test.py | 17 import numpy as np 65 self.assertEqual(11.0, da_dx.numpy()) 66 self.assertEqual(2.0, da_dy.numpy()) 129 row0 = tensor[0].numpy() 130 row1 = tensor[1].numpy() 138 self.assertAllEqual(True, i.numpy()) 144 self.assertEqual(3.0, v.numpy()) 152 self.assertEqual(1.0, val1.numpy()) 153 self.assertEqual(3.0, val2.numpy()) 172 self.assertEqual(2., grads[0][0].numpy()) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/framework/experimental/ |
H A D | unified_api_test.py | 74 self.assertAllEqual(func_output.numpy(), [4., 6.]) 77 self.assertAllEqual(eager_output.numpy(), [4., 6.]) 100 self.assertAllEqual(func_outputs[0].numpy(), [1.0, 1.0]) 101 self.assertAllEqual(func_outputs[1].numpy(), [1.0, 1.0]) 104 self.assertAllEqual(eager_outputs[0].numpy(), [1.0, 1.0]) 105 self.assertAllEqual(eager_outputs[1].numpy(), [1.0, 1.0]) 124 self.assertAllEqual(func_output.numpy(), [1.]) 126 self.assertAllEqual(func_output.numpy(), [0.]) 129 self.assertAllEqual(eager_output.numpy(), [1.]) 131 self.assertAllEqual(eager_output.numpy(), [0.]) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/lib/core/ |
H A D | bfloat16.cc | 1006 bool RegisterUFunc(PyObject* numpy, const char* name) { in RegisterUFunc() argument 1010 Safe_PyObjectPtr ufunc_obj = make_safe(PyObject_GetAttrString(numpy, name)); in RegisterUFunc() 1477 bool RegisterUFuncs(PyObject* numpy) { in RegisterUFuncs() argument 1479 RegisterUFunc<BinaryUFunc<T, T, ufuncs::Add<T>>, T>(numpy, "add") && in RegisterUFuncs() 1480 RegisterUFunc<BinaryUFunc<T, T, ufuncs::Subtract<T>>, T>(numpy, in RegisterUFuncs() 1482 RegisterUFunc<BinaryUFunc<T, T, ufuncs::Multiply<T>>, T>(numpy, in RegisterUFuncs() 1484 RegisterUFunc<BinaryUFunc<T, T, ufuncs::TrueDivide<T>>, T>(numpy, in RegisterUFuncs() 1486 RegisterUFunc<BinaryUFunc<T, T, ufuncs::LogAddExp<T>>, T>(numpy, in RegisterUFuncs() 1489 numpy, "logaddexp2") && in RegisterUFuncs() 1490 RegisterUFunc<UnaryUFunc<T, T, ufuncs::Negative<T>>, T>(numpy, in RegisterUFuncs() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
H A D | BUILD | 36 "//third_party/py/numpy", 80 "//third_party/py/numpy", 102 "//third_party/py/numpy", 114 "//third_party/py/numpy", 132 "//third_party/py/numpy", 154 "//third_party/py/numpy", 175 "//third_party/py/numpy", 190 "//third_party/py/numpy", 203 "//third_party/py/numpy", 223 "//third_party/py/numpy", [all …]
|
H A D | constant_op_eager_test.py | 17 import numpy as np 39 tf_ans = ops.convert_to_tensor(x).numpy() 50 tf_ans = ops.convert_to_tensor(x).numpy() 69 self.assertAllClose(np.array(orig), tf_ans.numpy()) 75 self.assertAllClose(np.array(orig), tf_ans.numpy()) 80 self.assertAllClose(np.array(orig), tf_ans.numpy()) 86 self.assertAllClose(np.array(orig), tf_ans.numpy()) 97 self.assertAllClose(np.array(orig), tf_ans.numpy()) 101 self.assertEqual(2**54, tf_ans.numpy()) 124 self.assertAllClose(np.array(orig), tf_ans.numpy()) [all …]
|
/aosp_15_r20/external/walt/pywalt/pywalt/ |
H A D | minimization.py | 23 import numpy 30 laser_data = numpy.loadtxt(fname_laser) 40 p = numpy.polyfit(x, y, 1, full=True) 52 shifts = numpy.arange(min_shift, max_shift, step) 56 side = ((numpy.arange(len(tl)) + 1) / 2) % 2 62 yl = numpy.interp(tl + shift, ty, y) 63 xl = numpy.interp(tl + shift, tx, x) 69 best_shift0 = shifts[numpy.argmin(residuals0)] 70 best_shift1 = shifts[numpy.argmin(residuals1)] 90 if numpy.std(x)*2 < numpy.std(y): [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/numpy_ops/ |
H A D | BUILD | 6 name = "numpy", 35 "//third_party/py/numpy", 43 ":numpy", 45 "//third_party/py/numpy", 54 ":numpy", 59 "//third_party/py/numpy", 71 ":numpy", 73 "//third_party/py/numpy", 81 ":numpy", 82 "//third_party/py/numpy", [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/saved_model/ |
H A D | load_test.py | 29 import numpy as np 140 self.assertEqual(imported.v1.numpy(), 1.0) 141 self.assertEqual(imported.v2.numpy(), 2.0) 279 original_output = root.f().numpy() 280 imported_output = imported.f().numpy() 292 original_output = root.f().numpy() 315 self.assertEqual(imported.asset1.asset_path.numpy(), 316 imported.asset2.asset_path.numpy()) 339 self.assertEqual(4., imported.f(constant_op.constant(2.)).numpy()) 340 self.assertEqual(14, imported.f(constant_op.constant(7)).numpy()) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/eager/ |
H A D | wrap_function_test.py | 147 self.assertEqual(1., lifted_variables[0].numpy()) 161 self.assertAllEqual(wraps_wrapped().numpy(), 162 lifted_variables[0].numpy() + 1.) 163 self.assertAllEqual(wrapped().numpy(), lifted_variables[0].numpy() + 1.) 165 self.assertAllEqual(wrapped().numpy(), pruned().numpy()) 303 self.assertEqual(1, second_output.numpy()) 304 self.assertEqual(3, v.numpy()) 308 self.assertEqual(1, does_not_increment(constant_op.constant(3)).numpy()) 309 self.assertEqual(3, v.numpy()) 326 self.assertEqual(1, f_wrapped().numpy()) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
H A D | BUILD | 47 "//third_party/py/numpy", 65 "//third_party/py/numpy", 82 "//third_party/py/numpy", 97 "//third_party/py/numpy", 141 "//third_party/py/numpy", 159 "//third_party/py/numpy", 177 "//third_party/py/numpy", 191 "//third_party/py/numpy", 204 "//third_party/py/numpy", 243 "//third_party/py/numpy", [all …]
|
/aosp_15_r20/tools/test/connectivity/acts_tests/acts_contrib/test_utils/audio_analysis_lib/ |
D | audio_analysis.py | 19 import numpy 71 signal = numpy.array(signal) 111 signal_rms = numpy.linalg.norm(signal) / numpy.sqrt(len(signal)) 124 y_conv_w = signal * numpy.hanning(len(signal)) 130 y_f = 2.0 / length * numpy.fft.rfft(y_conv_w) 133 abs_y_f = numpy.abs(y_f) 172 return numpy.linspace(0, (result_length - 1) * val, result_length) 394 golden_x = numpy.linspace(0.0, 397 golden_y = numpy.sin(freq * 2.0 * numpy.pi * golden_x) 475 norm_golden = numpy.linalg.norm(golden_signal) [all …]
|
/aosp_15_r20/cts/apps/CameraITS/tests/scene5/ |
H A D | test_lens_shading_and_color_uniformity.py | 23 import numpy 37 _BLOCK_POSITION_LIST = numpy.arange(_BLOCK_R, 1/2, _BLOCK_R*2) 69 center_xs = numpy.concatenate( 70 (numpy.arange(block_center, 1-block_center+_BLOCK_R, _BLOCK_R*2), 71 block_center*numpy.ones((num_sample-1)), 72 (1-block_center)*numpy.ones((num_sample-1)), 73 numpy.arange(block_center, 1-block_center+_BLOCK_R, _BLOCK_R*2))) 74 center_ys = numpy.concatenate( 75 (block_center*numpy.ones(num_sample+1), 76 numpy.arange(block_center+_BLOCK_R*2, 1-block_center, _BLOCK_R*2), [all …]
|
/aosp_15_r20/external/libopus/dnn/torch/osce/ |
H A D | create_testvectors.py | 34 import numpy as np 57 features = features[0].detach().numpy() 58 x_in = x_in[0].reshape(in_channels, num_frames, frame_size).permute(1, 0, 2).detach().numpy() 59 x_out = x_out[0].reshape(out_channels, num_frames, frame_size).permute(1, 0, 2).detach().numpy() 76 features = features[0].detach().numpy() 77 x_in = x_in[0].permute(1, 0).detach().numpy() 78 p_in = p_in[0].detach().numpy().astype(np.int32) 79 x_out = x_out[0].permute(1, 0).detach().numpy() 95 features = features[0].detach().numpy() 96 x_in = x_in.flatten().detach().numpy() [all …]
|