Searched refs:rank (Results 1 - 25 of 317) sorted by relevance

1234567891011>>

/external/clang/test/Analysis/
H A DMemRegion.cpp8 int rank = 0; local
9 MPI_Comm_rank(MPI_COMM_WORLD, &rank);
15 int rank = 0; local
16 MPI_Comm_rank(MPI_COMM_WORLD, &rank);
22 int rank = 0; local
23 MPI_Comm_rank(MPI_COMM_WORLD, &rank);
31 int rank = 0; local
32 MPI_Comm_rank(MPI_COMM_WORLD, &rank);
40 int rank = 0; local
41 MPI_Comm_rank(MPI_COMM_WORLD, &rank);
[all...]
H A Dmpichecker.cpp6 int rank = 0; local
8 MPI_Comm_rank(MPI_COMM_WORLD, &rank);
9 if (rank >= 0) {
11 MPI_Isend(&buf, 1, MPI_DOUBLE, rank + 1, 0, MPI_COMM_WORLD, &sendReq1);
12 MPI_Irecv(&buf, 1, MPI_DOUBLE, rank - 1, 0, MPI_COMM_WORLD, &recvReq1);
20 int rank = 0; local
22 MPI_Comm_rank(MPI_COMM_WORLD, &rank);
23 if (rank >= 0) {
25 MPI_Isend(&buf, 1, MPI_DOUBLE, rank + 1, 0, MPI_COMM_WORLD, &sendReq1);
26 MPI_Irecv(&buf, 1, MPI_DOUBLE, rank
33 int rank = 0; local
58 int rank = 0; local
72 int rank = 0; local
86 int rank = 0; local
100 int rank = 0; local
110 int rank = 0; local
131 int rank = 0; local
138 int rank = 0; local
147 int rank = 0; local
154 int rank = 0; local
163 int rank = 0; local
179 int rank = 0; local
193 int rank = 0; local
207 int rank = 0; local
220 int rank = 0; local
239 int rank = 0; local
261 int rank = 0; local
277 int rank = 0; local
[all...]
/external/apache-commons-math/src/main/java/org/apache/commons/math/stat/ranking/
H A DRankingAlgorithm.java21 * Interface representing a rank transformation.
28 * <p>Performs a rank transformation on the input data, returning an array
40 double[] rank (double[] data); method in interface:RankingAlgorithm
/external/apache-commons-math/src/main/java/org/apache/commons/math/random/
H A DCorrelatedRandomVectorGenerator.java54 * the rank of the covariance matrix, and it is the dimension of the
79 private int rank; field in class:CorrelatedRandomVectorGenerator
111 normalized = new double[rank];
139 normalized = new double[rank];
160 /** Get the rank of the covariance matrix.
161 * The rank is the number of independent rows in the covariance
164 * @return rank of the square matrix.
168 return rank;
201 rank = 0;
205 swap[rank]
[all...]
/external/tensorflow/tensorflow/python/kernel_tests/
H A Dfft_ops_test.py41 def _compare(self, x, rank, fft_length=None, use_placeholder=False):
42 self._compareForward(x, rank, fft_length, use_placeholder)
43 self._compareBackward(x, rank, fft_length, use_placeholder)
45 def _compareForward(self, x, rank, fft_length=None, use_placeholder=False):
46 x_np = self._npFFT(x, rank, fft_length)
49 x_tf = self._tfFFT(x_ph, rank, fft_length, feed_dict={x_ph: x})
51 x_tf = self._tfFFT(x, rank, fft_length)
55 def _compareBackward(self, x, rank, fft_length=None, use_placeholder=False):
56 x_np = self._npIFFT(x, rank, fft_length)
59 x_tf = self._tfIFFT(x_ph, rank, fft_lengt
[all...]
/external/eigen/doc/examples/
H A DTutorialLinAlgSetThreshold.cpp13 cout << "By default, the rank of A is found to be " << lu.rank() << endl;
15 cout << "With threshold 1e-5, the rank of A is found to be " << lu.rank() << endl;
H A DTutorialLinAlgRankRevealing.cpp15 cout << "The rank of A is " << lu_decomp.rank() << endl;
/external/guava/guava/src/com/google/common/collect/
H A DExplicitOrdering.java40 return rank(left) - rank(right); // safe because both are nonnegative
43 private int rank(T value) { method in class:ExplicitOrdering
44 Integer rank = rankMap.get(value);
45 if (rank == null) {
48 return rank;
54 int rank = 0;
56 builder.put(value, rank++);
/external/v8/tools/
H A Deval_gc_time.sh7 # Convenience Script used to rank GC NVP output.
13 echo " -r|--rank new-gen-rank|old-gen-rank GC mode to profile"
14 echo " (default: old-gen-rank)"
24 OP=old-gen-rank
35 -r|--rank)
37 new-gen-rank|old-gen-rank)
147 new-gen-rank)
[all...]
/external/mesa3d/src/gallium/drivers/llvmpipe/
H A Dlp_fence.c38 * The rank will be the number of bins in the scene. Whenever a rendering
40 * the counter == the rank, the fence is finished.
42 * \param rank the expected finished value of the fence counter.
45 lp_fence_create(unsigned rank) argument
59 fence->rank = rank;
83 * When the counter == the rank, the fence is finished.
94 assert(fence->count <= fence->rank);
97 debug_printf("%s count=%u rank=%u\n", __FUNCTION__,
98 fence->count, fence->rank);
[all...]
/external/libxcam/modules/ocl/
H A Dpriority_buffer_queue.h34 uint32_t rank; member in struct:XCam::PriorityBuffer
39 : rank (0)
50 // when change to next rank
52 ++rank;
/external/apache-commons-math/src/main/java/org/apache/commons/math/stat/descriptive/rank/
H A DMedian.java17 package org.apache.commons.math.stat.descriptive.rank;
/external/libcxx/test/std/utilities/meta/meta.unary.prop.query/
H A Drank.pass.cpp12 // rank
21 static_assert( std::rank<T>::value == A, "");
22 static_assert( std::rank<const T>::value == A, "");
23 static_assert( std::rank<volatile T>::value == A, "");
24 static_assert( std::rank<const volatile T>::value == A, "");
/external/tensorflow/tensorflow/contrib/mpi_collectives/
H A Dmpi_ops_test.py31 """Get MPI rank and size from environment variables and return them as a
37 variables that contain the rank and size of the MPI_COMM_WORLD
39 to ensure that `mpi.rank()` and `mpi.size()` return the expected values.
47 If this is not running under MPI, then defaults of rank zero and size one
56 rank = os.environ.get(rank_var)
58 if rank is not None and size is not None:
59 return int(rank), int(size)
61 # Default to rank zero and size one if there are no environment variables
71 """Test that the rank returned by mpi.rank() i
[all...]
/external/eigen/Eigen/src/QR/
H A DCompleteOrthogonalDecomposition.h32 * This class performs a rank-revealing complete orthogonal decomposition of a
41 * size rank-by-rank. \b A may be rank deficient.
101 * threshold for rank determination will be used. It is a short cut for:
172 * \warning The strict lower part and \code cols() - rank() \endcode right
176 * For rank-deficient matrices, use
178 * matrixR().topLeftCorner(rank(), rank()).template triangularView<Upper>()
226 /** \returns the rank o
233 inline Index rank() const { return m_cpqr.rank(); } function in class:Eigen::CompleteOrthogonalDecomposition
417 const Index rank = m_cpqr.rank(); local
473 const Index rank = this->rank(); local
496 const Index rank = this->rank(); local
[all...]
/external/turbine/java/com/google/turbine/tree/
H A DTurbineOperatorKind.java90 private final int rank; field in class:TurbineOperatorKind.Precedence
92 public int rank() { method in class:TurbineOperatorKind.Precedence
93 return rank;
96 Precedence(int rank) { argument
97 this.rank = rank;
/external/jemalloc/src/
H A Dwitness.c5 witness_init(witness_t *witness, const char *name, witness_rank_t rank, argument
10 witness->rank = rank;
23 malloc_printf("<jemalloc>: Lock rank order reversal:");
25 malloc_printf(" %s(%u)", w->name, w->rank);
27 malloc_printf(" %s(%u)\n", witness->name, witness->rank);
45 witness->rank);
63 witness->rank);
84 malloc_printf(" %s(%u)", w->name, w->rank);
/external/tensorflow/tensorflow/core/ops/
H A Dspectral_ops.cc69 Status RFFTShape(InferenceContext* c, const bool forward, const int rank) { argument
71 TF_RETURN_IF_ERROR(c->WithRankAtLeast(c->input(0), rank, &out));
73 // Check that fft_length has shape [rank].
79 c->WithValue(c->Dim(fft_length_input, 0), rank, &unused_dim));
85 // We can't know the dimension of any of the rank inner dimensions of the
87 for (int i = 0; i < rank; ++i) {
88 TF_RETURN_IF_ERROR(c->ReplaceDim(out, -rank + i, c->UnknownDim(), &out));
92 for (int i = 0; i < rank; ++i) {
94 auto dim = forward && i == rank - 1 && fft_length_as_vec(i) != 0
97 TF_RETURN_IF_ERROR(c->ReplaceDim(out, -rank
[all...]
/external/tensorflow/tensorflow/compiler/tf2xla/
H A Dshape_util.cc44 int rank = tensor_shape.dims(); local
45 std::vector<int64> dimensions(rank);
46 std::vector<int64> layout(rank);
47 for (int d = 0; d < rank; ++d) {
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
H A Dmatrix_set_diag_op.cc31 const int rank = input_shape.dims(); variable
41 const int64 m = input_shape.dim_size(rank - 2);
42 const int64 n = input_shape.dim_size(rank - 1);
75 std::vector<int64> diag_broadcast_dims(rank - 1);
78 diag_broadcast_dims.back() = rank - 1;
/external/tensorflow/tensorflow/contrib/framework/python/ops/
H A Dsort_ops.py76 rank = array_ops.rank(values)
81 # Otherwise, transpose the array. Swap axes `axis` and `rank - 1`.
84 axis += rank
89 # Swap axis and rank - 1.
90 [rank - 1],
91 # Axes in [axis + 1, rank - 1) are unchanged.
92 math_ops.range(axis + 1, rank - 1),
93 # Swap axis and rank - 1.
/external/drrickorang/LoopbackApp/app/src/main/java/org/drrickorang/loopback/
H A DCaptureHolder.java95 * Therefore rank could represent glitchiness or callback behaviour and comparisons will need to
102 public synchronized int captureState(int rank) { argument
112 mCaptureThread.updateRank(rank);
125 CapturedState cs = new CapturedState(fileNameBase, timeFromTestStartMS, rank);
164 * Alternate criteria can be established here and in captureState rank parameter
177 if (mCapturedStates[i].rank < leastInteresting.rank) {
196 public int rank; field in class:CaptureHolder.CapturedState
198 public CapturedState(String fileNameBase, long timeFromStartOfTestMS, int rank) { argument
201 this.rank
313 updateRank(int rank) argument
[all...]
/external/jemalloc/include/jemalloc/internal/
H A Dwitness.h10 * Lock ranks. Witnesses with rank WITNESS_RANK_OMIT are completely ignored by
42 #define WITNESS_INITIALIZER(rank) {"initializer", rank, NULL, {NULL, NULL}}
53 * Witness rank, where 0 is lowest and UINT_MAX is highest. Witnesses
54 * must be acquired in order of increasing rank.
56 witness_rank_t rank; member in struct:witness_s
59 * If two witnesses are of equal rank and they have the samp comp
61 * between witnesses of equal rank.
73 void witness_init(witness_t *witness, const char *name, witness_rank_t rank,
147 if (witness->rank
[all...]
/external/syslinux/com32/lib/
H A Dvsscanf.c56 int rank = rank_int; /* Default rank */ local
82 rank = rank_int;
124 rank--; /* Shorter rank */
127 rank++; /* Longer rank */
130 rank = INTMAX_RANK;
133 rank = SIZE_T_RANK;
136 rank
[all...]
/external/tensorflow/tensorflow/contrib/periodic_resample/kernels/
H A Dperiodic_resample_op.h37 std::vector<IndexT>* output_indices, const int& rank) {
43 for (auto r = rank - 1; r >= 0; --r) {
51 for (auto r = rank - 1; r >= 0; --r) {
56 for (int qi = 0; qi < rank; ++qi) {
81 const int rank = input_tensor.dims(); local
83 std::vector<tensorflow::int64> original_dimensions(rank),
84 target_dimensions(rank);
88 std::vector<tensorflow::int64> dimension_ceiling(rank),
89 cumulative_dimensions(rank);
94 // requires that the rank o
32 compute_input_index( IndexVecT* target_dimensions, const IndexT& output_index, const IndexVecT& original_dimensions, const int& adjustable_dimension, const std::vector<tensorflow::int64>& dimension_ceiling, const std::vector<tensorflow::int64>& cumulative_dimensions, IndexT* result, std::vector<IndexT>* output_indices, const int& rank) argument
[all...]

Completed in 1347 milliseconds

1234567891011>>