Searched
full:numpy (Results
251 -
275 of
1452) sorted by null
<<11121314151617181920>>
/test/vts/testcases/host/camera_its/ |
CameraITSTest.py | 100 import numpy 101 logging.info("numpy version is " + numpy.__version__) 102 logging.info("numpy path is " + inspect.getfile(numpy)) 113 "numpy", "PIL", "Image", "matplotlib", "pylab", "scipy.stats",
|
/tools/test/connectivity/acts/framework/tests/ |
audio_quality_measurement_unittest.py | 19 import numpy 31 numpy.random.seed(0) 45 noise = standard_noise * numpy.random.standard_normal() 76 numpy.random.seed(0) 93 noise = noise_amplitude * numpy.random.standard_normal() 138 self.y[j] = self.amplitude * (3 + numpy.random.uniform(-1, 1))
|
/external/walt/pywalt/pywalt/ |
walt.py | 49 import numpy 153 times = numpy.zeros((N, 1)) 159 median = numpy.median(times) 200 times = numpy.zeros(9) 230 times_local_received = numpy.zeros(9) 240 times_local_sent = numpy.zeros(9) 488 print('Median tap-to-audio latency: %0.1f ms' % numpy.median(deltas)) 514 print('Median tap-to-blink latency: %0.1f ms' % numpy.median(deltas)) 565 dt_down = numpy.array([t[0] for t in taps if t[1] == 1]) / 1e3 566 dt_up = numpy.array([t[0] for t in taps if t[1] == 0]) / 1e [all...] |
/cts/apps/CameraITS/tests/inprog/ |
test_burst_sameness_auto.py | 20 import numpy 63 imgs = numpy.empty([FRAMES,h,w,3])
|
/cts/apps/CameraITS/tests/scene1/ |
test_burst_sameness_manual.py | 21 import numpy 56 imgs = numpy.empty([FRAMES,h,w,3])
|
test_ev_compensation_advanced.py | 23 import numpy 103 avg_diff = abs(numpy.array(luma_diffs)).mean()
|
test_3a.py | 18 import numpy as np
|
/external/autotest/client/cros/ |
http_speed.py | 9 import numpy.random 40 data = numpy.random.bytes(size)
|
/external/autotest/client/site_tests/power_CameraSuspend/ |
power_CameraSuspend.py | 6 import numpy 79 if last_image is not None and numpy.array_equal(image, last_image):
|
/external/bart/bart/thermal/ |
ThermalAssert.py | 21 import numpy as np 71 # pylint fails to recognize numpy members.
|
/external/tensorflow/tensorflow/contrib/model_pruning/ |
BUILD | 41 "//third_party/py/numpy", 83 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/slim/ |
BUILD | 44 "//third_party/py/numpy", 92 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/solvers/python/kernel_tests/ |
least_squares_test.py | 20 import numpy as np 67 # Validate that we get an equally small residual norm with numpy
|
/external/tensorflow/tensorflow/core/kernels/ |
softplus_op.h | 40 // softplus implemented with numpy's log1p and numpy's logaddexp.
|
/external/tensorflow/tensorflow/docs_src/install/ |
migration.md | 134 used by `tf.round` to match NumPy. 166 | Input | Python | NumPy | C++ round() | TensorFlow 0.11(floor(x+.5)) | TensorFlow 1.0 | 179 ### NumPy matching names 182 Many functions have been renamed to match NumPy. This was done to make the 183 transition between NumPy and TensorFlow as easy as possible. There are still 189 * This was done to avoid confusion with NumPy's matrix inverse `np.inv` 204 ### NumPy matching arguments 207 NumPy methods. To achieve this, TensorFlow 1.0 has changed keyword arguments
|
/external/tensorflow/tensorflow/python/framework/ |
fast_tensor_util.pyx | 4 import numpy as np 5 cimport numpy as np
|
/external/tensorflow/tensorflow/python/keras/_impl/keras/utils/ |
io_utils_test.py | 24 import numpy as np 73 # HDF5Matrix behave more or less like Numpy matrices
|
/cts/apps/CameraITS/tools/ |
run_sensor_fusion_box.py | 24 import numpy 161 shift_arr = numpy.array(shift_list) 162 mean, std = numpy.mean(shift_arr), numpy.std(shift_arr)
|
/cts/suite/audio_quality/test_description/processing/ |
playback_thd.py | 18 import numpy as np
|
/external/autotest/site_utils/stats/ |
apache_error_log_example.txt | 10 [Tue May 09 16:11:17.009727 2017] [:error] [pid 10631:tid 140225955858176] RuntimeError: module compiled against API version 9 but this version of numpy is 7
|
/external/tensorflow/tensorflow/compiler/tests/ |
adam_test.py | 21 import numpy as np 58 # Initialize variables for numpy implementation. 97 # Initialize variables for numpy implementation. 136 # Initialize variables for numpy implementation.
|
/external/tensorflow/tensorflow/contrib/factorization/python/ops/ |
gmm_ops_test.py | 23 import numpy as np 58 A tuple containing the data as a numpy array and the cluster ids. 81 A tuple containing the data as a numpy array and the cluster ids. 99 logging.info('Numpy took %f', time.time() - start_time)
|
/external/tensorflow/tensorflow/contrib/kafka/ |
BUILD | 83 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/ |
numpy_io.py | 15 """Methods to allow dict of numpy arrays."""
|
/external/tensorflow/tensorflow/contrib/model_pruning/examples/cifar10/ |
BUILD | 55 "//third_party/py/numpy",
|
Completed in 1676 milliseconds
<<11121314151617181920>>