/external/tensorflow/tensorflow/contrib/eager/python/ |
tfe_test.py | 41 self.assertAllEqual([[4.]], y.numpy()) 59 self.assertEquals([6], [x.numpy() for x in grad(3)]) 68 self.assertEquals([2], [x.numpy() for x in gradgrad(3)]) 82 self.assertEquals([12], [x.numpy() for x in grad(3)]) 99 self.assertEqual(3.5, m.cpu().numpy())
|
evaluator_test.py | 79 self.assertEqual(6.0, results["mean"].numpy()) 100 self.assertEqual(3.0, results["inner/mean"].numpy()) 101 self.assertEqual(550.0, results["outer-mean"].numpy()) 117 self.assertEqual(6.0, results["mean"].numpy()) 190 self.assertEqual(2.0, results["Avg Loss"].numpy()) 191 self.assertEqual(0.75, results["Accuracy"].numpy())
|
/external/tensorflow/tensorflow/contrib/framework/python/ops/ |
script_ops.py | 45 Given a python function `func`, which takes numpy arrays as its 46 inputs and returns numpy arrays as its outputs, wrap this function as an 48 TensorFlow graph that invokes the `np.sinh()` NumPy function as a operation 53 # x will be a numpy array with the contents of the placeholder below 73 func: A Python function, which accepts a list of NumPy `ndarray` objects
|
/external/tensorflow/tensorflow/contrib/slim/python/slim/nets/ |
BUILD | 132 "//third_party/py/numpy", 152 "//third_party/py/numpy", 172 "//third_party/py/numpy", 251 "//third_party/py/numpy", 286 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/python/keras/_impl/keras/utils/ |
io_utils.py | 24 import numpy as np 36 """Representation of HDF5 dataset to be used instead of a Numpy array. 119 """Gets a numpy-style shape tuple giving the dataset dimensions. 122 A numpy-style shape tuple. 131 A numpy dtype string.
|
conv_utils.py | 21 import numpy as np 53 """Converts a Numpy kernel matrix from Theano format to TensorFlow format. 58 kernel: Numpy array (3D, 4D or 5D).
|
/cts/apps/CameraITS/tests/inprog/ |
test_param_black_level_lock.py | 22 import numpy 58 hist,_ = numpy.histogram(yimg*255, 256, (0,256)) 59 modes.append(numpy.argmax(hist))
|
/cts/apps/CameraITS/tests/scene1/ |
test_tonemap_sequence.py | 20 import numpy 70 deltas = [numpy.max(numpy.fabs(means[i+1]-means[i])) \
|
/external/flatbuffers/ |
appveyor.yml | 63 - rem "testing without installing Numpy" 65 - rem "testing after installing Numpy - disabled" 68 # - conda install --yes numpy
|
/external/tensorflow/tensorflow/compiler/tests/ |
argminmax_test.py | 21 import numpy as np 37 inp: numpy input array to use as input to 'op'. 38 expected: numpy array representing the expected output of 'op'.
|
/external/tensorflow/tensorflow/contrib/fused_conv/ |
BUILD | 54 "//third_party/py/numpy", 116 "//third_party/py/numpy", 151 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/kfac/python/ops/ |
BUILD | 48 "//third_party/py/numpy", 179 "//third_party/py/numpy", 209 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/linear_optimizer/python/ops/ |
sparse_feature_column.py | 76 python lists, or numpy arrays. 78 python lists, or numpy arrays. 80 accepts python lists, or numpy arrays.
|
/external/tensorflow/tensorflow/contrib/seq2seq/ |
BUILD | 59 "//third_party/py/numpy", 108 "//third_party/py/numpy", 180 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/slim/python/slim/data/ |
BUILD | 143 "//third_party/py/numpy", 156 "//third_party/py/numpy", 193 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/ |
model_utils.py | 21 import numpy 77 times = numpy.array(times) 95 numpy.arange(steps)[None, ...])
|
/external/tensorflow/tensorflow/docs_src/tutorials/ |
mandelbrot.md | 18 import numpy as np 54 It's handy that we can freely mix NumPy and TensorFlow. 57 # Use NumPy to create a 2D array of complex numbers
|
/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/tensorflow/tensorflow/tools/ci_build/install/ |
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/bart/docs/notebooks/thermal/ |
Thermal.ipynb | 41 "import numpy\n", 268 "t.assertStatement(\"numpy.percentile(THERMAL:temp, 95) < (CONTROL_TEMP + TEMP_MARGIN)\")" 295 "t.assertStatement(\"numpy.mean(THERMAL:temp) <= CONTROL_TEMP\", select=0)" 322 "t.getStatement(\"(numpy.std(THERMAL:temp) * 100.0) / numpy.mean(THERMAL:temp)\", select=0)" 370 " pct_temp = numpy.percentile(t.getStatement(\"THERMAL:temp\")[tz_id], result[tz_id])\n",
|
/external/tensorflow/tensorflow/contrib/estimator/ |
BUILD | 73 "//third_party/py/numpy", 113 "//third_party/py/numpy", 154 "//third_party/py/numpy", 209 "//third_party/py/numpy", 245 "//third_party/py/numpy", 316 "//third_party/py/numpy",
|
/external/tensorflow/tensorflow/contrib/training/python/training/ |
resample_test.py | 23 import numpy 49 array_inputs = numpy.array(inputs, dtype=numpy.int32) 153 rates: numpy.zeros( 154 shape=[count], dtype=numpy.float32) 174 v = numpy.random.normal(mean, stddev)
|
/cts/apps/CameraITS/tests/ |
tutorial.py | 35 # Modules from the numpy, scipy, and matplotlib libraries. These are used for 36 # the image processing code, and images are represented as numpy arrays. 38 import numpy 127 # Images are numpy arrays. The dimensions are (h,w,3) when indexing, 151 lut = numpy.array([2*i for i in xrange(65536)]) 156 # is a numpy array, in row major order, and the pixel values are right- 159 mat = numpy.array([[1, 0, 0 ], 167 hist,_ = numpy.histogram(yimg*255, 256, (0,256))
|
/cts/suite/audio_quality/test_description/processing/ |
calc_delay.py | 17 import numpy as np 18 import numpy.linalg
|