HomeSort by relevance Sort by last modified time
    Searched refs:b_shape (Results 1 - 15 of 15) sorted by null

  /external/tensorflow/tensorflow/contrib/factorization/python/kernel_tests/
masked_matmul_benchmark.py 62 def _run_graph(self, a_shape, b_shape, nnz, num_iters, sort=False,
68 b_shape: int list, the shape of the b matrix.
82 mask_shape = [a_shape[0], b_shape[1]]
84 b_shape = b_shape if not transpose_b else [b_shape[1], b_shape[0]]
86 b_var = variables.Variable(random_ops.random_normal(b_shape))
89 b_ph = array_ops.placeholder(dtypes.float32, shape=b_shape)
110 "cpu nnz:{nnz} a_shape:{a_shape} b_shape:{b_shape} tr_a:{tr_a}
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
betainc_op.cc 48 const TensorShape& b_shape = b.shape(); variable
50 if (a_shape.dims() > 0 && b_shape.dims() > 0) {
51 OP_REQUIRES(ctx, a_shape == b_shape,
54 a_shape.DebugString(), " vs. ", b_shape.DebugString()));
62 if (b_shape.dims() > 0 && x_shape.dims() > 0) {
63 OP_REQUIRES(ctx, b_shape == x_shape,
66 b_shape.DebugString(), " vs. ", x_shape.DebugString()));
70 if (b_shape.dims() > 0) merged_shape = b_shape;
76 if (a_shape == b_shape && a_shape == x_shape)
    [all...]
sparse_add_op.cc 33 *b_shape, *thresh_t; variable
66 OP_REQUIRES_OK(ctx, ctx->input("b_shape", &b_shape));
69 TensorShapeUtils::IsVector(b_shape->shape()),
73 b_shape->shape().DebugString()));
75 ctx, a_shape->IsSameSize(*b_shape),
78 a_shape->SummarizeValue(10), " and ", b_shape->SummarizeValue(10)));
80 const auto b_shape_flat = b_shape->flat<int64>();
sparse_sparse_binary_op_shared.cc 131 OP_REQUIRES_OK(ctx, ctx->input("b_shape", &b_shape_t));
175 const auto b_shape = b_shape_t->flat<int64>(); variable
177 OP_REQUIRES(ctx, a_shape(i) == b_shape(i),
179 a_shape(i), " and ", b_shape(i),
  /external/tensorflow/tensorflow/compiler/tf2xla/kernels/
matmul_op.cc 53 const TensorShape b_shape = ctx->InputShape(1); variable
58 OP_REQUIRES(ctx, TensorShapeUtils::IsMatrix(b_shape),
64 a_shape.dim_size(first_index) == b_shape.dim_size(second_index),
67 b_shape.DebugString()));
  /external/tensorflow/tensorflow/compiler/tf2xla/lib/
triangular_solve.cc 38 TF_ASSIGN_OR_RETURN(std::unique_ptr<xla::Shape> b_shape,
40 if (xla::ShapeUtil::Rank(*a_shape) != xla::ShapeUtil::Rank(*b_shape)) {
44 xla::ShapeUtil::HumanString(*b_shape));
55 int64 b_size = b_shape->dimensions(i);
60 xla::ShapeUtil::HumanString(*b_shape));
71 const int64 m = xla::ShapeUtil::GetDimension(*b_shape, -2);
72 const int64 n = xla::ShapeUtil::GetDimension(*b_shape, -1);
77 xla::ShapeUtil::HumanString(*b_shape));
113 xla::ShapeUtil::MakeShape(b_shape->element_type(),
125 xla::ShapeUtil::MakeShape(b_shape->element_type()
    [all...]
  /external/tensorflow/tensorflow/contrib/gan/python/features/python/
virtual_batchnorm_impl.py 259 b_shape = broadcast_shape or self._broadcast_shape
261 return array_ops.reshape(v, b_shape)
297 b_shape = self._broadcast_shape[:] # deep copy
298 b_shape[self._batch_axis] = _static_or_dynamic_batch_size(
302 self._broadcast(vb_mean, b_shape),
303 self._broadcast(vb_variance, b_shape),
  /external/tensorflow/tensorflow/python/kernel_tests/
batch_matmul_op_test.py 108 def compareNonEmpty(self, a_shape, b_shape):
111 self._rand(b_shape, dtype), adjoint_a, adjoint_b, use_static_shape)
125 def compareEmpty(self, a_shape, b_shape):
128 np.zeros(b_shape).astype(dtype), adjoint_a, adjoint_b,
tensordot_op_test.py 142 b_shape = np.random.random_integers(1, _MAXDIM, rank_b_)
148 b_shape[b_dims[i]] = shared_shape[i]
154 size=np.prod(b_shape)).reshape(b_shape).astype(dtype_)
  /external/tensorflow/tensorflow/compiler/tests/
matrix_triangular_solve_op_test.py 93 for dtype, (a_shape, b_shape) in tuples:
96 b = rng.randn(*b_shape)
  /external/tensorflow/tensorflow/python/framework/
common_shapes.py 96 b_shape = op.inputs[1].get_shape().with_rank(2)
99 output_cols = b_shape[0] if transpose_b else b_shape[1]
101 inner_b = b_shape[1] if transpose_b else b_shape[0]
  /external/tensorflow/tensorflow/core/ops/
math_ops.cc 73 ShapeHandle b_shape;
75 TF_RETURN_IF_ERROR(c->WithRankAtLeast(c->input(1), 2, &b_shape));
83 DimensionHandle output_cols = c->Dim(b_shape, adj_y ? -2 : -1);
90 TF_RETURN_IF_ERROR(c->Subshape(b_shape, 0, -2, &b_batch_dims));
96 c->Dim(b_shape, adj_y ? -1 : -2), &unused));
    [all...]
  /external/tensorflow/tensorflow/python/ops/
math_ops.py     [all...]
  /external/tensorflow/tensorflow/contrib/rnn/kernels/
lstm_ops.cc 65 Eigen::array<Eigen::DenseIndex, 2> b_shape({1, b.dimensions()[0]});
67 icfo.device(d) += b.reshape(b_shape).broadcast(broadcast_shape);
    [all...]
  /external/tensorflow/tensorflow/go/op/
wrappers.go     [all...]

Completed in 815 milliseconds