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

1 2 3 4 5 6 7 8 91011>>

  /external/eigen/unsupported/test/
cxx11_tensor_shuffling.cpp 29 no_shuffle = tensor.shuffle(shuffles);
50 Tensor<float, 4, DataLayout> shuffle; local
51 shuffle = tensor.shuffle(shuffles);
53 VERIFY_IS_EQUAL(shuffle.dimension(0), 5);
54 VERIFY_IS_EQUAL(shuffle.dimension(1), 7);
55 VERIFY_IS_EQUAL(shuffle.dimension(2), 3);
56 VERIFY_IS_EQUAL(shuffle.dimension(3), 2);
62 VERIFY_IS_EQUAL(tensor(i,j,k,l), shuffle(k,l,j,i));
82 expected = tensor.shuffle(shuffles)
198 Tensor<float, 4, DataLayout> shuffle; local
    [all...]
  /external/tensorflow/tensorflow/contrib/input_pipeline/python/ops/
input_pipeline_ops.py 49 def _maybe_randomize_list(string_list, shuffle):
50 if shuffle:
51 random.shuffle(string_list)
55 def _create_list(string_list, shuffle, seed, num_epochs):
56 if shuffle and seed:
58 expanded_list = _maybe_randomize_list(string_list, shuffle)[:]
61 expanded_list.extend(_maybe_randomize_list(string_list, shuffle))
65 def seek_next(string_list, shuffle=False, seed=None, num_epochs=None):
77 shuffle: If true, we shuffle the string_list differently for each epoch
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/
numpy_io.py 35 shuffle=True,
38 """This input_fn diffs from the core version with default `shuffle`."""
42 shuffle=shuffle,
pandas_io_test.py 63 x, y_noindex, batch_size=2, shuffle=False, num_epochs=1)
71 x, y, batch_size=2, shuffle=False, num_epochs=1)
89 x, y, batch_size=128, shuffle=False, num_epochs=2)
118 x, y, batch_size=2, shuffle=False, num_epochs=1)
152 x, y=None, batch_size=2, shuffle=False, num_epochs=1)
165 x, y, batch_size=2, shuffle=False, num_epochs=1)
188 x, y, batch_size=4, shuffle=False, num_epochs=1)
198 x, y, batch_size=4, shuffle=True, num_epochs=1)
208 x, y, batch_size=2, shuffle=True, queue_capacity=None, num_epochs=2)
218 x, y, batch_size=3, shuffle=False, num_epochs=1
    [all...]
generator_io_test.py 46 shuffle=False,
73 generator, target_key=None, batch_size=2, shuffle=False, num_epochs=1)
105 shuffle=False,
142 shuffle=False,
168 x, batch_size=2, shuffle=False, num_epochs=1)
179 generator, batch_size=2, shuffle=False, num_epochs=1)
190 generator, batch_size=2, shuffle=False, num_epochs=1)
208 generator, target_key=y, batch_size=2, shuffle=False, num_epochs=1)
226 generator, target_key=y, batch_size=2, shuffle=False, num_epochs=1)
243 generator, target_key=y, batch_size=2, shuffle=False, num_epochs=1
    [all...]
  /external/webp/src/dsp/
lossless_enc_neon.c 40 const uint8x16_t shuffle) {
41 return vcombine_u8(vtbl1q_u8(argb, vget_low_u8(shuffle)),
42 vtbl1q_u8(argb, vget_high_u8(shuffle)));
49 const uint8x8_t shuffle) {
50 return vcombine_u8(vtbl1_u8(vget_low_u8(argb), shuffle),
51 vtbl1_u8(vget_high_u8(argb), shuffle));
59 const uint8x16_t shuffle = vld1q_u8(kGreenShuffle); local
61 const uint8x8_t shuffle = vld1_u8(kGreenShuffle); local
65 const uint8x16_t greens = DoGreenShuffle_NEON(argb, shuffle);
96 const uint8x16_t shuffle = vld1q_u8(kg0g0) local
99 const uint8x8_t shuffle = vld1_u8(k0g0g); local
    [all...]
  /external/libcxx/test/std/algorithms/alg.modifying.operations/alg.random.shuffle/
random_shuffle_urng.pass.cpp 13 // void shuffle(RandomAccessIterator first, RandomAccessIterator last,
29 std::shuffle(ia, ia+sa, g);
32 std::shuffle(ia, ia+sa, std::move(g));
  /external/adhd/cras/src/server/
cras_bt_player.h 30 bool shuffle; member in struct:cras_bt_player
  /external/libcxx/test/std/algorithms/alg.sorting/alg.heap.operations/push.heap/
push_heap.pass.cpp 29 std::shuffle(ia, ia+N, randomness);
push_heap_comp.pass.cpp 40 std::shuffle(ia, ia+N, randomness);
59 std::shuffle(ia, ia+N, randomness);
  /external/tensorflow/tensorflow/contrib/slim/python/slim/data/
dataset_data_provider.py 25 shuffle=False)
33 shuffle=True)
57 shuffle=True,
72 shuffle: Whether to shuffle the data sources and common queue when
92 shuffle=shuffle,
  /external/tensorflow/tensorflow/core/kernels/
conv_2d.h 38 output.device(d) = input.shuffle(order).reverse(reverse_dims);
50 output.device(d) = input.inflate(strides).pad(pad_dims).shuffle(order);
156 // Merge the spatial dimensions together to speed up the shuffle operation.
188 in.reshape(merged_dims).shuffle(shuffling_perm).reshape(expanded_dims);
196 const Eigen::DSizes<IndexType, 4>& shuffle,
203 if (shuffle[1] == 2 && shuffle[2] == 3) {
207 new_shuffle[0] = shuffle[0];
209 new_shuffle[2] = shuffle[3];
210 expanded_dims[0] = in.dimension(shuffle[0])
    [all...]
  /external/v8/src/compiler/
instruction-selector.h 452 static void CanonicalizeShuffleForTesting(bool inputs_equal, uint8_t* shuffle,
455 CanonicalizeShuffle(inputs_equal, shuffle, needs_swap, is_swizzle);
458 static bool TryMatchIdentityForTesting(const uint8_t* shuffle) {
459 return TryMatchIdentity(shuffle);
462 static bool TryMatchDupForTesting(const uint8_t* shuffle, int* index) {
463 return TryMatchDup<LANES>(shuffle, index);
465 static bool TryMatch32x4ShuffleForTesting(const uint8_t* shuffle,
467 return TryMatch32x4Shuffle(shuffle, shuffle32x4);
469 static bool TryMatch16x8ShuffleForTesting(const uint8_t* shuffle,
471 return TryMatch16x8Shuffle(shuffle, shuffle16x8)
    [all...]
  /external/tensorflow/tensorflow/contrib/eager/python/examples/revnet/
cifar_input.py 36 shuffle=True,
51 shuffle: Shuffle the dataset if True
104 if shuffle:
112 dataset = dataset.shuffle(size)
  /external/libcxx/test/std/algorithms/alg.sorting/alg.heap.operations/make.heap/
make_heap.pass.cpp 28 std::shuffle(ia, ia+N, randomness);
make_heap_comp.pass.cpp 41 std::shuffle(ia, ia+N, randomness);
69 std::shuffle(ia, ia+N, randomness);
95 std::shuffle(ia, ia+N, randomness);
  /external/libcxx/test/std/algorithms/alg.sorting/alg.heap.operations/pop.heap/
pop_heap.pass.cpp 28 std::shuffle(ia, ia+N, randomness);
pop_heap_comp.pass.cpp 40 std::shuffle(ia, ia+N, randomness);
61 std::shuffle(ia, ia+N, randomness);
  /external/libcxx/test/std/algorithms/alg.sorting/alg.heap.operations/sort.heap/
sort_heap.pass.cpp 28 std::shuffle(ia, ia+N, randomness);
sort_heap_comp.pass.cpp 39 std::shuffle(ia, ia+N, randomness);
61 std::shuffle(ia, ia+N, randomness);
  /external/tensorflow/tensorflow/python/data/experimental/kernel_tests/
auto_shard_dataset_test.py 51 dataset = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
64 dataset1 = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
67 dataset2 = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
83 dataset1 = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
87 dataset2 = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
104 dataset = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
146 shuffle=False)
161 dataset = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
175 dataset = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True)
189 dataset = dataset_ops.Dataset.list_files(self.test_filenames, shuffle=True
    [all...]
  /external/tensorflow/tensorflow/examples/get_started/regression/
dnn_regression.py 46 train.shuffle(1000).batch(128)
52 return test.shuffle(1000).batch(128)
linear_regression_categorical.py 46 train.shuffle(1000).batch(128)
52 return test.shuffle(1000).batch(128)
  /external/libaom/libaom/av1/encoder/x86/
pickrst_sse4.c 21 const __m128i *shuffle, const __m128i *kl) {
22 const __m128i s = _mm_shuffle_epi8(xx_loadu_128(src), *shuffle);
36 int dgd_stride, const __m128i *shuffle, int32_t *sumX,
57 acc_stat_sse41(H_ + 0 * 8, dgd_ij + 0 * dgd_stride, shuffle, &kl);
58 acc_stat_sse41(H_ + 1 * 8, dgd_ij + 1 * dgd_stride, shuffle, &kl);
59 acc_stat_sse41(H_ + 2 * 8, dgd_ij + 2 * dgd_stride, shuffle, &kl);
60 acc_stat_sse41(H_ + 3 * 8, dgd_ij + 3 * dgd_stride, shuffle, &kl);
61 acc_stat_sse41(H_ + 4 * 8, dgd_ij + 4 * dgd_stride, shuffle, &kl);
62 acc_stat_sse41(H_ + 5 * 8, dgd_ij + 5 * dgd_stride, shuffle, &kl);
63 acc_stat_sse41(H_ + 6 * 8, dgd_ij + 6 * dgd_stride, shuffle, &kl)
88 const __m128i shuffle = xx_loadu_128(g_shuffle_stats_data); local
234 const __m128i shuffle = xx_loadu_128(g_shuffle_stats_highbd_data); local
334 const __m128i shuffle = xx_loadu_128(g_shuffle_stats_highbd_data); local
443 const __m128i shuffle = xx_loadu_128(g_shuffle_stats_data); local
    [all...]
pickrst_avx2.c 22 const __m128i *shuffle, const __m256i *kl) {
23 const __m128i s = _mm_shuffle_epi8(xx_loadu_128(src), *shuffle);
32 int dgd_stride, const __m128i *shuffle, int32_t *sumX,
53 acc_stat_avx2(H_ + 0 * 8, dgd_ij + 0 * dgd_stride, shuffle, &kl);
54 acc_stat_avx2(H_ + 1 * 8, dgd_ij + 1 * dgd_stride, shuffle, &kl);
55 acc_stat_avx2(H_ + 2 * 8, dgd_ij + 2 * dgd_stride, shuffle, &kl);
56 acc_stat_avx2(H_ + 3 * 8, dgd_ij + 3 * dgd_stride, shuffle, &kl);
57 acc_stat_avx2(H_ + 4 * 8, dgd_ij + 4 * dgd_stride, shuffle, &kl);
58 acc_stat_avx2(H_ + 5 * 8, dgd_ij + 5 * dgd_stride, shuffle, &kl);
59 acc_stat_avx2(H_ + 6 * 8, dgd_ij + 6 * dgd_stride, shuffle, &kl)
83 const __m128i shuffle = xx_loadu_128(g_shuffle_stats_data); local
224 const __m256i shuffle = yy_loadu_256(g_shuffle_stats_highbd_data); local
324 const __m256i shuffle = yy_loadu_256(g_shuffle_stats_highbd_data); local
432 const __m128i shuffle = xx_loadu_128(g_shuffle_stats_data); local
    [all...]

Completed in 696 milliseconds

1 2 3 4 5 6 7 8 91011>>