HomeSort by relevance Sort by last modified time
    Searched refs:numpy (Results 126 - 150 of 1069) sorted by null

1 2 3 4 56 7 8 91011>>

  /external/tensorflow/tensorflow/python/kernel_tests/
denormal_test.py 21 import numpy as np
32 """Non-tf numpy code should treat denormals correctly."""
extract_image_patches_grad_test.py 21 import numpy as np
gradient_correctness_test.py 21 import numpy as np
sparsemask_op_test.py 20 import numpy as np
trace_op_test.py 20 import numpy as np
  /external/tensorflow/tensorflow/python/ops/
nn_grad_test.py 21 import numpy as np
  /external/tensorflow/tensorflow/tools/ci_build/install/
install_pip_packages.sh 60 # numpy needs to be installed from source to fix segfaults. See:
63 pip2 install --no-binary=:all: --upgrade numpy==1.12.0
64 pip3 install --no-binary=:all: --upgrade numpy==1.12.0
install_python3.5_pip_packages.sh 54 # Install numpy, scipy and scikit-learn required by the builds
56 # numpy needs to be installed from source to fix segfaults. See:
59 pip3.5 install --no-binary=:all: --upgrade numpy==1.12.0
install_python3.6_pip_packages.sh 65 # Install numpy, scipy and scikit-learn required by the builds
67 # numpy needs to be installed from source to fix segfaults. See:
70 pip3 install --no-binary=:all: --upgrade numpy==1.12.0
  /external/trappy/trappy/stats/
Indexer.py 22 import numpy as np
  /external/walt/pywalt/pywalt/
evparser.py 2 from numpy import array
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...]
  /frameworks/av/services/camera/libcameraservice/tests/
DistortionMapperComp.py 3 # Assumes a python that has numpy and cv2 (OpenCV) available
5 import numpy as np
  /frameworks/base/tests/JankBench/scripts/
itr_collect.py 7 import numpy
93 stddev = numpy.std(res.durations)
94 mean = numpy.mean(res.durations)
129 print "\t%s:\t%0.2f%% (%0.2f avg sample count)" % (test, 100 * scipy.stats.variation(per_test_score[test]), numpy.mean(per_test_sample_count[test]))
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/state_space_models/
periodic.py 21 import numpy
300 global_coeff = (math_ops.sin(original_matrix_powers * numpy.pi) /
315 row_addend = 1. / math_ops.sin(numpy.pi / num_latent_values_float * (
320 numpy.pi / num_latent_values_float *
481 return 1. / math_ops.sin(numpy.pi / num_latent_values_float * coefficient)
511 sign = math_ops.cos(normalized * numpy.pi)
528 global_coefficient = (math_ops.sin(numpy.pi * original_matrix_powers) /
  /external/tensorflow/tensorflow/python/eager/
tensor_test.py 24 import numpy as np
187 self.assertIn("id=%d, shape=%s, dtype=%s, numpy=\n%r" %
188 (t._id, t.shape, t.dtype.name, t.numpy()), tensor_repr)
210 self.assertIn("id=%d, shape=(), dtype=int32, numpy=42" % t._id, repr(t))
220 self.assertIn("id=%d, shape=(0,), dtype=float32, numpy=%r" % (t._id,
221 t.numpy()),
227 t_np = t.numpy()
234 self.assertAllEqual(list_element, tensor_element.numpy())
253 self.assertAllEqual(np.array([3, 2, 4]), r.numpy())
256 self.assertAllEqual(np.array([2, 3, 1]), r.numpy())
    [all...]
  /external/autotest/client/cros/audio/
audio_quality_measurement_unittest.py 8 import numpy
18 numpy.random.seed(0)
33 noise = standard_noise * numpy.random.standard_normal()
64 numpy.random.seed(0)
82 noise = noise_amplitude * numpy.random.standard_normal()
131 self.y[j] = self.amplitude * (3 + numpy.random.uniform(-1, 1))
  /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))
  /cts/apps/CameraITS/tests/scene1/
test_crop_regions.py 21 import numpy
93 diff = numpy.fabs(tile_full - tile_crop).mean()
test_ev_compensation_advanced.py 23 import numpy
103 avg_diff = abs(numpy.array(luma_diffs)).mean()
test_locked_burst.py 20 import numpy
  /external/autotest/client/cros/power/
power_dashboard.py 5 import json, numpy, os, time, urllib, urllib2
159 power_dict['average'][domain] = numpy.average(domain_readings)
  /external/autotest/client/site_tests/graphics_WebGLManyPlanetsDeep/
graphics_WebGLManyPlanetsDeep.py 6 import numpy
76 arr = numpy.array([[v['frame_elapsed_time'], v['js_elapsed_time']]
  /external/ltp/testcases/realtime/tools/
ftqviz.py 7 # Prerequisites: numpy, scipy, and pylab packages. For debian/ubuntu:
27 from numpy import *
28 from numpy.fft import *
  /external/tensorflow/tensorflow/contrib/eager/python/examples/linear_regression/
linear_regression_test.py 78 self.assertAllClose(true_w, model.variables[0].numpy(), rtol=1e-2)
79 self.assertAllClose(true_b, model.variables[1].numpy(), rtol=1e-2)

Completed in 876 milliseconds

1 2 3 4 56 7 8 91011>>