HomeSort by relevance Sort by last modified time
    Searched refs:permutation (Results 1 - 25 of 98) sorted by null

1 2 3 4

  /external/tensorflow/tensorflow/contrib/distributions/python/ops/bijectors/
permute.py 15 """Permutation bijectors."""
47 reverse = tfb.Permute(permutation=[2, 1, 0])
63 `Permute(np.random.permutation(event_size)).astype("int32"))` is not a
72 Permute(permutation=init_once(
73 np.random.permutation(event_size).astype("int32"),
74 name="permutation"))
87 def __init__(self, permutation, validate_args=False, name=None):
91 permutation: An `int`-like vector-shaped `Tensor` representing the
92 permutation to apply to the rightmost dimension of the transformed
99 TypeError: if `not permutation.dtype.is_integer`
133 def permutation(self): member in class:Permute
    [all...]
  /external/libunwind_llvm/src/
CompactUnwinder.hpp 127 uint32_t permutation = local
135 // decompress permutation
139 permunreg[0] = permutation / 120;
140 permutation -= (permunreg[0] * 120);
141 permunreg[1] = permutation / 24;
142 permutation -= (permunreg[1] * 24);
143 permunreg[2] = permutation / 6;
144 permutation -= (permunreg[2] * 6);
145 permunreg[3] = permutation / 2;
146 permutation -= (permunreg[3] * 2)
358 uint32_t permutation = local
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/lib/
data_format.cc 32 std::vector<int64> permutation; local
34 permutation.push_back(i);
36 permutation.push_back(input_shape.rank() - 1);
45 return xla::Reshape(xla::Transpose(input, permutation), contracted_shape);
65 std::vector<int64> permutation; local
67 permutation.push_back(i);
72 permutation.push_back(dim + 1);
74 return xla::Transpose(xla::Reshape(input, expanded_shape), permutation);
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
permute_test.py 44 permutation=permutation_ph,
53 bijector.permutation,
68 with self.assertRaisesOpError("Permutation over `d` must contain"):
71 permutation=permutation_ph,
77 permutation = np.int32([2, 0, 1])
79 y = x[..., permutation]
81 bijector = Permute(permutation=permutation, validate_args=True)
  /external/apache-commons-math/src/main/java/org/apache/commons/math/optimization/general/
LevenbergMarquardtOptimizer.java 121 /** Columns permutation array. */
122 private int[] permutation; field in class:LevenbergMarquardtOptimizer
251 permutation = new int[cols];
289 int pk = permutation[k];
318 int pj = permutation[j];
346 int pj = permutation[j];
363 int pj = permutation[j];
388 int pj = permutation[j];
445 int pj = permutation[j];
510 lmDir[permutation[j]] = qy[j]
    [all...]
  /external/apache-commons-math/src/main/java/org/apache/commons/math/estimation/
LevenbergMarquardtEstimator.java 124 /** Columns permutation array. */
125 private int[] permutation; field in class:LevenbergMarquardtEstimator
258 permutation = new int[cols];
289 int pk = permutation[k];
318 int pj = permutation[j];
345 int pj = permutation[j];
359 int pj = permutation[j];
385 int pj = permutation[j];
435 int pj = permutation[j];
503 lmDir[permutation[j]] = qy[j]
    [all...]
  /external/webrtc/webrtc/voice_engine/
level_indicator.cc 23 const int8_t permutation[33] = member in namespace:webrtc::voe
73 // the permutation vector
82 _currentLevel = permutation[position];
  /external/apache-commons-compress/src/main/java/org/apache/commons/compress/archivers/zip/
BinaryTree.java 137 // sort the array of bit lengths and memorize the permutation used to restore the order of the codes
138 final int[] permutation = new int[originalBitLengths.length]; local
139 for (int k = 0; k < permutation.length; k++) {
140 permutation[k] = k;
153 // ...and memorize the permutation
154 permutation[c] = l;
174 codes[permutation[i]] = code;
  /external/tensorflow/tensorflow/core/kernels/
random_shuffle_op.cc 31 // of an in-place shuffle using a pseudorandom permutation like
52 std::vector<IntT> permutation(size);
54 permutation[i] = i;
56 RandomShuffle(permutation.begin(), permutation.end(), uniform);
58 output_mat.template chip<0>(i) = input_mat.template chip<0>(permutation[i]);
transpose_op.cc 34 // inv = InvertPermutationOp(T<int32/int64> p) takes a permutation of
36 // permutation of p. I.e., inv[p[i]] == i, for i in [0 .. n).
39 // REQUIRES: input is a permutation of 0, 1, ..., n-1.
55 errors::InvalidArgument("permutation of nonnegative int32s "
112 std::vector<int32>* permutation) {
120 // asynchrony boundary is permutation.
123 *permutation = std::vector<int32>(perm_begin, perm_begin + dims);
130 // of type T and rank N, and a permutation of 0, 1, ..., N-1. It
131 // shuffles the dimensions of the input tensor according to permutation.
142 // REQUIRES: perm is a permutation
154 std::vector<int32> permutation; local
    [all...]
sparse_cross_op.cc 176 const std::vector<int>& permutation) const {
180 for (int i = 0; i < permutation.size(); i++) {
181 cross_vec[i] = columns_[i]->Feature(batch_index, permutation[i]);
201 const std::vector<int>& permutation) const {
204 for (size_t i = 0; i < permutation.size(); ++i) {
205 uint64 hash_i = columns_[i]->Feature(batch_index, permutation[i]);
244 std::vector<int> permutation(next_permutation_);
246 // Generates next permutation, if available.
260 return permutation;
335 const auto permutation = product_iterator.Next()
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/service/
gather_expander.cc 41 std::vector<int64> permutation; local
42 permutation.reserve(start_indices_shape.dimensions_size());
45 permutation.push_back(i);
48 permutation.push_back(index_vector_dim);
49 return MakeTransposeHlo(start_indices, permutation);
255 std::vector<int64> permutation; local
256 permutation.reserve(output_rank);
263 permutation.push_back(offset_idx_counter++);
265 permutation.push_back(batch_idx_counter++);
269 return MakeTransposeHlo(accumulator, permutation);
    [all...]
scatter_expander.cc 43 std::vector<int64> permutation; local
44 permutation.reserve(scatter_indices_shape.dimensions_size());
47 permutation.push_back(i);
50 permutation.push_back(index_vector_dim);
51 return MakeTransposeHlo(scatter_indices, permutation);
96 std::vector<int64> permutation; local
98 permutation.reserve(updates_rank);
103 permutation.push_back(i);
107 permutation.push_back(window_dim);
110 return MakeTransposeHlo(updates, permutation);
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/kernels/
batchtospace_op.cc 85 std::vector<int64> permutation(reshaped_shape.size());
86 permutation[0] = block_rank;
88 permutation[1 + 2 * i] = block_rank + 1 + i;
89 permutation[1 + 2 * i + 1] = i;
91 std::iota(permutation.begin() + 1 + block_rank * 2, permutation.end(),
93 xla::XlaOp permuted = xla::Transpose(reshaped, permutation);
spacetobatch_op.cc 115 std::vector<int64> permutation(reshaped_padded_shape.size());
117 permutation[i] = 1 + 2 * i + 1;
118 permutation[block_rank + 1 + i] = 1 + 2 * i;
120 permutation[block_rank] = 0;
121 std::iota(permutation.begin() + 1 + block_rank * 2, permutation.end(),
124 xla::Transpose(reshaped_padded, permutation);
  /external/tensorflow/tensorflow/python/kernel_tests/
sparse_reorder_op_test.py 41 def _SparseTensorValue_5x6(self, permutation):
46 ind = ind[permutation]
47 val = val[permutation]
85 input_val = self._SparseTensorValue_5x6(np.random.permutation(6))
100 input_val = self._SparseTensorValue_5x6(np.random.permutation(6))
113 input_val = self._SparseTensorValue_5x6(np.random.permutation(6))
  /external/mesa3d/src/intel/compiler/
brw_fs_bank_conflicts.cpp 730 * Register atom permutation, represented as the start GRF offset each atom
733 struct permutation {
734 permutation() : v(NULL), size(0) {}
736 permutation(unsigned n) :
739 permutation(const permutation &p) :
745 ~permutation()
750 permutation &
751 operator=(permutation p)
763 * Return an identity permutation of GRF atoms
    [all...]
  /external/skia/tests/
OpChainTest.cpp 182 int permutation[kNumOps]; local
184 permutation[i] = i;
198 std::swap(permutation[i], permutation[j]);
215 int value = permutation[i];
  /external/tensorflow/tensorflow/compiler/xla/
util.cc 80 bool IsPermutation(absl::Span<const int64> permutation, int64 rank) {
81 if (rank != permutation.size()) {
86 return absl::c_is_permutation(permutation, trivial_permutation);
109 bool IsIdentityPermutation(absl::Span<const int64> permutation) {
110 for (int64 i = 0; i < permutation.size(); ++i) {
111 if (permutation[i] != i) {
  /external/tensorflow/tensorflow/contrib/ignite/kernels/dataset/
ignite_dataset.cc 26 std::vector<int32> permutation,
42 permutation_(std::move(permutation)),
ignite_dataset.h 29 std::vector<int32> permutation, DataTypeVector dtypes,
ignite_dataset_ops.cc 168 OP_REQUIRES_OK(ctx, ctx->input("permutation", &permutation_tensor));
170 errors::InvalidArgument("`permutation` must be a vector."));
172 std::vector<int32> permutation; variable
173 permutation.resize(permutation_tensor->NumElements());
175 // Inversed permutation.
176 permutation[permutation_tensor->flat<int32>()(i)] = i;
189 std::move(schema), std::move(permutation), std::move(dtypes),
  /external/tensorflow/tensorflow/core/grappler/
utils.cc 342 // Every permutation is a product of one or more cycles. Iterate over the cycles
343 // in the permutation, and convert each of those into a product of
345 void PermuteNodesInPlace(GraphDef* graph, std::vector<int>* permutation,
347 CHECK_EQ(graph->node_size(), permutation->size());
348 std::vector<int> inv_perm(permutation->size(), 0);
350 for (size_t n = 0; n < permutation->size(); ++n) {
351 inv_perm[(*permutation)[n]] = n;
353 permutation->swap(inv_perm);
355 for (std::size_t n = 0; n + 1 < permutation->size(); ++n) {
356 while (n != (*permutation)[n])
    [all...]
  /external/eigen/unsupported/Eigen/src/NonLinearOptimization/
LevenbergMarquardt.h 109 PermutationMatrix<Dynamic,Dynamic> permutation; member in class:Eigen::LevenbergMarquardt
234 permutation = qrfac.colsPermutation();
261 if (wa2[permutation.indices()[j]] != 0.)
262 gnorm = (std::max)(gnorm, abs( fjac.col(j).head(j+1).dot(qtf.head(j+1)/fnorm) / wa2[permutation.indices()[j]]));
466 permutation.setIdentity(n);
475 permutation = qrfac.colsPermutation();
511 if (wa2[permutation.indices()[j]] != 0.)
512 gnorm = (std::max)(gnorm, abs( fjac.col(j).head(j+1).dot(qtf.head(j+1)/fnorm) / wa2[permutation.indices()[j]]));
525 internal::lmpar<Scalar>(fjac, permutation.indices(), diag, qtf, delta, par, wa1);
549 wa3 = fjac.topLeftCorner(n,n).template triangularView<Upper>() * (permutation.inverse() * wa1)
    [all...]
  /external/skqp/tests/
OpChainTest.cpp 182 int permutation[kNumOps]; local
184 permutation[i] = i;
198 std::swap(permutation[i], permutation[j]);
216 int value = permutation[i];

Completed in 992 milliseconds

1 2 3 4