HomeSort by relevance Sort by last modified time
    Searched full:numpy (Results 101 - 125 of 1452) sorted by null

1 2 3 45 6 7 8 91011>>

  /external/tensorflow/tensorflow/python/ops/linalg/
BUILD 21 "//third_party/py/numpy",
  /cts/apps/CameraITS/pymodules/its/
cv2image.py 23 import numpy
102 template: numpy array; chart template for locator
103 img_3a: numpy array; RGB image for chart location
155 if numpy.amax(scene) <= 1.0:
156 scene = (scene * 255.0).astype(numpy.uint8)
159 for scale in numpy.arange(scale_start, scale_stop, scale_step):
228 input_img (2D numpy.ndarray): Grayscale image stored as a 2D
229 numpy array.
238 img = numpy.array(input_img, copy=True)
242 img = img.astype(numpy.uint8
    [all...]
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/state_space_models/
kalman_filter_test.py 21 import numpy
102 evaled_state = numpy.array([[1., 1., 1., 1.]])
103 evaled_state_var = numpy.eye(4)[None]
152 self.assertAllClose(numpy.array([[1., 1.]]),
154 self.assertAllClose(numpy.array([[1., 1.]]),
156 self.assertAllClose(numpy.array([[[1.0001, 0.], [0., 3.0002]]]),
158 self.assertAllClose(numpy.array([[[1.01, 0.], [0., 3.02]]]),
195 expected_state=numpy.array([[0.5]]),
205 expected_state=numpy.array([[0.5]]),
215 expected_state=numpy.array([[2., 1.]])
    [all...]
  /external/tensorflow/tensorflow/contrib/layers/
BUILD 129 "//third_party/py/numpy",
166 "//third_party/py/numpy",
182 "//third_party/py/numpy",
199 "//third_party/py/numpy",
219 "//third_party/py/numpy",
255 "//third_party/py/numpy",
279 "//third_party/py/numpy",
309 "//third_party/py/numpy",
332 "//third_party/py/numpy",
347 "//third_party/py/numpy",
    [all...]
  /cts/apps/CameraITS/tests/inprog/
test_black_level.py 22 import numpy
69 its.image.write_image(numpy.absolute(uimg - 0.5) * 2,
75 yhist,_ = numpy.histogram(yimg*255, 256, (0,256))
76 ymodes.append(numpy.argmax(yhist))
77 uhist,_ = numpy.histogram(uimg*255, 256, (0,256))
78 umodes.append(numpy.argmax(uhist))
79 vhist,_ = numpy.histogram(vimg*255, 256, (0,256))
80 vmodes.append(numpy.argmax(vhist))
  /external/flatbuffers/python/flatbuffers/
encode.py 29 `numpy_type`, where `numpy_type` is a numpy dtype. """
35 raise NumpyRequiredForThisFeature('Numpy was not found.')
  /external/tensorflow/tensorflow/contrib/learn/python/learn/datasets/
BUILD 33 "//third_party/py/numpy",
89 "//third_party/py/numpy",
  /external/tensorflow/tensorflow/contrib/specs/
BUILD 43 "//third_party/py/numpy",
57 "//third_party/py/numpy",
  /external/tensorflow/tensorflow/python/lib/core/
bfloat16.h 23 // Register the bfloat16 numpy type.
29 // Returns the id number of the bfloat16 numpy type.
ndarray_tensor_bridge.cc 17 #include "tensorflow/python/lib/core/numpy.h"
36 // Caches pointers to numpy arrays which need to be dereferenced.
42 // Destructor passed to TF_NewTensor when it reuses a numpy buffer. Stores a
50 // Actually dereferences cached numpy arrays. REQUIRES being called while
63 // Structure which keeps a reference to a Tensor alive while numpy has a pointer
161 // the resulting numpy array should be the custom struct types that we
183 " not convertible to numpy dtype.");
ndarray_tensor.h 20 #include "tensorflow/python/lib/core/numpy.h"
31 // Converts the given numpy ndarray to a (safe) TF_Tensor. The returned
42 // Creates a numpy array in 'ret' which either aliases the content of 't' or has
  /test/vts/testcases/vts_selftest/test_framework/python_virtualenv_preparer_test/part1/
VtsSelfTestPythonVirtualenvPreparerTestPart1.py 37 import numpy
39 asserts.fail('numpy is not installed from plan level preparer.')
  /external/autotest/client/cros/audio/
audio_data.py 10 import numpy as np
20 dtype_str: Data type used in numpy dtype. Check
21 https://docs.scipy.org/doc/numpy/reference/arrays.dtypes.html
82 Reads samples of fixed width from binary string into a numpy array
89 # The data type used in numpy fromstring function. For example,
audio_analysis.py 8 import numpy
35 @returns: A numpy array containing normalized signal. The normalized signal
39 signal = numpy.array(signal)
74 signal_rms = numpy.linalg.norm(signal) / numpy.sqrt(len(signal))
87 y_conv_w = signal * numpy.hanning(len(signal))
93 y_f = 2.0 / length * numpy.fft.rfft(y_conv_w)
96 abs_y_f = numpy.abs(y_f)
124 @returns: A numpy array containing frequency corresponding to
125 numpy.fft.rfft result at each index
    [all...]
  /external/autotest/client/cros/cellular/mbim_compliance/
mbim_data_channel.py 6 import numpy
68 numpy.set_printoptions(formatter={'int':lambda x: hex(int(x))},
72 written, ntb_length, numpy.array(ntb))
98 numpy.set_printoptions(formatter={'int':lambda x: hex(int(x))},
101 ntb_length, numpy.array(ntb))
  /external/flatbuffers/docs/source/
PythonUsage.md 67 ## Support for Numpy arrays
70 vectors as numpy arrays. This can be orders of magnitude faster than
79 # inventory is a numpy array of type np.dtype('uint8')
90 Numpy is not a requirement. If numpy is not installed on your system,
  /external/tensorflow/tensorflow/contrib/framework/python/ops/
accumulate_n_v2_eager_test.py 25 import numpy as np
47 self.assertEqual(42, answer.numpy())
55 self.assertAllClose(sum(x), av2.accumulate_n_v2(tf_x).numpy())
56 self.assertAllClose(x[0] * 5, av2.accumulate_n_v2([tf_x[0]] * 5).numpy())
73 [elem.numpy() for elem in grad])
  /external/tensorflow/tensorflow/examples/speech_commands/
BUILD 25 "//third_party/py/numpy",
48 "//third_party/py/numpy",
73 "//third_party/py/numpy",
88 "//third_party/py/numpy",
113 "//third_party/py/numpy",
  /external/tensorflow/tensorflow/python/kernel_tests/
resource_variable_ops_test.py 22 import numpy as np
72 self.assertAllEqual(1, v.numpy())
78 self.assertAllEqual(v0.numpy(), 1.0)
79 self.assertAllEqual(v1.numpy(), 2.0)
84 self.assertAllEqual(v0.numpy(), 1.0)
98 self.assertAllEqual(variable.numpy(), 1.0)
99 self.assertAllEqual(variable.initialized_value().numpy(), 1.0)
232 1.0, name="handle-numpy").handle.numpy()
487 self.assertAllEqual(init.numpy(), v.read_value().numpy()
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/python/
local_computation_builder.i 28 // Literal <-> (nested tuple of) numpy ndarray
46 // where a terminal numpy ndarray translates to a Literal with a
50 // recursively. For example, if x is a numpy ndarray in Python, with
69 // dtype('O'), numpy's object dtype, the structure represents a tuple
114 #include "tensorflow/python/lib/core/numpy.h"
134 const int64 value = numpy::PyIntOrPyLongToLong(fo);
156 const int64 handle = numpy::PyIntOrPyLongToLong($input);
165 $result = numpy::LongToPyIntOrPyLong($1.handle());
184 $result = numpy::PyObjectFromXlaLiteral(*value);
206 $result = numpy::PyShapeInfoFromXlaShape($1.ConsumeValueOrDie())
    [all...]
  /cts/apps/CameraITS/tests/inprog/scene2/
test_dng_tags.py 19 import numpy
51 print "HAL reported gains:\n", numpy.array(gains)
52 print "HAL reported ccm:\n", numpy.array(ccm).reshape(3,3)
53 print "HAL reported cal:\n", numpy.array(cal).reshape(3,3)
69 cm_ref = numpy.array(its.objects.rational_to_float(
71 fm_ref = numpy.array(its.objects.rational_to_float(
73 asn_ref = numpy.array(its.objects.rational_to_float(
  /external/tensorflow/tensorflow/contrib/learn/python/learn/preprocessing/
categorical.py 23 import numpy as np
67 x: numpy matrix or iterable of lists/numpy arrays.
100 x: numpy matrix or iterable of lists/numpy arrays.
116 x: numpy matrix or iterable of lists/numpy arrays.
  /external/tensorflow/tensorflow/contrib/predictor/
BUILD 135 "//third_party/py/numpy",
160 "//third_party/py/numpy",
173 "//third_party/py/numpy",
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/
state_management_test.py 21 import numpy
96 times_full = step * numpy.arange(length, dtype=numpy.int64)
97 values_full = offset + step * numpy.arange(length, dtype=numpy.float32)
99 times = numpy.concatenate((times_full[:cut_start],
101 values = numpy.concatenate((values_full[:cut_start],
289 test_start_state = (numpy.array([[2, 3, 4]]), (numpy.array([2]),
290 numpy.array([[3., 5.]]))
    [all...]
  /tools/test/connectivity/acts/framework/acts/test_utils/audio_analysis_lib/
audio_analysis.py 19 import numpy
62 A numpy array containing normalized signal. The normalized signal has
66 signal = numpy.array(signal)
106 signal_rms = numpy.linalg.norm(signal) / numpy.sqrt(len(signal))
119 y_conv_w = signal * numpy.hanning(len(signal))
125 y_f = 2.0 / length * numpy.fft.rfft(y_conv_w)
128 abs_y_f = numpy.abs(y_f)
159 A numpy array containing frequency corresponding to numpy.fft.rff
    [all...]

Completed in 871 milliseconds

1 2 3 45 6 7 8 91011>>