HomeSort by relevance Sort by last modified time
    Searched full:np_dtype (Results 1 - 19 of 19) sorted by null

  /external/tensorflow/tensorflow/python/kernel_tests/
linalg_ops_test.py 75 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
77 matrix = _RandomPDMatrix(n, self.rng, np_dtype)
82 # [_RandomPDMatrix(n, self.rng, np_dtype),
83 # _RandomPDMatrix(n, self.rng, np_dtype)]).astype(np_dtype)
88 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
90 matrix = (np.eye(20) * 1e-6).astype(np_dtype)
104 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5),
106 matrix = _RandomPDMatrix(n, self.rng, np_dtype)
114 for np_dtype, atol in [(np.float32, 0.05), (np.float64, 1e-5)
    [all...]
self_adjoint_eig_op_test.py 125 np_dtype = dtype_.as_numpy_dtype
127 low=-1.0, high=1.0, size=n * n).reshape([n, n]).astype(np_dtype)
130 low=-1.0, high=1.0, size=n * n).reshape([n, n]).astype(np_dtype)
170 np_dtype = dtype_.as_numpy_dtype
172 low=-1.0, high=1.0, size=n * n).reshape([n, n]).astype(np_dtype)
175 low=-1.0, high=1.0, size=n * n).reshape([n, n]).astype(np_dtype)
179 epsilon = np.finfo(np_dtype).eps
206 low=-1.0, high=1.0, size=n * n).reshape([n, n]).astype(np_dtype)
209 low=-1.0, high=1.0, size=n * n).reshape([n, n]).astype(np_dtype)
confusion_matrix_test.py 79 def _testConfMatrixOnTensors(self, tf_dtype, np_dtype):
106 truth = np.zeros([2, 2], dtype=np_dtype)
114 self.assertEqual(cm_out.dtype, np_dtype)
sparse_tensor_dense_matmul_op_test.py 206 def _testLarge(self, np_dtype):
214 x = _maybe_complex(np.random.rand(m, k).astype(np_dtype))
217 y = _maybe_complex(np.random.randn(k, n).astype(np_dtype))
sparse_add_op_test.py 52 def _randomTensor(self, size, np_dtype, sparse=True):
54 x = np.random.randn(n, m).astype(np_dtype)
array_ops_test.py 283 def _reverse1DimAuto(self, np_dtype):
284 x_np = np.array([1, 200, 3, 40, 5], dtype=np_dtype)
294 def _reverse2DimAuto(self, np_dtype):
295 x_np = np.array([[1, 200, 3], [4, 5, 60]], dtype=np_dtype)
415 def _compareDiffType(self, n, np_dtype, use_gpu):
419 x = np.linspace(-10, 10, 5).astype(np_dtype)
420 if np_dtype in (np.complex64, np.complex128):
    [all...]
tensor_array_ops_test.py 831 np_dtype = dtype.as_numpy_dtype
860 v0 = array_ops.identity(np.arange(3 * 5, dtype=np_dtype).reshape(3, 5))
861 state0 = array_ops.identity(np.array([1] * 5, dtype=np_dtype))
862 init_val = np.arange(100, 105, dtype=np_dtype)
866 dtype=np_dtype,
870 grad_val = -np.arange(3 * 5, dtype=np_dtype).reshape(3, 5)
    [all...]
fifo_queue_test.py     [all...]
padding_fifo_queue_test.py     [all...]
  /external/autotest/client/cros/audio/
audio_data.py 91 np_dtype = '%s%d' % (sample_format_dict['dtype_str'],
95 np_array = np.fromstring(binary, dtype=np_dtype)
  /tools/test/connectivity/acts/framework/acts/test_utils/audio_analysis_lib/
audio_data.py 102 np_dtype = '%s%d' % (sample_format_dict['dtype_str'],
106 np_array = numpy.fromstring(binary, dtype=np_dtype)
  /external/tensorflow/tensorflow/contrib/signal/python/kernel_tests/
window_ops_test.py 71 np_dtype = tf_dtype.as_numpy_dtype
73 symmetric=not periodic).astype(np_dtype)
  /external/tensorflow/tensorflow/compiler/xla/python/
numpy_bridge.cc 115 PyArray_Descr* np_dtype = PyArray_DescrFromType(np_typenum); local
134 return PyTuple_Pack(2, np_dtype, dimensions);
206 TF_ASSIGN_OR_RETURN(np_type, get_attr("np_dtype"));
208 return error("Shape attribute np_dtype is not an integer numpy dtype");
211 return error("Shape attribute np_dtype is not a valid integer numpy dtype");
xla_client.py 191 def __init__(self, np_dtype, dimensions, minor_to_major=None):
193 self.np_dtype = np_dtype
200 return (self.np_dtype == other.np_dtype and
205 return ('xla_client.Shape(np_dtype={!r}, dimensions={!r}, '
206 'minor_to_major={!r})').format(self.np_dtype, self._dimensions,
210 return DTYPE_TO_XLA_ELEMENT_TYPE[str(self.np_dtype)]
259 updated = Shape(self.np_dtype, tuple(self.dimensions()), minor_to_major)
929 shape = Shape(self.GetShape(mu).np_dtype, dims
    [all...]
  /external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/
cudnn_rnn_test.py 170 np_dtype = np.float32 if self._dtype == dtypes.float32 else np.float64
172 input_size).astype(np_dtype)
174 num_units).astype(np_dtype)
177 num_units).astype(np_dtype)
188 np_dtype = np.float32 if self._dtype == dtypes.float32 else np.float64
190 num_units)).astype(np_dtype)
193 num_units)).astype(np_dtype)
    [all...]
  /external/tensorflow/tensorflow/compiler/tests/
tensor_array_ops_test.py 608 # np_dtype = dtype.as_numpy_dtype
610 # v0 = array_ops.identity(np.arange(3 * 5, dtype=np_dtype).reshape(3, 5))
611 # var = variables.Variable(np.arange(100, 105, dtype=np_dtype))
612 # state0 = array_ops.identity(np.array([1] * 5, dtype=np_dtype))
638 # grad_val = -np.arange(3 * 5, dtype=np_dtype).reshape(3, 5)
    [all...]
  /external/tensorflow/tensorflow/contrib/rnn/python/kernel_tests/
core_rnn_cell_test.py 177 np_dtype = dtype.as_numpy_dtype
217 [[0.240, 0.240]], dtype=np_dtype), 1e-2)
220 dtype=np_dtype)
231 x.name: np.array([[1., 1., 1.]], dtype=np_dtype),
232 m.name: 0.1 * np.ones([1, 4], dtype=np_dtype)
    [all...]
  /external/tensorflow/tensorflow/python/framework/
tensor_util_test.py 607 for dtype, np_dtype in [(dtypes.complex64, np.complex64),
616 dtype=np_dtype),
    [all...]
  /external/tensorflow/tensorflow/python/client/
session_test.py     [all...]

Completed in 304 milliseconds