/external/tensorflow/tensorflow/contrib/factorization/python/kernel_tests/ |
D | masked_matmul_benchmark.py | 62 def _run_graph(self, a_shape, b_shape, nnz, num_iters, sort=False, argument 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) 115 b_shape=b_shape, 138 b_shape = [dim, 10000] 139 self._run_graph(a_shape, b_shape, nnz, num_iters, sort, transpose_a,
|
/external/tensorflow/tensorflow/core/kernels/ |
D | betainc_op.cc | 48 const TensorShape& b_shape = b.shape(); in Compute() local 50 if (a_shape.dims() > 0 && b_shape.dims() > 0) { in Compute() 51 OP_REQUIRES(ctx, a_shape == b_shape, in Compute() 54 a_shape.DebugString(), " vs. ", b_shape.DebugString())); in Compute() 62 if (b_shape.dims() > 0 && x_shape.dims() > 0) { in Compute() 63 OP_REQUIRES(ctx, b_shape == x_shape, in Compute() 66 b_shape.DebugString(), " vs. ", x_shape.DebugString())); in Compute() 70 if (b_shape.dims() > 0) merged_shape = b_shape; in Compute() 76 if (a_shape == b_shape && a_shape == x_shape) { in Compute() 85 BCast b_shaper(BCast::FromShape(b_shape), merged_shape_vec); in Compute()
|
D | sparse_add_op.cc | 33 *b_shape, *thresh_t; in Compute() local 66 OP_REQUIRES_OK(ctx, ctx->input("b_shape", &b_shape)); in Compute() 69 TensorShapeUtils::IsVector(b_shape->shape()), in Compute() 73 b_shape->shape().DebugString())); in Compute() 75 ctx, a_shape->IsSameSize(*b_shape), in Compute() 78 a_shape->SummarizeValue(10), " and ", b_shape->SummarizeValue(10))); in Compute() 80 const auto b_shape_flat = b_shape->flat<int64>(); in Compute()
|
D | sparse_sparse_binary_op_shared.cc | 175 const auto b_shape = b_shape_t->flat<int64>(); in Compute() local 177 OP_REQUIRES(ctx, a_shape(i) == b_shape(i), in Compute() 179 a_shape(i), " and ", b_shape(i), in Compute()
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | matmul_op.cc | 54 const TensorShape b_shape = ctx->InputShape(1); in Compile() local 62 ctx, TensorShapeUtils::IsMatrix(b_shape), in Compile() 64 b_shape.DebugString())); in Compile() 69 a_shape.dim_size(first_index) == b_shape.dim_size(second_index), in Compile() 72 b_shape.DebugString())); in Compile()
|
D | einsum_op.cc | 42 const TensorShape b_shape = ctx->InputShape(1); in Compile() local
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | triangular_solve_expander.cc | 259 TF_ASSIGN_OR_RETURN(Shape b_shape, builder->GetShape(b)); in SolveWithInvertedDiagonalBlocks() 267 int64 m = ShapeUtil::GetDimension(b_shape, m_dim); in SolveWithInvertedDiagonalBlocks() 357 TF_ASSIGN_OR_RETURN(Shape b_shape, builder->GetShape(b)); in BuildTriangularSolve() 358 if (a_shape.rank() != b_shape.rank()) { in BuildTriangularSolve() 362 ShapeUtil::HumanString(a_shape), ShapeUtil::HumanString(b_shape)); in BuildTriangularSolve() 374 int64 b_size = b_shape.dimensions(i); in BuildTriangularSolve() 379 ShapeUtil::HumanString(a_shape), ShapeUtil::HumanString(b_shape)); in BuildTriangularSolve() 391 const int64 m = ShapeUtil::GetDimension(b_shape, -2); in BuildTriangularSolve() 392 const int64 n = ShapeUtil::GetDimension(b_shape, -1); in BuildTriangularSolve() 397 ShapeUtil::HumanString(a_shape), ShapeUtil::HumanString(b_shape)); in BuildTriangularSolve() [all …]
|
D | hlo_cost_analysis.cc | 556 const Shape& b_shape = hlo->operand(1)->shape(); in HandleTriangularSolve() local 559 elems *= ShapeUtil::ElementsIn(b_shape); in HandleTriangularSolve()
|
/external/tensorflow/tensorflow/contrib/gan/python/features/python/ |
D | virtual_batchnorm_impl.py | 260 b_shape = broadcast_shape or self._broadcast_shape 262 return array_ops.reshape(v, b_shape) 298 b_shape = self._broadcast_shape[:] # deep copy 299 b_shape[self._batch_axis] = _static_or_dynamic_batch_size( 303 self._broadcast(vb_mean, b_shape), 304 self._broadcast(vb_variance, b_shape),
|
D | spectral_normalization_test.py | 107 def _testLayerHelper(self, build_layer_fn, w_shape, b_shape, is_keras=False): argument 112 b_initial = np.random.randn(*b_shape)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | tensordot_op_test.py | 147 b_shape = np.random.random_integers(1, _MAXDIM, rank_b_) 153 b_shape[b_dims[i]] = shared_shape[i] 159 size=np.prod(b_shape)).reshape(b_shape).astype(dtype_)
|
D | batch_matmul_op_test.py | 109 def CompareNonEmpty(self, a_shape, b_shape): argument 112 self._rand(b_shape, dtype), adjoint_a, adjoint_b, use_static_shape) 126 def CompareEmpty(self, a_shape, b_shape): argument 129 np.zeros(b_shape).astype(dtype), adjoint_a, adjoint_b,
|
/external/tensorflow/tensorflow/python/framework/ |
D | common_shapes.py | 108 b_shape = op.inputs[1].get_shape().with_rank(2) 111 output_cols = b_shape[0] if transpose_b else b_shape[1] 113 inner_b = b_shape[1] if transpose_b else b_shape[0]
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | matrix_triangular_solve_op_test.py | 101 for dtype, (a_shape, b_shape) in tuples: 104 b = rng.randn(*b_shape)
|
/external/tensorflow/tensorflow/core/ops/ |
D | math_ops.cc | 129 ShapeHandle b_shape; in __anonb22bfa860202() local 131 TF_RETURN_IF_ERROR(c->WithRankAtLeast(c->input(1), 2, &b_shape)); in __anonb22bfa860202() 139 DimensionHandle output_cols = c->Dim(b_shape, adj_y ? -2 : -1); in __anonb22bfa860202() 146 TF_RETURN_IF_ERROR(c->Subshape(b_shape, 0, -2, &b_batch_dims)); in __anonb22bfa860202() 152 c->Dim(b_shape, adj_y ? -1 : -2), &unused)); in __anonb22bfa860202() 1460 ShapeHandle b_shape; in __anonb22bfa860c02() local 1463 TF_RETURN_IF_ERROR(c->WithRankAtLeast(c->input(1), 1, &b_shape)); in __anonb22bfa860c02() 1466 TF_RETURN_IF_ERROR(c->Merge(a_shape, b_shape, &a_shape)); in __anonb22bfa860c02()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_SparseSparseMinimum.pbtxt | 35 name: "b_shape"
|
D | api_def_SparseSparseMaximum.pbtxt | 35 name: "b_shape"
|
D | api_def_SparseAdd.pbtxt | 34 name: "b_shape"
|
/external/tensorflow/tensorflow/python/ops/parallel_for/ |
D | pfor.py | 1947 b_shape = array_ops.shape(b) 1948 min_dim = math_ops.minimum(b_shape[0], b_shape[1]) 1951 new_shape = array_ops.stack([b_shape[1], b_shape[0], b_shape[2]]) 2023 b_shape = array_ops.shape(bias) 2025 [b_shape[:-3], b_shape[-1:], b_shape[-3:-1]], axis=0)
|
/external/tensorflow/tensorflow/python/ops/ |
D | math_ops.py | 2529 b_shape = b._shape_tuple() # pylint: disable=protected-access 2532 (b_shape is None or len(b_shape) > 2)):
|
/external/tensorflow/tensorflow/contrib/rnn/kernels/ |
D | lstm_ops.cc | 66 Eigen::array<Eigen::DenseIndex, 2> b_shape({1, b.dimensions()[0]}); in LSTMBlockCellFpropWithEigen() local 68 icfo.device(d) += b.reshape(b_shape).broadcast(broadcast_shape); in LSTMBlockCellFpropWithEigen()
|
/external/tensorflow/tensorflow/compiler/xla/client/ |
D | xla_builder.cc | 3036 TF_ASSIGN_OR_RETURN(const Shape& b_shape, builder->GetShape(b)); in TriangularSolve() 3044 a_shape, b_shape, options)); in TriangularSolve()
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.raw_ops.pbtxt | 3417 …\'a_indices\', \'a_values\', \'a_shape\', \'b_indices\', \'b_values\', \'b_shape\', \'thresh\', \'… 3573 …\'a_indices\', \'a_values\', \'a_shape\', \'b_indices\', \'b_values\', \'b_shape\', \'name\'], var… 3577 …\'a_indices\', \'a_values\', \'a_shape\', \'b_indices\', \'b_values\', \'b_shape\', \'name\'], var…
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.raw_ops.pbtxt | 3417 …\'a_indices\', \'a_values\', \'a_shape\', \'b_indices\', \'b_values\', \'b_shape\', \'thresh\', \'… 3573 …\'a_indices\', \'a_values\', \'a_shape\', \'b_indices\', \'b_values\', \'b_shape\', \'name\'], var… 3577 …\'a_indices\', \'a_values\', \'a_shape\', \'b_indices\', \'b_values\', \'b_shape\', \'name\'], var…
|
/external/tensorflow/tensorflow/go/op/ |
D | wrappers.go | 13991 …s tf.Output, a_shape tf.Output, b_indices tf.Output, b_values tf.Output, b_shape tf.Output, thresh… 13998 a_indices, a_values, a_shape, b_indices, b_values, b_shape, thresh, 15292 …s tf.Output, a_shape tf.Output, b_indices tf.Output, b_values tf.Output, b_shape tf.Output) (outpu… 15299 a_indices, a_values, a_shape, b_indices, b_values, b_shape, 28165 …s tf.Output, a_shape tf.Output, b_indices tf.Output, b_values tf.Output, b_shape tf.Output) (outpu… 28172 a_indices, a_values, a_shape, b_indices, b_values, b_shape,
|