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

<<11121314151617181920>>

  /cts/apps/CameraITS/tests/scene1/
test_crop_regions.py 21 import numpy
93 diff = numpy.fabs(tile_full - tile_crop).mean()
  /cts/apps/CameraITS/tests/scene3/
test_edge_enhancement.py 23 import numpy
71 ret["sharpness"] = numpy.mean(sharpness_list)
  /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/autotest/client/site_tests/performance_InboxInputLatency/
performance_InboxInputLatency.py 6 import numpy
161 value = getattr(numpy, operator)(latency_data)
  /external/fonttools/Doc/
documentation.html 100 <A HREF="http://www.pfdubois.com/numpy/">Numeric Python (NumPy)</A>
install.txt 43 The numpy extension
44 See http://numpy.scipy.org/
  /external/tensorflow/tensorflow/compiler/tests/
categorical_op_test.py 23 import numpy as np
53 logits: Numpy ndarray of shape [batch_size, num_classes].
reduce_ops_test.py 21 import numpy as np
35 """Tests that the output of 'tf_reduce_fn' matches numpy's output."""
  /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)
  /external/tensorflow/tensorflow/contrib/gan/python/eval/python/
sliced_wasserstein_test.py 21 import numpy as np
33 # The numpy/scipy code for reference estimation comes from:
  /external/tensorflow/tensorflow/contrib/opt/python/training/
lazy_adam_optimizer_test.py 22 import numpy as np
57 # Initialize variables for numpy implementation.
  /external/tensorflow/tensorflow/contrib/solvers/python/kernel_tests/
linear_equations_test.py 20 import numpy as np
96 # Validate that we get an equally small residual norm with numpy
  /external/tensorflow/tensorflow/core/util/
bcast.h 29 // TensorFlow's broadcasting rule follows that of numpy (See
30 // http://docs.scipy.org/doc/numpy/user/basics.broadcasting.html).
  /external/tensorflow/tensorflow/docs_src/api_guides/python/
math_ops.md 8 Note: Elementwise binary operations in TensorFlow follow [numpy-style
9 broadcasting](http://docs.scipy.org/doc/numpy/user/basics.broadcasting.html).
  /external/tensorflow/tensorflow/python/keras/_impl/keras/datasets/
imdb.py 23 import numpy as np
60 Tuple of Numpy arrays: `(x_train, y_train), (x_test, y_test)`.
reuters.py 23 import numpy as np
62 Tuple of Numpy arrays: `(x_train, y_train), (x_test, y_test)`.
  /external/tensorflow/tensorflow/python/ops/linalg/
linalg_impl.py 77 @compatibility(numpy)
78 Equivalent to numpy.linalg.slogdet, although no sign is returned since only
  /external/tensorflow/tensorflow/python/tools/
BUILD 159 "//third_party/py/numpy",
195 "//third_party/py/numpy",
  /external/tensorflow/tensorflow/python/util/
compat.py 40 import numpy as _np
131 # Numpy 1.8 scalars don't inherit from numbers.Integral in Python 3, so we
  /external/walt/android/WALT/app/src/main/java/org/chromium/latency/walt/
Utils.java 53 * Linear interpolation styled after numpy.interp()
91 * Similar to numpy.extract()
  /frameworks/base/tools/orientationplot/
README.txt 9 2. numpy
12 eg. sudo apt-get install python-numpy python-matplotlib
  /external/tensorflow/tensorflow/docs_src/programmers_guide/
debugger.md 157 | | `pt <tensor>[slicing]` | Print a subarray of tensor, using [numpy](http://www.numpy.org/)-style array slicing. | `pt hidden/Relu:0[0:50,:]` |
162 | | `-w` | Write the value of the tensor (possibly sliced) to a Numpy file using [`numpy.save()`](https://docs.scipy.org/doc/numpy-1.13.0/reference/generated/numpy.save.html) | `pt -s hidden/Relu:0 -w /tmp/relu.npy` |
168 | **eval** | | **Evaluate arbitrary Python and numpy expression.** | |
169 | | `eval <expression>` | Evaluate a Python / numpy expression, with numpy available as `np` and debug tensor names enclosed in backticks. | ``eval "np.matmul((`output/Identity:0` / `Softmax:0`).T, `Softmax:0`)"`` |
171 | | `-w` | Write the result of the evaluation to a Numpy file using [`numpy.save()`](https://docs.scipy.org/doc/numpy-1.13.0/reference/generated/numpy.save (…)
    [all...]
  /external/tensorflow/tensorflow/contrib/eager/python/examples/rnn_ptb/
rnn_ptb.py 35 import numpy as np
180 total_loss += loss.numpy()
206 (batch, model_loss(train_seq, train_target).numpy(),
310 sys.stderr.write("learning_rate=%f\n" % learning_rate.numpy())
329 learning_rate.numpy())
  /external/tensorflow/tensorflow/contrib/eager/python/examples/spinn/
data.py 33 import numpy as np
95 A numpy.ndarray of shape (num_sentences, max_length + 1), wherein max_length
167 2. embed: The embedding matrix as a float32 numpy array. Its shape is
240 1. Word indices as a numpy array, with shape `(sequence_len, 1)`.
241 2. Shift-reduce sequence as a numpy array, with shape

Completed in 445 milliseconds

<<11121314151617181920>>