Home
last modified time | relevance | path

Searched refs:rank (Results 1 – 25 of 1073) sorted by relevance

12345678910>>...43

/external/tensorflow/tensorflow/python/kernel_tests/signal/
Dfft_ops_test.py46 def _compare(self, x, rank, fft_length=None, use_placeholder=False, argument
48 self._compare_forward(x, rank, fft_length, use_placeholder, rtol, atol)
49 self._compare_backward(x, rank, fft_length, use_placeholder, rtol, atol)
51 def _compare_forward(self, x, rank, fft_length=None, use_placeholder=False, argument
56 x_np = self._np_fft(x, rank, fft_length)
59 x_tf = self._tf_fft(x_ph, rank, fft_length, feed_dict={x_ph: x})
61 x_tf = self._tf_fft(x, rank, fft_length)
65 def _compare_backward(self, x, rank, fft_length=None, use_placeholder=False, argument
70 x_np = self._np_ifft(x, rank, fft_length)
73 x_tf = self._tf_ifft(x_ph, rank, fft_length, feed_dict={x_ph: x})
[all …]
/external/clang/test/Analysis/
Dmpichecker.cpp6 int rank = 0; in matchedWait1() local
8 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in matchedWait1()
9 if (rank >= 0) { in matchedWait1()
11 MPI_Isend(&buf, 1, MPI_DOUBLE, rank + 1, 0, MPI_COMM_WORLD, &sendReq1); in matchedWait1()
12 MPI_Irecv(&buf, 1, MPI_DOUBLE, rank - 1, 0, MPI_COMM_WORLD, &recvReq1); in matchedWait1()
20 int rank = 0; in matchedWait2() local
22 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in matchedWait2()
23 if (rank >= 0) { in matchedWait2()
25 MPI_Isend(&buf, 1, MPI_DOUBLE, rank + 1, 0, MPI_COMM_WORLD, &sendReq1); in matchedWait2()
26 MPI_Irecv(&buf, 1, MPI_DOUBLE, rank - 1, 0, MPI_COMM_WORLD, &recvReq1); in matchedWait2()
[all …]
DMemRegion.cpp8 int rank = 0; in testGetDescriptiveName() local
9 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName()
15 int rank = 0; in testGetDescriptiveName2() local
16 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName2()
22 int rank = 0; in testGetDescriptiveName3() local
23 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName3()
31 int rank = 0; in testGetDescriptiveName4() local
32 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName4()
40 int rank = 0; in testGetDescriptiveName5() local
41 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName5()
/external/llvm-project/clang/test/Analysis/
Dmpichecker.cpp6 int rank = 0; in matchedWait1() local
8 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in matchedWait1()
9 if (rank >= 0) { in matchedWait1()
11 MPI_Isend(&buf, 1, MPI_DOUBLE, rank + 1, 0, MPI_COMM_WORLD, &sendReq1); in matchedWait1()
12 MPI_Irecv(&buf, 1, MPI_DOUBLE, rank - 1, 0, MPI_COMM_WORLD, &recvReq1); in matchedWait1()
20 int rank = 0; in matchedWait2() local
22 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in matchedWait2()
23 if (rank >= 0) { in matchedWait2()
25 MPI_Isend(&buf, 1, MPI_DOUBLE, rank + 1, 0, MPI_COMM_WORLD, &sendReq1); in matchedWait2()
26 MPI_Irecv(&buf, 1, MPI_DOUBLE, rank - 1, 0, MPI_COMM_WORLD, &recvReq1); in matchedWait2()
[all …]
DMemRegion.cpp8 int rank = 0; in testGetDescriptiveName() local
9 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName()
15 int rank = 0; in testGetDescriptiveName2() local
16 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName2()
22 int rank = 0; in testGetDescriptiveName3() local
23 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName3()
31 int rank = 0; in testGetDescriptiveName4() local
32 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName4()
40 int rank = 0; in testGetDescriptiveName5() local
41 MPI_Comm_rank(MPI_COMM_WORLD, &rank); in testGetDescriptiveName5()
/external/apache-commons-math/src/main/java/org/apache/commons/math/random/
DCorrelatedRandomVectorGenerator.java79 private int rank; field in CorrelatedRandomVectorGenerator
111 normalized = new double[rank]; in CorrelatedRandomVectorGenerator()
139 normalized = new double[rank]; in CorrelatedRandomVectorGenerator()
168 return rank; in getRank()
201 rank = 0; in decompose()
205 swap[rank] = rank; in decompose()
206 for (int i = rank + 1; i < order; ++i) { in decompose()
210 swap[rank] = i; in decompose()
216 if (swap[rank] != rank) { in decompose()
217 int tmp = index[rank]; in decompose()
[all …]
/external/marisa-trie/lib/marisa/grimoire/vector/
Dbit-vector.cc352 const RankIndex &rank = ranks_[i / 512]; in rank1() local
353 std::size_t offset = rank.abs(); in rank1()
356 offset += rank.rel1(); in rank1()
360 offset += rank.rel2(); in rank1()
364 offset += rank.rel3(); in rank1()
368 offset += rank.rel4(); in rank1()
372 offset += rank.rel5(); in rank1()
376 offset += rank.rel6(); in rank1()
380 offset += rank.rel7(); in rank1()
416 const RankIndex &rank = ranks_[rank_id]; in select0() local
[all …]
/external/llvm-project/openmp/runtime/test/worksharing/sections/
Domp_sections_nowait.c19 void wait_for_release_then_increment(int rank) in wait_for_release_then_increment() argument
22 " and waits.\n", rank); in wait_for_release_then_increment()
28 void release_and_increment(int rank) in release_and_increment() argument
30 fprintf(stderr, "Thread nr %d sets release to 1\n", rank); in release_and_increment()
44 int rank; in test_omp_sections_nowait() local
45 rank = omp_get_thread_num (); in test_omp_sections_nowait()
50 wait_for_release_then_increment(rank); in test_omp_sections_nowait()
54 wait_for_release_then_increment(rank); in test_omp_sections_nowait()
58 wait_for_release_then_increment(rank); in test_omp_sections_nowait()
63 "immediately to next sections construct to release.\n", rank); in test_omp_sections_nowait()
[all …]
/external/tensorflow/tensorflow/lite/delegates/gpu/common/
Dwinograd_util.cc55 std::vector<float> GetInversedMatrixForWinograd(int rank) { in GetInversedMatrixForWinograd() argument
56 auto matrix = GetTransposedMatrixForWinograd(rank, rank); in GetInversedMatrixForWinograd()
57 std::vector<float> inverted(rank * rank, 0.0f); in GetInversedMatrixForWinograd()
58 for (int i = 0; i < rank; ++i) { in GetInversedMatrixForWinograd()
59 inverted[i * rank + i] = 1.0f; in GetInversedMatrixForWinograd()
62 for (int i = 1; i < rank - 1; ++i) { in GetInversedMatrixForWinograd()
63 float inv_t = 1.0f / matrix[i * rank + i]; in GetInversedMatrixForWinograd()
64 for (int x = i; x < rank; ++x) { in GetInversedMatrixForWinograd()
65 matrix[i * rank + x] *= inv_t; in GetInversedMatrixForWinograd()
67 for (int x = 0; x < rank; ++x) { in GetInversedMatrixForWinograd()
[all …]
/external/eigen/Eigen/src/QR/
DCompleteOrthogonalDecomposition.h233 inline Index rank() const { return m_cpqr.rank(); }
417 const Index rank = m_cpqr.rank();
423 if (rank < cols) {
435 for (Index k = rank - 1; k >= 0; --k) {
436 if (k != rank - 1) {
441 m_cpqr.m_qr.col(rank - 1).head(k + 1));
448 .tail(cols - rank + 1)
450 m_cpqr.m_qr(k, rank - 1) = beta;
453 m_cpqr.m_qr.topRightCorner(k, cols - rank + 1)
455 m_cpqr.m_qr.row(k).tail(cols - rank).transpose(), m_zCoeffs(k),
[all …]
/external/llvm-project/flang/unittests/Evaluate/
DISO-Fortran-binding.cpp11 template <int rank> class Test_CFI_CDESC_T {
23 if (rank > 0) { in Check()
35 static constexpr int rank_{rank};
36 CFI_CDESC_T(rank) dvStorage_;
39 template <int rank> static void TestCdescMacroForAllRanksSmallerThan() { in TestCdescMacroForAllRanksSmallerThan()
40 static_assert(rank > 0, "rank<0!"); in TestCdescMacroForAllRanksSmallerThan()
41 Test_CFI_CDESC_T<rank> obj; in TestCdescMacroForAllRanksSmallerThan()
43 TestCdescMacroForAllRanksSmallerThan<rank - 1>(); in TestCdescMacroForAllRanksSmallerThan()
52 static void AddNoiseToCdesc(CFI_cdesc_t *dv, CFI_rank_t rank) { in AddNoiseToCdesc() argument
54 dv->rank = 16; in AddNoiseToCdesc()
[all …]
/external/tflite-support/tensorflow_lite_support/custom_ops/kernel/
Dngrams_test.py55 def _make_model(self, rank, width, ragged_tensor=False, flex=False): argument
58 key = (rank, width, ragged_tensor, flex)
66 rs = rank - 1
86 shape = [None] * rank
116 rank = input_tensor.shape.rank
117 model = self._make_model(rank, 2, ragged_tensor=False, flex=False)
136 rank = input_tensor.shape.rank
137 model = self._make_model(rank, 3, ragged_tensor=False, flex=False)
155 rank = input_tensor.shape.rank
156 model = self._make_model(rank, 2, ragged_tensor=True, flex=False)
[all …]
/external/tensorflow/tensorflow/compiler/xla/client/lib/
Dtridiagonal.cc37 Status CheckSecondToLastDimension(const Shape& op_shape, int64 rank, in CheckSecondToLastDimension() argument
39 const auto actual_num_dims = ShapeUtil::GetDimension(op_shape, rank - 2); in CheckSecondToLastDimension()
64 const auto lower_diagonal_rank = lower_diagonal_shape.rank(); in CheckSystemAndReturnNumEquations()
65 const auto main_diagonal_rank = main_diagonal_shape.rank(); in CheckSystemAndReturnNumEquations()
66 const auto upper_diagonal_rank = upper_diagonal_shape.rank(); in CheckSystemAndReturnNumEquations()
67 const auto rhs_rank = rhs_shape.rank(); in CheckSystemAndReturnNumEquations()
77 const auto rank = lower_diagonal_rank; in CheckSystemAndReturnNumEquations() local
78 if (rank < 2) { in CheckSystemAndReturnNumEquations()
79 return InvalidArgument("Arguments must have rank >=2; got rank %d.", rank); in CheckSystemAndReturnNumEquations()
83 ShapeUtil::GetDimension(lower_diagonal_shape, rank - 1); in CheckSystemAndReturnNumEquations()
[all …]
/external/llvm-project/openmp/runtime/test/worksharing/single/
Domp_single_nowait.c14 void wait_for_release_then_increment(int rank) in wait_for_release_then_increment() argument
17 " and waits.\n", rank); in wait_for_release_then_increment()
23 void release_and_increment(int rank) in release_and_increment() argument
25 fprintf(stderr, "Thread nr %d sets release to 1\n", rank); in release_and_increment()
38 int rank; in test_omp_single_nowait() local
39 rank = omp_get_thread_num (); in test_omp_single_nowait()
42 wait_for_release_then_increment(rank); in test_omp_single_nowait()
46 wait_for_release_then_increment(rank); in test_omp_single_nowait()
50 wait_for_release_then_increment(rank); in test_omp_single_nowait()
55 release_and_increment(rank); in test_omp_single_nowait()
/external/tensorflow/tensorflow/python/framework/
Dtensor_shape.py175 if shape.rank is None:
812 if self.rank is None:
814 elif self.rank == 1:
826 def rank(self): member in TensorShape
847 return self.rank
915 return unknown_shape(rank=stop - start)
1023 if self.rank is not None and other.rank is not None:
1024 if self.rank != other.rank:
1028 def assert_has_rank(self, rank): argument
1037 if self.rank not in (None, rank):
[all …]
/external/llvm-project/flang/test/Semantics/
Dselect-rank02.f9014 select rank (arr)
15 rank(2)
25 select rank (arr)
26 rank(2)
37 select rank (arr)
38 rank(2)
49 select rank (arr)
50 rank(2)
58 select rank (arr)
59 rank(2)
/external/tensorflow/tensorflow/core/kernels/
Dcollective_nccl_test.cc116 for (int rank = 0; rank < num_ranks; ++rank) { in Init() local
117 local_devices.emplace_back(std::move(gpus_[rank])); in Init()
143 for (int rank = 0; rank < num_ranks; ++rank) { in Init() local
144 col_params_->group.device_names.push_back(device_names[rank % num_gpus]); in Init()
147 for (int rank = 0; rank < num_ranks; ++rank) { in Init() local
149 rank, col_params_->group.device_names[rank], this)); in Init()
154 virtual void InitInput(Tensor* input, const int rank) = 0;
201 for (int rank = 0; rank < num_ranks; ++rank) { in RunTest() local
202 DeviceInstance* instance = instances_[rank].get(); in RunTest()
204 [this, rank](Tensor* t) { InitInput(t, rank); }); in RunTest()
[all …]
/external/llvm-project/flang/runtime/
Ddescriptor.cpp31 int rank, const SubscriptValue *extent, ISO::CFI_attribute_t attribute, in Establish() argument
35 ISO::CFI_establish(&raw_, p, attribute, t.raw(), elementBytes, rank, in Establish()
45 void Descriptor::Establish(TypeCategory c, int kind, void *p, int rank, in Establish() argument
48 Establish(TypeCode(c, kind), BytesFor(c, kind), p, rank, extent, attribute, in Establish()
53 int rank, const SubscriptValue *extent, ISO::CFI_attribute_t attribute, in Establish() argument
56 characterKind * characters, p, rank, extent, attribute, addendum); in Establish()
59 void Descriptor::Establish(const typeInfo::DerivedType &dt, void *p, int rank, in Establish() argument
61 Establish(CFI_type_struct, dt.sizeInBytes, p, rank, extent, attribute, true); in Establish()
69 void *p, int rank, const SubscriptValue *extent, in Create() argument
71 std::size_t bytes{SizeInBytes(rank, true, derivedTypeLenParameters)}; in Create()
[all …]
Dcharacter.cpp75 terminator, x.rank() == y.rank() || x.rank() == 0 || y.rank() == 0); in Compare()
76 int rank{std::max(x.rank(), y.rank())}; in Compare() local
79 for (int j{0}; j < rank; ++j) { in Compare()
81 if (x.rank() > 0 && y.rank() > 0) { in Compare()
92 ub[j] = (x.rank() ? x : y).GetDimension(j).Extent(); in Compare()
97 result.Establish(TypeCategory::Logical, 1, ub, rank); in Compare()
138 int rank{string.rank()}; in AdjustLRHelper() local
141 for (int j{0}; j < rank; ++j) { in AdjustLRHelper()
148 result.Establish(string.type(), elementBytes, ub, rank); in AdjustLRHelper()
190 int rank{string.rank()}; in LenTrim() local
[all …]
/external/tensorflow/tensorflow/compiler/tf2xla/
Dshape_util.cc42 layouts->insert(layouts->end(), shape.rank(), -1); in PopulateInfeedLayoutVector()
96 for (int i = 0; i < shape.rank(); ++i) { in XLAShapeToTensorShape()
118 int rank = tensor_shape.dims(); in TensorShapeToXLAShape() local
119 std::vector<int64> dimensions(rank); in TensorShapeToXLAShape()
120 std::vector<bool> dynamic_dimensions(rank, false); in TensorShapeToXLAShape()
121 std::vector<int64> layout(rank); in TensorShapeToXLAShape()
122 for (int d = 0; d < rank; ++d) { in TensorShapeToXLAShape()
138 for (int64 d = 0; d < rank; ++d) { in TensorShapeToXLAShape()
155 int rank = tensor_shape.dims(); in TensorShapeToXLAShape() local
156 std::vector<int64> dimensions(rank); in TensorShapeToXLAShape()
[all …]
/external/llvm-project/mlir/include/mlir/ExecutionEngine/
DRunnerUtils.h40 os << "base@ = " << reinterpret_cast<void *>(V.data) << " rank = " << V.rank in printMemRefMetaData()
43 if (V.rank == 0) in printMemRefMetaData()
46 for (int64_t i = 1; i < V.rank; ++i) in printMemRefMetaData()
129 static void print(std::ostream &os, T *base, int64_t dim, int64_t rank,
132 static void printFirst(std::ostream &os, T *base, int64_t dim, int64_t rank,
135 static void printLast(std::ostream &os, T *base, int64_t dim, int64_t rank,
142 int64_t rank, int64_t offset,
146 print(os, base, dim - 1, rank, offset, sizes + 1, strides + 1);
159 int64_t rank, int64_t offset,
165 printFirst(os, base, dim, rank, offset, sizes, strides);
[all …]
/external/llvm-project/openmp/runtime/test/worksharing/for/
Domp_for_nowait.c17 void wait_for_release_then_increment(int rank) in wait_for_release_then_increment() argument
20 " and waits.\n", rank); in wait_for_release_then_increment()
26 void release_and_increment(int rank) in release_and_increment() argument
28 fprintf(stderr, "Thread nr %d sets release to 1\n", rank); in release_and_increment()
41 int rank; in test_omp_for_nowait() local
44 rank = omp_get_thread_num(); in test_omp_for_nowait()
49 wait_for_release_then_increment(rank); in test_omp_for_nowait()
52 "immediately to the next for construct to release.\n", rank); in test_omp_for_nowait()
60 release_and_increment(rank); in test_omp_for_nowait()
/external/tensorflow/tensorflow/core/nccl/
Dnccl_manager_test.cc475 for (int rank = 0; rank < num_ranks; ++rank) { in TYPED_TEST() local
476 auto* device = this->GetDevice(num_ranks, /*node=*/0, rank); in TYPED_TEST()
477 VLOG(2) << "rank " << rank << " device " << device->name(); in TYPED_TEST()
481 device->executor(), stream, info, &test_case->ins[rank], in TYPED_TEST()
482 &test_case->outs[rank], /*global_rank=*/-1, in TYPED_TEST()
522 for (int rank = 0; rank < num_ranks; ++rank) { in TYPED_TEST() local
523 auto* device = this->GetDevice(num_ranks, /*node=*/0, rank); in TYPED_TEST()
535 int rank; in TYPED_TEST() local
540 rank = case_and_rank.back().second; in TYPED_TEST()
543 auto* device = this->GetDevice(num_ranks, /*node=*/0, rank); in TYPED_TEST()
[all …]
/external/tensorflow/tensorflow/core/ops/
Dcount_ops.cc35 auto rank = c->Rank(output); in DenseCountSparseOutputShapeFn() local
37 c->set_output(0, c->Matrix(nvals, rank)); // out.indices in DenseCountSparseOutputShapeFn()
39 c->set_output(2, c->Vector(rank)); // out.dense_shape in DenseCountSparseOutputShapeFn()
44 auto rank = c->Dim(c->input(0), 1); in SparseCountSparseOutputShapeFn() local
46 c->set_output(0, c->Matrix(nvals, rank)); // out.indices in SparseCountSparseOutputShapeFn()
48 c->set_output(2, c->Vector(rank)); // out.dense_shape in SparseCountSparseOutputShapeFn()
53 int32 rank = c->Rank(c->input(1)); in RaggedCountSparseOutputShapeFn() local
54 if (rank != c->kUnknownRank) { in RaggedCountSparseOutputShapeFn()
55 ++rank; // Add the ragged dimension in RaggedCountSparseOutputShapeFn()
58 c->set_output(0, c->Matrix(nvals, rank)); // out.indices in RaggedCountSparseOutputShapeFn()
[all …]
/external/tensorflow/tensorflow/python/ops/structured/
Dstructured_tensor.py192 rank = shape.rank
193 if rank is None:
198 if rank < 2 and row_partitions:
200 if rank == 0 and nrows is not None:
204 if len(row_partitions) != max(0, rank - 1):
206 elif rank < 2:
226 if rank > 0:
228 if not shape.is_compatible_with(value.shape[:rank]):
232 key, value.shape[:rank], shape))
233 shape = shape.merge_with(value.shape[:rank])
[all …]

12345678910>>...43