HomeSort by relevance Sort by last modified time
    Searched full:numpy (Results 1 - 25 of 238) sorted by null

1 2 3 4 5 6 7 8 910

  /external/opencv3/modules/python/test/
transformations.py 52 * `Numpy 1.3 <http://numpy.scipy.org>`__
59 Matrices (M) can be inverted using numpy.linalg.inv(M), concatenated using
60 numpy.dot(M0, M1), or used to transform homogeneous coordinates (v) using
61 numpy.dot(M, v) for shape (4, \*) "point of arrays", respectively
62 numpy.dot(v, M.T) for shape (\*, 4) "array of points".
64 Calculations are carried out with numpy.float64 precision.
69 "array like", i.e. tuple, list, or numpy arrays.
71 Return types are numpy arrays unless specified otherwise.
135 >>> numpy.allclose([alpha, beta, gamma], euler
176 import numpy namespace
    [all...]
leak1.py 4 import numpy as np
leak2.py 4 import numpy as np
camera_calibration.py 8 import numpy namespace
13 return numpy.maximum(a, numpy.minimum(x, b))
16 mag = numpy.sqrt(sum([e * e for e in v]))
42 return numpy.sqrt(sum([e * e for e in self.v]))
74 r = numpy.sqrt(x * x + y * y)
78 rprime = (10 * numpy.sqrt(17 * r + 25) - 50) / 17
101 sq = numpy.sqrt(abs(det))
105 h = numpy.minimum(h0, h1)
109 return (pred, numpy.where(pred, h, 999999.), normal
    [all...]
  /external/autotest/client/site_tests/hardware_PerfCounterVerification/
stats_utils.py 6 import numpy namespace
10 """Perform a linear regression using numpy.
17 p, (residual,) = numpy.polyfit(x, y, 1, full=True)[:2]
31 #V = numpy.cov(x, y, ddof=0)
38 """Convert "facts" (list of dicts) to a numpy array.
42 @param dtype: A numpy.dtype used to fill the array from facts. The dtype
44 numpy.dtype([('loops', numpy.int), ('cycles', numpy.int)])
45 @returns: A numpy.ndarray with dtype=dtype filled with facts
    [all...]
perf_verification.py 10 import numpy namespace
81 dt = numpy.dtype([('loops', numpy.int)] +
82 [(e, numpy.int) for e in events])
hardware_PerfCounterVerification.py 11 import numpy namespace
77 dt = numpy.dtype([('loops', numpy.int)] +
78 [(e, numpy.int) for e in self.events])
80 dt = numpy.dtype([('loops', numpy.int),
81 ('branch_count', numpy.int)])
99 results[rvar] = numpy.max(misses_per_milion_cycles)
  /cts/suite/audio_quality/
BUILD.txt 4 - Python SciPy, NumPy
5 sudo apt-get install python-scipy python-numpy python-matplotlib
  /cts/apps/CameraITS/pymodules/its/
image.py 22 import numpy namespace
29 DEFAULT_YUV_TO_RGB_CCM = numpy.matrix([
34 DEFAULT_YUV_OFFSETS = numpy.array([0, 128, 128])
36 DEFAULT_GAMMA_LUT = numpy.array(
40 DEFAULT_INVGAMMA_LUT = numpy.array(
97 img = numpy.ndarray(shape=(2*h*w*4,), dtype='<f', buffer=cap["data"])
130 img: A raw-10 image, as a uint8 numpy array.
133 Image as a uint16 numpy array, with all row padding stripped.
140 msbs = numpy.delete(img, numpy.s_[4::5], 1
    [all...]
dng.py 15 import numpy namespace
16 import numpy.linalg namespace
46 CM: The 3x3 ColorMatrix for the specified illuminant, as a numpy array
47 FM: The 3x3 ForwardMatrix for the specified illuminant, as a numpy array
55 W = numpy.array([
62 HH = numpy.array([
73 H_D65 = numpy.array([
77 H_A = numpy.array([
89 G = numpy.array([[gains[0],0,0], [0,gains[1],0], [0,0,gains[3]]])
92 S = numpy.array([ccm[0:3], ccm[3:6], ccm[6:9]]
    [all...]
  /cts/apps/CameraITS/tests/scene0/
test_gyro_bias.py 25 import numpy namespace
51 times = numpy.array([(e["time"] - gyro_events[0]["time"])/1000000000.0
53 xs = numpy.array([e["x"] for e in gyro_events])
54 ys = numpy.array([e["y"] for e in gyro_events])
55 zs = numpy.array([e["z"] for e in gyro_events])
74 assert(numpy.var(samples) < VAR_THRESH)
  /external/webrtc/tools/cpu/
cpu_mon.py 15 import numpy namespace
32 (self.label, numpy.average(self.samples),
33 numpy.median(self.samples),
34 numpy.min(self.samples), numpy.max(self.samples)))
37 return numpy.max(self.samples)
  /external/autotest/client/cros/audio/
audio_analysis_unittest.py 3 import numpy namespace
13 numpy.random.seed(0)
24 noise = numpy.random.standard_normal(samples) * 0.005
25 x = numpy.linspace(0.0, (samples - 1) * 1.0 / rate, samples)
26 y = (coeff_1 * numpy.sin(freq_1 * 2.0 * numpy.pi * x) +
27 coeff_2 * numpy.sin(freq_2 * 2.0 * numpy.pi * x)) + noise
64 noise = numpy.random.standard_normal(samples) * noise_amplitude
79 expected = numpy.array([0.1, 0.2, 0.3, 0.4, 0.5]
    [all...]
  /cts/suite/audio_quality/test_description/conf/
check_conf.py 18 import numpy as np
20 from numpy import *
  /cts/apps/CameraITS/tests/scene5/
test_lens_shading_and_color_uniformity.py 20 import numpy namespace
41 SPB_CT_LIST = numpy.arange(spb_r, 1/2., spb_r*2)
82 img_legend_ls = numpy.copy(img_rgb)
83 img_legend_ufmt = numpy.copy(img_rgb)
95 center_y = numpy.mean(img_y[top:bottom, left:right])
96 center_r_g = numpy.mean(r_g[top:bottom, left:right])
97 center_b_g = numpy.mean(b_g[top:bottom, left:right])
121 ct_cord_x = numpy.concatenate(
122 (numpy.arange(spb_ct, 1-spb_ct+spb_r, spb_r*2),
123 spb_ct*numpy.ones((num_sample-1))
    [all...]
  /external/opencv3/doc/py_tutorials/py_setup/py_setup_in_windows/
py_setup_in_windows.markdown 20 -# [Numpy](http://sourceforge.net/projects/numpy/files/NumPy/1.7.1/numpy-1.7.1-win32-superpack-python2.7.exe/download).
26 -# After installation, open Python IDLE. Enter import numpy and make sure Numpy is working fine.
58 -# [Numpy](http://sourceforge.net/projects/numpy/files/NumPy/1.7.1/numpy-1.7.1-win32-superpack-python2.7.exe/download
    [all...]
  /external/opencv3/cmake/
OpenCVDetectPython.cmake 22 # numpy_include_dirs (variable): Output of found Python Numpy include dirs
23 # numpy_version (variable): Output of found Python Numpy version
38 # this is really important because we are using the interpreter for numpy search and for choosing the install location
162 message(STATUS "Cannot probe for Python/Numpy support (because we are cross-compiling OpenCV)")
163 message(STATUS "If you want to enable Python/Numpy support, set the following variables:")
171 # Attempt to discover the NumPy include directory. If this succeeds, then build python API with NumPy
172 execute_process(COMMAND "${_executable}" -c "import os; os.environ['DISTUTILS_USE_SDK']='1'; import numpy.distutils; print(os.pathsep.join(numpy.distutils.misc_util.get_numpy_include_dirs()))"
190 execute_process(COMMAND "${_executable}" -c "import numpy; print(numpy.version.version)
    [all...]
  /external/chromium-trace/catapult/firefighter/default/
Dockerfile 9 RUN apt-get update && apt-get install -y -t stretch python-numpy python-scipy
  /external/chromium-trace/catapult/firefighter/update/
Dockerfile 9 RUN apt-get update && apt-get install -y -t stretch python-numpy python-scipy
  /cts/apps/CameraITS/tests/inprog/
test_black_level.py 22 import numpy namespace
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/chromium-trace/catapult/experimental/
plot_bisect_results.py 16 import numpy namespace
87 bins = numpy.linspace(lower_bound, upper_bound,
91 colors = cm.rainbow(numpy.linspace( # pylint: disable=no-member
98 medians = tuple(numpy.percentile(values, 50) for values in values_per_commit)
109 colors = cm.rainbow(numpy.linspace( # pylint: disable=no-member
113 levels = numpy.linspace(0, 1, len(values) + 1)
118 axis.plot(numpy.percentile(values, tuple(p * 100 for p in _PERCENTILES)),
125 medians = tuple(numpy.percentile(values, 50) for values in values_per_commit)
  /external/opencv3/samples/python2/
houghcircles.py 10 import numpy as np
23 cimg = src.copy() # numpy function
  /external/autotest/client/cros/cellular/mbim_compliance/
mbim_data_channel.py 6 import numpy namespace
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))
  /cts/apps/CameraITS/tests/inprog/scene2/
test_dng_tags.py 19 import numpy namespace
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/opencv3/doc/py_tutorials/py_setup/py_intro/
py_intro.markdown 37 OpenCV-Python makes use of **Numpy**, which is a highly optimized library for numerical operations
38 with a MATLAB-style syntax. All the OpenCV array structures are converted to and from Numpy arrays.
39 This also makes it easier to integrate with other libraries that use Numpy such as SciPy and
49 Prior knowledge of Python and Numpy is recommended as they won't be covered in this guide.
50 **Proficiency with Numpy is a must in order to write optimized code using OpenCV-Python.**
83 2. [Basic Numpy Tutorials](http://wiki.scipy.org/Tentative_NumPy_Tutorial)
84 3. [Numpy Examples List](http://wiki.scipy.org/Numpy_Example_List)

Completed in 1932 milliseconds

1 2 3 4 5 6 7 8 910