/external/tensorflow/tensorflow/core/kernels/ |
D | ops_util_test.cc | 124 static void VerifyBoundaries(bcast_struct bcast, error::Code code) { in VerifyBoundaries() argument 127 bcast.input.index, bcast.input.in_size, bcast.input.ksize, in VerifyBoundaries() 128 bcast.input.stride, bcast.input.pad_size, &new_index, &new_size); in VerifyBoundaries() 132 static void VerifyBcastValues(bcast_struct bcast) { in VerifyBcastValues() argument 135 GetBroadcastSize(bcast.input.index, bcast.input.in_size, in VerifyBcastValues() 136 bcast.input.ksize, bcast.input.stride, in VerifyBcastValues() 137 bcast.input.pad_size, &new_index, &new_size)); in VerifyBcastValues() 138 EXPECT_EQ(bcast.output.new_index, new_index); in VerifyBcastValues() 139 EXPECT_EQ(bcast.output.new_size, new_size); in VerifyBcastValues() 178 bcast_struct bcast = {{2, 3, 1, 2, 0}, {0, 3}}; in TEST_F() local [all …]
|
D | training_ops_gpu.cu.cc | 33 Eigen::array<typename TTypes<T>::Tensor::Index, 1> bcast; in operator ()() local 34 bcast[0] = grad.dimension(0); in operator ()() 36 var.device(d) -= lr.reshape(single).broadcast(bcast) * grad; in operator ()() 49 Eigen::array<typename TTypes<T>::Tensor::Index, 1> bcast; in operator ()() local 50 bcast[0] = grad.dimension(0); in operator ()() 52 var.device(d) -= lr.reshape(single).broadcast(bcast) * grad * accum.rsqrt(); in operator ()() 65 Eigen::array<typename TTypes<T>::Tensor::Index, 1> bcast; in operator ()() local 66 bcast[0] = grad.dimension(0); in operator ()() 69 accum.device(d) = accum * rho.reshape(single).broadcast(bcast) + in operator ()() 71 rho.reshape(single).broadcast(bcast)); in operator ()() [all …]
|
D | broadcast_to_op.h | 37 const typename Eigen::array<int, NDIMS> &bcast) const { in DoBCast32Bit() 38 To32Bit(out).device(device) = To32Bit(in).broadcast(bcast); in DoBCast32Bit() 45 const typename Eigen::array<Eigen::DenseIndex, NDIMS> &bcast) const { in DoBCast() 46 out.device(device) = in.broadcast(bcast); in DoBCast() 51 const Tensor &input_tensor, const BCast &bcast) const { in ReshapeAndBCast() 57 device, output_tensor.template shaped<T, NDIMS>(bcast.result_shape()), in ReshapeAndBCast() 58 input_tensor.template shaped<T, NDIMS>(bcast.x_reshape()), in ReshapeAndBCast() 59 BCast::ToIndexArrayType<int, NDIMS>(bcast.x_bcast())); in ReshapeAndBCast() 62 device, output_tensor.template shaped<T, NDIMS>(bcast.result_shape()), in ReshapeAndBCast() 63 input_tensor.template shaped<T, NDIMS>(bcast.x_reshape()), in ReshapeAndBCast() [all …]
|
D | substr_op.cc | 131 BCast bcast(BCast::FromShape(input_shape), BCast::FromShape(pos_shape)); in Compute() local 132 OP_REQUIRES(context, bcast.IsValid(), in Compute() 136 TensorShape output_shape = BCast::ToShape(bcast.result_shape()); in Compute() 144 auto input = input_tensor.shaped<string, 1>(bcast.x_reshape()); in Compute() 145 auto output = output_tensor->shaped<string, 1>(bcast.result_shape()); in Compute() 146 auto pos_shaped = pos_tensor.shaped<T, 1>(bcast.y_reshape()); in Compute() 147 auto len_shaped = len_tensor.shaped<T, 1>(bcast.y_reshape()); in Compute() 154 input_buffer.shaped<string, 1>(bcast.result_shape()); in Compute() 156 input.broadcast(BCast::ToIndexArray<1>(bcast.x_bcast())); in Compute() 164 pos_buffer.shaped<T, 1>(bcast.result_shape())); in Compute() [all …]
|
D | eigen_softmax.h | 51 Eigen::array<typename internal::traits<Input>::Index, 2> bcast; in eval() local 52 bcast[0] = dimensions(input)[0]; in eval() 53 bcast[1] = 1; in eval() 61 Eigen::IndexList<int, Eigen::type2index<1> > bcast; in eval() 62 bcast.set(0, dimensions(input)[0]); in eval() 71 input.maximum(depth_dim).eval().reshape(dims2d).broadcast(bcast)) * in eval() 76 (output.sum(depth_dim).eval().reshape(dims2d).broadcast(bcast)); in eval()
|
D | eigen_softmax_test.cc | 40 Eigen::array<int, 2> bcast; in TEST() local 41 bcast[0] = depth; in TEST() 42 bcast[1] = 1; in TEST() 48 input.maximum(depth_dim).eval().reshape(dims2d).broadcast(bcast)) * in TEST() 53 (reference.sum(depth_dim).eval().reshape(dims2d).broadcast(bcast)); in TEST()
|
D | xent_op.cc | 49 BCast bcast(BCast::FromShape(logits_in.shape()), in Compute() local 52 OP_REQUIRES(context, bcast.IsValid(), in Compute() 57 shape_in = BCast::ToShape(bcast.output_shape()); in Compute() 90 BCast::ToIndexArray<2>(bcast.x_bcast()), in Compute() 91 BCast::ToIndexArray<2>(bcast.y_bcast()), in Compute() 92 logits_in.template shaped<T, 2>(bcast.x_reshape()), in Compute() 93 labels_in.template shaped<T, 2>(bcast.y_reshape()), in Compute()
|
D | cwise_ops_common.h | 64 BCast bcast; member 96 BCast* bcast = &state.bcast; in Compute() local 125 eigen_device, out->shaped<Tout, 2>(bcast->result_shape()), in Compute() 126 in0.template shaped<Tin, 2>(bcast->x_reshape()), in Compute() 127 BCast::ToIndexArray<2>(bcast->x_bcast()), in Compute() 128 in1.template shaped<Tin, 2>(bcast->y_reshape()), in Compute() 129 BCast::ToIndexArray<2>(bcast->y_bcast()), error_ptr); in Compute() 132 eigen_device, out->shaped<Tout, 3>(bcast->result_shape()), in Compute() 133 in0.template shaped<Tin, 3>(bcast->x_reshape()), in Compute() 134 BCast::ToIndexArray<3>(bcast->x_bcast()), in Compute() [all …]
|
D | bcast_ops.cc | 46 BCast bcast(shapes[0], shapes[1]); in Compute() local 47 OP_REQUIRES(ctx, bcast.IsValid(), in Compute() 51 Output(ctx, 0, bcast.output_shape()); in Compute() 95 BCast bcast(shapes[0], shapes[1]); in Compute() local 96 OP_REQUIRES(ctx, bcast.IsValid(), in Compute() 100 Output(ctx, 0, bcast.grad_x_reduce_idx()); in Compute() 101 Output(ctx, 1, bcast.grad_y_reduce_idx()); in Compute()
|
D | bias_op.h | 37 Eigen::DSizes<int64_t, 1> bcast(rest_size); in operator() 39 input.reshape(one_d) + bias.broadcast(bcast).reshape(one_d); in operator() 44 Eigen::DSizes<int, 1> bcast(rest_size); in operator() 47 To32Bit(bias).broadcast(bcast).reshape(one_d); in operator()
|
D | cwise_ops_common.cc | 58 bcast(BCast::FromShape(in0.shape()), BCast::FromShape(in1.shape())) { in BinaryOpState() 59 if (!bcast.IsValid()) { in BinaryOpState() 65 const TensorShape output_shape = BCast::ToShape(bcast.output_shape()); in BinaryOpState() 72 ndims = static_cast<int>(bcast.x_reshape().size()); in BinaryOpState()
|
D | broadcast_to_op.cc | 77 BCast bcast(BCast::FromShape(input_shape), BCast::FromShape(output_shape), in Compute() local 79 OP_REQUIRES(ctx, bcast.IsValid(), in Compute() 85 input_tensor, input_shape, bcast); in Compute() 107 const TensorShape& input_shape, const BCast& bcast) const; \
|
D | quantized_mul_op.cc | 292 BCast bcast(BCast::FromShape(x.shape()), BCast::FromShape(y.shape())); in Compute() local 293 if (!bcast.IsValid()) { in Compute() 301 0, BCast::ToShape(bcast.output_shape()), &z)); in Compute() 316 const int ndims = bcast.x_reshape().size(); in Compute() 356 << TensorShape(bcast.x_reshape()).DebugString(); in Compute() 358 << TensorShape(bcast.y_reshape()).DebugString(); in Compute() 360 << TensorShape(bcast.x_bcast()).DebugString(); in Compute() 362 << TensorShape(bcast.y_bcast()).DebugString(); in Compute()
|
D | unravel_index_op.cc | 101 Eigen::array<Eigen::Index, 2> bcast({1, indices_tensor.NumElements()}); in Compute() local 110 output = output.binaryExpr(strides.reshape(reshape).broadcast(bcast), in Compute() 112 strides_shifted.reshape(reshape).broadcast(bcast); in Compute()
|
D | pooling_ops_3d.cc | 258 Eigen::array<int, 5> bcast = {1, csize, rsize, psize, 1}; in launch() local 262 bcast; in launch() local 263 bcast.set(1, csize); in launch() 264 bcast.set(2, rsize); in launch() 265 bcast.set(3, psize); in launch() 289 ((tensor_in_slice - tensor_out_slice.broadcast(bcast)).abs() < in launch() 291 .select(out_backprop_slice.broadcast(bcast), mat0); in launch() 431 Eigen::array<int, 5> bcast = {1, csize, rsize, psize, 1}; in launch() local 435 bcast; in launch() local 436 bcast.set(1, csize); in launch() [all …]
|
D | quantized_add_op.cc | 465 BCast bcast(BCast::FromShape(x.shape()), BCast::FromShape(y.shape())); in Compute() local 466 if (!bcast.IsValid()) { in Compute() 474 0, BCast::ToShape(bcast.output_shape()), &z)); in Compute() 498 const int ndims = bcast.x_reshape().size(); in Compute() 548 << TensorShape(bcast.x_reshape()).DebugString(); in Compute() 550 << TensorShape(bcast.y_reshape()).DebugString(); in Compute() 552 << TensorShape(bcast.x_bcast()).DebugString(); in Compute() 554 << TensorShape(bcast.y_bcast()).DebugString(); in Compute()
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | hlo_rematerialization_test.cc | 65 auto bcast = builder.AddInstruction( in MakeRematerializableComputation() local 68 HloInstruction::CreateUnary(vec1024_shape_, HloOpcode::kNegate, bcast)); in MakeRematerializableComputation() 77 ShapeUtil::MakeShape(xla::F32, {1025}), {bcast, slice_1}, in MakeRematerializableComputation() 110 auto bcast = builder.AddInstruction( in MakeRematerializableWhileComputation() local 113 HloInstruction::CreateSlice(vec1_shape_, bcast, /*start_indices=*/{0}, in MakeRematerializableWhileComputation() 119 ShapeUtil::MakeShape(xla::F32, {1025}), {bcast, while_inst}, in MakeRematerializableWhileComputation() 174 const HloInstruction* bcast = concat->operand(0); in TEST_F() local 188 EXPECT_THAT(remat_bcast, op::Broadcast(::testing::Ne(bcast))); in TEST_F() 442 auto bcast = builder.AddInstruction( in TEST_F() local 445 vec1024_shape_, HloOpcode::kAdd, bcast, bcast)); in TEST_F() [all …]
|
D | buffer_assignment_test.cc | 1765 auto bcast = builder.AddInstruction(HloInstruction::CreateBroadcast( in TEST_F() local 1768 ShapeUtil::MakeShape(F32, {123, 123, 123}), bcast, {0})); in TEST_F() 1772 const BufferAllocation& buffer = GetTopLevelAllocation(*buffers, bcast); in TEST_F() 1782 if (peak_buffers[0]->instruction() == bcast) { in TEST_F() 1789 EXPECT_EQ(bcast_buffer->instruction(), bcast); in TEST_F() 2022 const HloInstruction* bcast = m->entry_computation()->root_instruction(); in TEST_F() local 2025 ASSERT_EQ(bcast->opcode(), HloOpcode::kBroadcast); in TEST_F() 2026 const HloInstruction* while1 = bcast->operand(0); in TEST_F() 2089 const HloInstruction* bcast = m->entry_computation()->root_instruction(); in TEST_F() local 2092 ASSERT_EQ(bcast->opcode(), HloOpcode::kBroadcast); in TEST_F() [all …]
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | bcast_ops.cc | 52 BCast bcast(shapes[0], shapes[1]); in Compile() local 53 OP_REQUIRES(ctx, bcast.IsValid(), in Compile() 58 const int64 len = bcast.output_shape().size(); in Compile() 61 output.flat<int32>()(i) = static_cast<int32>(bcast.output_shape()[i]); in Compile() 102 BCast bcast(shapes[0], shapes[1]); in Compile() local 103 OP_REQUIRES(ctx, bcast.IsValid(), in Compile() 107 Output(ctx, 0, bcast.grad_x_reduce_idx()); in Compile() 108 Output(ctx, 1, bcast.grad_y_reduce_idx()); in Compile()
|
D | cwise_ops.cc | 43 BCast bcast(BCast::FromShape(lhs_shape), BCast::FromShape(rhs_shape), in Compile() local 45 if (!bcast.IsValid()) { in Compile() 51 TensorShape bcast_shape = BCast::ToShape(bcast.output_shape()); in Compile() 82 rhs_shape.dim_sizes(), bcast, extend_dimension); in Compile()
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_forced_eval.cpp | 61 Eigen::array<int, 2> bcast; in test_const() local 62 bcast[0] = 3; in test_const() 63 bcast[1] = 1; in test_const() 65 …t_tensor= (input_tensor - input_tensor.maximum(depth_dim).eval().reshape(dims2d).broadcast(bcast)); in test_const()
|
/external/tensorflow/tensorflow/core/grappler/utils/ |
D | symbolic_shapes.cc | 99 BCast bcast(ShapeDims(left), ShapeDims(right), in ShapesBroadcastable() local 101 return bcast.IsValid(); in ShapesBroadcastable() 115 BCast bcast(ShapeDims(left), ShapeDims(right), in ShapeAfterBroadcast() local 117 if (!bcast.IsValid()) { in ShapeAfterBroadcast() 122 for (const auto& dim : bcast.output_shape()) { in ShapeAfterBroadcast()
|
/external/tensorflow/tensorflow/contrib/tensor_forest/kernels/ |
D | tree_utils.cc | 100 Eigen::array<Eigen::Index, 1> bcast; in GetTwoBestClassification() local 101 bcast[0] = num_splits; in GetTwoBestClassification() 103 tc.broadcast(bcast) - splits; in GetTwoBestClassification() 181 Eigen::array<Eigen::Index, 1> bcast; in GetTwoBestRegression() local 182 bcast[0] = num_splits; in GetTwoBestRegression() 183 const auto right_sums = tc_sum.broadcast(bcast) - splits_sum; in GetTwoBestRegression() 184 const auto right_squares = tc_square.broadcast(bcast) - splits_square; in GetTwoBestRegression()
|
/external/scapy/scapy/ |
D | route.py | 189 bcast = atol(addr)|(~msk&0xffffffff); # FIXME: check error in atol() 190 return ltoa(bcast)
|
/external/libnl/lib/route/ |
D | addr.c | 977 int rtnl_addr_set_broadcast(struct rtnl_addr *addr, struct nl_addr *bcast) in rtnl_addr_set_broadcast() argument 979 if (bcast && bcast->a_family != AF_INET) in rtnl_addr_set_broadcast() 982 return __assign_addr(addr, &addr->a_bcast, bcast, ADDR_ATTR_BROADCAST); in rtnl_addr_set_broadcast()
|