Home
last modified time | relevance | path

Searched refs:bcast (Results 1 – 25 of 37) sorted by relevance

12

/external/tensorflow/tensorflow/core/kernels/
Dops_util_test.cc124 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 …]
Dtraining_ops_gpu.cu.cc33 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 ()()
47 Eigen::array<typename TTypes<T>::Tensor::Index, 1> bcast; in operator ()() local
48 bcast[0] = grad.dimension(0); in operator ()()
50 var.device(d) -= lr.reshape(single).broadcast(bcast) * grad * accum.rsqrt(); in operator ()()
63 Eigen::array<typename TTypes<T>::Tensor::Index, 1> bcast; in operator ()() local
64 bcast[0] = grad.dimension(0); in operator ()()
67 accum.device(d) = accum * rho.reshape(single).broadcast(bcast) + in operator ()()
69 rho.reshape(single).broadcast(bcast)); in operator ()()
[all …]
Dsubstr_op.cc96 BCast bcast(BCast::FromShape(input_shape), BCast::FromShape(pos_shape)); in Compute() local
97 OP_REQUIRES(context, bcast.IsValid(), in Compute()
101 TensorShape output_shape = BCast::ToShape(bcast.result_shape()); in Compute()
109 auto input = input_tensor.shaped<string, 1>(bcast.x_reshape()); in Compute()
110 auto output = output_tensor->shaped<string, 1>(bcast.result_shape()); in Compute()
111 auto pos_shaped = pos_tensor.shaped<T, 1>(bcast.y_reshape()); in Compute()
112 auto len_shaped = len_tensor.shaped<T, 1>(bcast.y_reshape()); in Compute()
119 input_buffer.shaped<string, 1>(bcast.result_shape()); in Compute()
121 input.broadcast(BCast::ToIndexArray<1>(bcast.x_bcast())); in Compute()
129 pos_buffer.shaped<T, 1>(bcast.result_shape())); in Compute()
[all …]
Deigen_softmax.h51 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()
Deigen_softmax_test.cc41 Eigen::array<int, 2> bcast; in TEST() local
42 bcast[0] = depth; in TEST()
43 bcast[1] = 1; in TEST()
49 input.maximum(depth_dim).eval().reshape(dims2d).broadcast(bcast)) * in TEST()
54 (reference.sum(depth_dim).eval().reshape(dims2d).broadcast(bcast)); in TEST()
Dcwise_ops_common.h62 BCast bcast; member
94 BCast* bcast = &state.bcast; in Compute() local
123 eigen_device, out->shaped<Tout, 2>(bcast->result_shape()), in Compute()
124 in0.template shaped<Tin, 2>(bcast->x_reshape()), in Compute()
125 BCast::ToIndexArray<2>(bcast->x_bcast()), in Compute()
126 in1.template shaped<Tin, 2>(bcast->y_reshape()), in Compute()
127 BCast::ToIndexArray<2>(bcast->y_bcast()), error_ptr); in Compute()
130 eigen_device, out->shaped<Tout, 3>(bcast->result_shape()), in Compute()
131 in0.template shaped<Tin, 3>(bcast->x_reshape()), in Compute()
132 BCast::ToIndexArray<3>(bcast->x_bcast()), in Compute()
[all …]
Dbcast_ops.cc46 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()
Dbias_op.h37 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()
Dcwise_ops_common.cc58 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()
Dquantized_mul_op.cc293 BCast bcast(BCast::FromShape(x.shape()), BCast::FromShape(y.shape())); in Compute() local
294 if (!bcast.IsValid()) { in Compute()
302 0, BCast::ToShape(bcast.output_shape()), &z)); in Compute()
317 const int ndims = bcast.x_reshape().size(); in Compute()
357 << TensorShape(bcast.x_reshape()).DebugString(); in Compute()
359 << TensorShape(bcast.y_reshape()).DebugString(); in Compute()
361 << TensorShape(bcast.x_bcast()).DebugString(); in Compute()
363 << TensorShape(bcast.y_bcast()).DebugString(); in Compute()
Dunravel_index_op.cc101 Eigen::array<int64, 2> bcast({1, indices_tensor.NumElements()}); in Compute() local
108 output = output.binaryExpr(strides.reshape(reshape).broadcast(bcast), in Compute()
110 strides_shifted.reshape(reshape).broadcast(bcast); in Compute()
Dpooling_ops_3d.cc258 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 …]
Dquantized_add_op.cc466 BCast bcast(BCast::FromShape(x.shape()), BCast::FromShape(y.shape())); in Compute() local
467 if (!bcast.IsValid()) { in Compute()
475 0, BCast::ToShape(bcast.output_shape()), &z)); in Compute()
499 const int ndims = bcast.x_reshape().size(); in Compute()
549 << TensorShape(bcast.x_reshape()).DebugString(); in Compute()
551 << TensorShape(bcast.y_reshape()).DebugString(); in Compute()
553 << TensorShape(bcast.x_bcast()).DebugString(); in Compute()
555 << TensorShape(bcast.y_bcast()).DebugString(); in Compute()
Dquantization_utils.h839 Eigen::array<Eigen::DenseIndex, 1> bcast; in QuantizedAddUsingEigen() local
840 bcast[0] = input_element_count / smaller_input_element_count; in QuantizedAddUsingEigen()
843 (smaller_input_in_total_space.broadcast(bcast) + zero_in_total_space); in QuantizedAddUsingEigen()
/external/tensorflow/tensorflow/compiler/xla/service/
Dhlo_rematerialization_test.cc61 auto bcast = builder.AddInstruction( in MakeRematerializableComputation() local
64 HloInstruction::CreateUnary(vec1024_shape_, HloOpcode::kNegate, bcast)); in MakeRematerializableComputation()
73 ShapeUtil::MakeShape(xla::F32, {1025}), {bcast, slice_1}, in MakeRematerializableComputation()
104 auto bcast = builder.AddInstruction( in MakeRematerializableWhileComputation() local
107 HloInstruction::CreateSlice(vec1_shape_, bcast, /*start_indices=*/{0}, in MakeRematerializableWhileComputation()
113 ShapeUtil::MakeShape(xla::F32, {1025}), {bcast, while_inst}, in MakeRematerializableWhileComputation()
156 const HloInstruction* bcast = concat->operand(0); in TEST_F() local
173 EXPECT_THAT(remat_bcast, op::Broadcast(::testing::Ne(bcast))); in TEST_F()
437 auto bcast = builder.AddInstruction( in TEST_F() local
440 vec1024_shape_, HloOpcode::kAdd, bcast, bcast)); in TEST_F()
[all …]
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dbcast_ops.cc51 BCast bcast(shapes[0], shapes[1]); in Compile() local
52 OP_REQUIRES(ctx, bcast.IsValid(), in Compile()
57 const int64 len = bcast.output_shape().size(); in Compile()
60 output.flat<int32>()(i) = static_cast<int32>(bcast.output_shape()[i]); in Compile()
105 BCast bcast(shapes[0], shapes[1]); in Compile() local
106 OP_REQUIRES(ctx, bcast.IsValid(), in Compile()
110 Output(ctx, 0, bcast.grad_x_reduce_idx()); in Compile()
111 Output(ctx, 1, bcast.grad_y_reduce_idx()); in Compile()
Dcwise_ops.cc42 BCast bcast(BCast::FromShape(lhs_shape), BCast::FromShape(rhs_shape)); in Compile() local
43 if (!bcast.IsValid()) { in Compile()
49 TensorShape bcast_shape = BCast::ToShape(bcast.output_shape()); in Compile()
80 rhs_shape.dim_sizes(), bcast, extend_dimension); in Compile()
/external/eigen/unsupported/test/
Dcxx11_tensor_forced_eval.cpp61 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/contrib/tensor_forest/kernels/
Dtree_utils.cc100 Eigen::array<int, 1> bcast; in GetTwoBestClassification() local
101 bcast[0] = num_splits; in GetTwoBestClassification()
103 tc.broadcast(bcast) - splits; in GetTwoBestClassification()
181 Eigen::array<int, 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/
Droute.py189 bcast = atol(addr)|(~msk&0xffffffff); # FIXME: check error in atol()
190 return ltoa(bcast)
/external/libnl/lib/route/
Daddr.c977 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()
/external/python/cpython3/Lib/test/
Dmime.types644 application/vnd.oma.bcast.associated-procedure-parameter+xml
645 application/vnd.oma.bcast.drm-trigger+xml
646 application/vnd.oma.bcast.imd+xml
647 application/vnd.oma.bcast.ltkm
648 application/vnd.oma.bcast.notification+xml
649 application/vnd.oma.bcast.provisioningtrigger
650 application/vnd.oma.bcast.sgboot
651 application/vnd.oma.bcast.sgdd+xml
652 application/vnd.oma.bcast.sgdu
653 application/vnd.oma.bcast.simple-symbol-container
[all …]
/external/wpa_supplicant_8/src/wps/
Dwps.c319 const u8 bcast[ETH_ALEN] = { 0xff, 0xff, 0xff, 0xff, 0xff, 0xff }; in wps_is_addr_authorized() local
339 if (os_memcmp(pos, bcast, ETH_ALEN) == 0) in wps_is_addr_authorized()
/external/tensorflow/tensorflow/compiler/xla/tests/
Dconcat_test.cc552 auto bcast = builder.Broadcast(y, {5}); in XLA_TEST_F() local
554 auto concat = builder.ConcatInDim({bcast, x}, /*dimension=*/0); in XLA_TEST_F()
/external/tensorflow/tensorflow/core/grappler/optimizers/
Dconstant_folding.cc506 BCast bcast(shape1, shape2); in MaterializeBroadcastGradientArgs() local
507 if (!bcast.IsValid()) { in MaterializeBroadcastGradientArgs()
512 reduce_dims[0] = bcast.grad_x_reduce_idx(); in MaterializeBroadcastGradientArgs()
513 reduce_dims[1] = bcast.grad_y_reduce_idx(); in MaterializeBroadcastGradientArgs()

12