HomeSort by relevance Sort by last modified time
    Searched refs:reshape (Results 76 - 100 of 522) sorted by null

1 2 34 5 6 7 8 91011>>

  /external/tensorflow/tensorflow/core/kernels/
xent_op.h 87 scratch.reshape(batch_only).device(d) = logits.maximum(along_class);
93 scratch.reshape(batch_only).device(d) = backprop.exp().sum(along_class);
  /external/tensorflow/tensorflow/python/kernel_tests/random/
random_crop_test.py 32 value = np.arange(0, np.prod(shape), dtype=np.int32).reshape(shape)
58 value = np.arange(size).reshape(shape)
  /external/tensorflow/tensorflow/python/ops/
data_flow_grad.py 38 original_indices = array_ops.reshape(
43 reconstructed = array_ops.reshape(reconstructed, array_ops.shape(data))
histogram_ops.py 83 values = array_ops.reshape(values, [-1])
101 return array_ops.reshape(indices, shape)
array_grad.py 250 before_pad = array_ops.reshape(begin_vec, shape)
251 after_pad = array_ops.reshape(
407 values = array_ops.reshape(grad, values_shape)
408 indices = array_ops.reshape(indices, size)
438 values = array_ops.reshape(grad, values_shape)
439 indices = array_ops.reshape(indices, indices_size)
452 values = array_ops.reshape(grad, values_shape)
453 indices = array_ops.reshape(indices, indices_size)
516 @ops.RegisterGradient("Reshape")
518 return [array_ops.reshape(grad, array_ops.shape(op.inputs[0])), None
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
constant_op_eager_test.py 62 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.float32))
64 np.random.normal(size=30).reshape([2, 3, 5]).astype(np.float32))
90 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.float64))
92 np.random.normal(size=30).reshape([2, 3, 5]).astype(np.float64))
110 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.int32))
112 (100 * np.random.normal(size=30)).reshape([2, 3, 5]).astype(np.int32))
117 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.int64))
119 (100 * np.random.normal(size=30)).reshape([2, 3, 5]).astype(np.int64))
134 np.arange(-15, 15).reshape([2, 3, 5]).astype(np.complex64))
137 np.random.normal(size=30).reshape([2, 3, 5]).astype(np.complex64)
    [all...]
constant_op_test.py 69 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(bfloat16))
71 np.random.normal(size=30).reshape([2, 3, 5]).astype(bfloat16))
75 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.float16))
77 np.random.normal(size=30).reshape([2, 3, 5]).astype(np.float16))
81 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.float32))
83 np.random.normal(size=30).reshape([2, 3, 5]).astype(np.float32))
87 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.float64))
89 np.random.normal(size=30).reshape([2, 3, 5]).astype(np.float64))
93 self._testAll(np.arange(-15, 15).reshape([2, 3, 5]).astype(np.int32))
94 self._testAll((100 * np.random.normal(size=30)).reshape([2, 3, 5]).astype
    [all...]
parse_single_example_op_test.py 425 aname: np.array([1, 1], dtype=np.float32).reshape(1, 2, 1),
426 bname: np.array(["b0_str"], dtype=bytes).reshape(1, 1, 1, 1)
428 aname: np.array([-1, -1], dtype=np.float32).reshape(1, 2, 1),
429 bname: np.array([""], dtype=bytes).reshape(1, 1, 1, 1)
469 aname: np.array([1, 1], dtype=np.float32).reshape(1, 2, 1),
470 bname: np.array(["b0_str"], dtype=bytes).reshape(1, 1, 1, 1)
472 aname: np.array([-1, -1], dtype=np.float32).reshape(1, 2, 1),
473 bname: np.array(["b1"], dtype=bytes).reshape(1, 1, 1, 1)
528 "a": np.array([1, 1], dtype=np.float32).reshape(1, 2, 1),
529 "b": np.array("tmp_str", dtype=bytes).reshape(1, 1, 1, 1
    [all...]
trace_op_test.py 40 x = np.random.rand(np.prod(shape)).astype(dtype).reshape(shape)
cwise_ops_test.py 204 x = np.arange(-3, 3).reshape(1, 3, 2).astype(np.float32)
253 x = np.arange(40, 40 + 6).reshape(6).astype(np.float32)
255 x = np.arange(-40, -40 + 6).reshape(6).astype(np.float32)
298 x = np.arange(-3, 3).reshape(1, 3, 2).astype(np.float64)
303 0.35).reshape(1, 3, 2).astype(np.float64) # between -1 and 1
346 x = np.arange(-3, 3).reshape(1, 3, 2).astype(np.float16)
382 x = np.arange(-6, 6, 2).reshape(1, 3, 2).astype(np.int32)
396 x = np.arange(-6 << 40, 6 << 40, 2 << 40).reshape(1, 3, 2).astype(np.int64)
410 x = np.complex(1, 1) * np.arange(-3, 3).reshape(1, 3, 2).astype(
454 x = np.complex(1, 1) * np.arange(-3, 3).reshape(1, 3, 2).astype
    [all...]
  /external/tensorflow/tensorflow/contrib/slim/python/slim/data/
tfexample_decoder_test.py 92 0, num_pixels - 1, num=num_pixels).reshape(image_shape).astype(np.uint8)
112 serialized_example = array_ops.reshape(serialized_example, shape=[])
253 serialized_example = array_ops.reshape(serialized_example, shape=[])
281 serialized_example = array_ops.reshape(serialized_example, shape=[])
301 serialized_example = array_ops.reshape(serialized_example, shape=[])
321 serialized_example = array_ops.reshape(serialized_example, shape=[])
342 serialized_example = array_ops.reshape(serialized_example, shape=[])
367 serialized_example = array_ops.reshape(serialized_example, shape=[])
395 serialized_example = array_ops.reshape(serialized_example, shape=[])
434 serialized_example = array_ops.reshape(serialized_example, shape=[]
    [all...]
  /external/autotest/client/cros/audio/
audio_data.py 97 # Reshape np_array into an array of shape (n_frames, channel).
98 np_array = np_array.reshape(n_frames, self.channel)
  /external/tensorflow/tensorflow/contrib/coder/python/ops/
coder_ops_test.py 41 cdf = array_ops.reshape(cdf, [1, 1, -1])
  /external/tensorflow/tensorflow/examples/learn/
text_classification_character_cnn.py 50 input_layer = tf.reshape(
122 x_train = x_train.reshape([-1, MAX_DOCUMENT_LENGTH, 1, 1])
123 x_test = x_test.reshape([-1, MAX_DOCUMENT_LENGTH, 1, 1])
145 y_predicted = y_predicted.reshape(np.array(y_test).shape)
  /external/tensorflow/tensorflow/python/keras/_impl/keras/utils/
np_utils.py 49 categorical = np.reshape(categorical, output_shape)
np_utils_test.py 49 np.argmax(one_hot, -1).reshape(label.shape) == label))
  /external/tensorflow/tensorflow/python/ops/distributions/
multinomial.py 248 flat_logits = array_ops.reshape(logits, [-1, k]) # [B1B2...Bm, k]
249 flat_ndraws = n * array_ops.reshape(n_draws, [-1]) # [B1B2...Bm]
256 x = array_ops.reshape(x, shape=[n, -1]) # [n, n_draw]
264 # reshape the results to proper shape
267 x = array_ops.reshape(x, final_shape) # [n, B1, B2,..., Bm, k]
  /external/webrtc/talk/app/webrtc/objc/
RTCNSGLVideoView.m 70 - (void)reshape {
71 [super reshape];
  /external/webrtc/webrtc/api/objc/
RTCNSGLVideoView.m 53 - (void)reshape {
54 [super reshape];
  /frameworks/av/services/camera/libcameraservice/tests/
DistortionMapperComp.py 26 rawCoords2 = rawCoords.reshape(-1, 1, 2)
  /tools/test/connectivity/acts/framework/acts/test_utils/audio_analysis_lib/
audio_data.py 109 # Reshape np_array into an array of shape (n_frames, channel).
110 np_array = np_array.reshape(int(n_frames), self.channel)
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
reshape_test.py 15 """Tests for Reshape Bijector."""
23 from tensorflow.contrib.distributions.python.ops.bijectors.reshape import Reshape
35 """Base class for testing the reshape transformation.
54 expected_y = np.reshape(expected_x, [4, 6])
58 bijector = Reshape(
71 self.assertEqual("reshape", bijector.name)
84 bijector = Reshape(
103 expected_y = np.reshape(expected_x, [4, 3])
110 bijector = Reshape(
    [all...]
  /external/eigen/unsupported/test/
cxx11_tensor_morphing.cpp 27 tensor2 = tensor1.reshape(dim1);
29 tensor3 = tensor1.reshape(dim2);
31 tensor4 = tensor1.reshape(dim1).reshape(dim3);
59 tensor3 = tensor1.reshape(newDims1).contract(tensor2.reshape(newDims2), contract_along);
77 tensor2d.reshape(dim) = tensor;
81 tensor5d.reshape(dim).device(Eigen::DefaultDevice()) = tensor;
160 Tensor<float, 1, DataLayout> tensor6 = tensor4.reshape(DSizes<ptrdiff_t, 1>(7*7)).exp().slice(DSizes<ptrdiff_t, 1>(0), DSizes<ptrdiff_t, 1>(35));
450 matrix.slice(DSizes<ptrdiff_t, 2>(2, 0), DSizes<ptrdiff_t, 2>(1, 11)).reshape(newDims)
    [all...]
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
wishart_test.py 243 np.reshape(log_prob, (2, 2)),
244 w.log_prob(np.reshape(x, (2, 2, 2, 2))).eval())
246 np.reshape(np.exp(log_prob), (2, 2)),
247 w.prob(np.reshape(x, (2, 2, 2, 2))).eval())
249 w.log_prob(np.reshape(x, (2, 2, 2, 2))).get_shape())
265 np.reshape(log_prob, (2, 2)),
266 w.log_prob(np.reshape(chol_x, (2, 2, 2, 2))).eval())
268 np.reshape(np.exp(log_prob), (2, 2)),
269 w.prob(np.reshape(chol_x, (2, 2, 2, 2))).eval())
271 w.log_prob(np.reshape(x, (2, 2, 2, 2))).get_shape()
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
estimator_input_test.py 51 array_ops.reshape(
54 labels = array_ops.reshape(constant_op.constant(boston.target), [-1, 1])
72 features = array_ops.reshape(
74 labels = array_ops.reshape(constant_op.constant(iris.target), [-1])
80 features = array_ops.reshape(
83 'labels': array_ops.reshape(constant_op.constant(iris.target), [-1])
91 features = array_ops.reshape(
93 labels = array_ops.reshape(
339 features = array_ops.reshape(
341 labels = array_ops.reshape(constant_op.constant(boston.target), [-1, 1]
    [all...]

Completed in 778 milliseconds

1 2 34 5 6 7 8 91011>>