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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/examples/learn/
random_forest_mnist.py 24 import numpy
62 y=mnist.train.labels.astype(numpy.int32),
78 y=mnist.test.labels.astype(numpy.int32),
  /external/tensorflow/tensorflow/python/estimator/inputs/queues/
feeding_functions.py 24 import numpy as np
157 """Creates feed dictionaries from numpy arrays."""
196 """Creates feed dictionaries from `OrderedDict`s of numpy arrays."""
283 """Creates feed dictionaries from `Generator` of `dicts` of numpy arrays."""
352 """Creates a queue filled from a numpy array or pandas `DataFrame`.
357 numpy arrays, the first enqueued `Tensor` contains the row number.
360 data: a numpy `ndarray`, `OrderedDict` of numpy arrays, or a generator
361 yielding `dict`s of numpy arrays or pandas `DataFrame` that will be read
380 TypeError: `data` is not a Pandas `DataFrame`, an `OrderedDict` of numpy
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
aggregate_ops_test.py 21 import numpy as np
106 # Right now, non-numpy-compatible objects cannot be returned from a
108 # native numpy types cannot be passed to ops.convert_to_tensor.
argmax_op_test.py 20 import numpy as np
60 # Check that argmin and argmax match numpy along the primary axis
67 # Check that argmin and argmax match numpy along all axes
dct_ops_test.py 23 import numpy as np
46 """Computes the DCT-II manually with NumPy."""
65 """Compares the DCT to SciPy (if available) and a NumPy implementation."""
manip_ops_test.py 20 import numpy as np
32 # numpy.roll for multiple shifts was introduced in numpy version 1.12.0
norm_op_test.py 21 import numpy as np
87 self.skipTest("Not supported by neither numpy.linalg.norm nor tf.norm")
91 self.skipTest("Not supported by numpy.linalg.norm")
cast_op_test.py 21 import numpy as np
38 """Returns TensorFlow data type for numpy type."""
62 """Tests cast(x) to dtype behaves the same as numpy.astype."""
152 # Numpy link to relevant discussion - https://github.com/numpy/numpy/issues/9040
  /external/tensorflow/tensorflow/python/ops/
matmul_benchmark.py 24 import numpy as np
45 dtype: numpy data type of the input tensor.
79 dtype: numpy data type of the input tensor.
transpose_benchmark.py 23 import numpy as np
41 datatype: numpy data type of the input tensor.
73 datatype: numpy data type of the input tensor.
  /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
  /external/webrtc/webrtc/modules/remote_bitrate_estimator/test/
plot_dynamics.py 16 import numpy
82 x = numpy.array(x)
83 y = numpy.array(y)
  /external/python/cpython3/Doc/tutorial/
venv.rst 173 numpy (1.9.2)
187 numpy==1.9.2
199 Collecting numpy==1.9.2 (from -r requirements.txt (line 2))
203 Installing collected packages: novas, numpy, requests
205 Successfully installed novas-3.1.1.3 numpy-1.9.2 requests-2.7.0
  /external/tensorflow/tensorflow/contrib/boosted_trees/
BUILD 91 "//third_party/py/numpy",
174 "//third_party/py/numpy",
191 "//third_party/py/numpy",
213 "//third_party/py/numpy",
263 "//third_party/py/numpy",
  /external/tensorflow/tensorflow/contrib/eager/python/examples/notebooks/
1_basics.ipynb 143 "Numpy arrays are supported, too:"
161 "import numpy as np\n",
165 "print(\"numpy 3x3 matrix of 1s:\")\n",
243 "print(\"Printing a TensorFlow Variable's value using .read_value().numpy():\")\n",
244 "print(x.read_value().numpy())"
2_gradients.ipynb     [all...]
  /external/tensorflow/tensorflow/python/client/
tf_session_helper.h 20 #include "tensorflow/python/lib/core/numpy.h"
49 // NumPy arrays. This function does not modify its reference count.
79 // NumPy arrays. This function does not modify its reference count.
118 // On success, `py_outputs` is populated with a numpy ndarray for each output
149 // On success, `py_outputs` is populated with a numpy ndarray for each output
  /external/tensorflow/tensorflow/python/keras/_impl/keras/engine/
training.py 23 import numpy as np
117 ': the list of Numpy arrays that you are passing to '
127 ' Numpy arrays instead. The list you passed was: ' + str(data)[:200])
130 ': data should be a Numpy array, or list/dict of '
131 'Numpy arrays. Found: ' + str(data)[:200] + '...')
213 """Does user input validation for numpy arrays.
216 inputs: list of Numpy arrays of inputs.
217 targets: list of Numpy arrays of targets.
218 weights: list of Numpy arrays of sample weights.
265 targets: list of Numpy arrays of targets
    [all...]
  /external/tensorflow/tensorflow/python/keras/_impl/keras/applications/
imagenet_utils.py 23 import numpy as np
39 """Preprocesses a Numpy array encoding a batch of images.
56 Preprocessed Numpy array.
170 """Preprocesses a tensor or Numpy array encoding a batch of images.
173 x: Input Numpy or symbolic tensor, 3D or 4D.
184 Preprocessed tensor or Numpy array.
213 preds: Numpy tensor encoding a batch of predictions.
  /external/trappy/doc/
InteractivePlotter.ipynb 48 "import numpy.random\n",
120 "df = pd.DataFrame(numpy.random.randn(1000, 2), columns=columns).cumsum()\n",
150 "df1 = pd.DataFrame(numpy.random.randn(df_len, 3), columns=columns, index=range(df_len)).cumsum()\n",
151 "df2 = pd.DataFrame(numpy.random.randn(df_len, 3), columns=columns, index=(numpy.arange(0.5, df_len, 1))).cumsum()"
180 "df1[\"bang\"] = df1[\"bang\"].apply(lambda x: numpy.random.randint(0, 4))\n",
181 "df2[\"bang\"] = df2[\"bang\"].apply(lambda x: numpy.random.randint(0, 4))"
  /external/tensorflow/tensorflow/python/eager/
backprop.py 494 assert x_grad.numpy() == 3 * (2 ** 2) * 3 - 3 ** 2
495 assert y_grad.numpy() == (2 ** 3) - 2 * 2 * 3
502 assert x_gradgrad.numpy() == 6 * 2 * 3
510 assert y_grad.numpy() == (2 ** 3) - 2 * 2 * 3
596 assert f_val.numpy() == (2 ** 3) * 3 - 2 * (3 ** 2)
597 assert x_grad.numpy() == 3 * (2 ** 2) * 3 - 3 ** 2
598 assert y_grad.numpy() == (2 ** 3) - 2 * 2 * 3
606 assert f_val.numpy() == (2 ** 3) * 3 - 2 * (3 ** 2)
607 assert y_grad.numpy() == (2 ** 3) - 2 * 2 * 3
815 assert grad.numpy() == 6.
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/
data_feeder.py 26 import numpy as np
115 x: numpy, pandas or Dask matrix or dictionary of aforementioned. Also
117 y: numpy, pandas or Dask array or dictionary of aforementioned. Also
195 x: numpy, pandas, Dask array or dictionary of aforementioned. Also supports
226 x: numpy, pandas or iterable.
291 x: One feature sample which can either Nd numpy matrix of shape
292 `[n_samples, n_features, ...]` or dictionary of Nd numpy matrix.
303 random_state: Numpy `RandomState` object to reproduce sampling.
576 be a Nd numpy matrix or dictionary of Nd numpy matrices
    [all...]
  /external/tensorflow/tensorflow/python/framework/
test_util.py 30 import numpy as np
763 return tensor.numpy()
765 return tensor.read_value().numpy()
777 """Evaluates tensors and returns numpy values.
783 tensors numpy values.
    [all...]
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/
input_pipeline_test.py 24 import numpy
75 times = numpy.arange(num_samples)
76 values = times[:, None] * 2. + numpy.arange(num_features)[None, :]
272 self.assertAllEqual(numpy.arange(num_samples, dtype=numpy.int64)[None, :],
357 self.assertAllEqual(original_times, numpy.unique(chunked_times))
  /external/tensorflow/tensorflow/python/keras/_impl/keras/preprocessing/
image.py 31 import numpy as np
74 """Performs a random rotation of a Numpy image tensor.
89 Rotated Numpy image tensor.
110 """Performs a random spatial shift of a Numpy image tensor.
126 Shifted Numpy image tensor.
146 """Performs a random spatial shear of a Numpy image tensor.
161 Sheared Numpy image tensor.
181 """Performs a random spatial zoom of a Numpy image tensor.
196 Zoomed Numpy image tensor.
248 x: 2D numpy array, single image
    [all...]

Completed in 439 milliseconds

<<11121314151617181920>>