/external/fec/ |
D | rstest.c | 54 int nn,kk; in main() local 56 nn = (1<<Tab[i].symsize) - 1; in main() 57 kk = nn - Tab[i].nroots; in main() 58 printf("Testing (%d,%d) code...\n",nn,kk); in main() 68 int nn = 255; in exercise_8() local 69 unsigned char block[nn],tblock[nn]; in exercise_8() 70 int errlocs[nn],derrlocs[nn]; in exercise_8() 83 for(errors=0;errors<=(nn-kk)/2;errors++){ in exercise_8() 87 block[i] = random() & nn; in exercise_8() 98 errval = random() & nn; in exercise_8() [all …]
|
/external/freetype/src/tools/ |
D | apinames.c | 65 int nn, len; in names_add() local 74 for ( nn = 0; nn < len; nn++ ) in names_add() 75 h = h*33 + name[nn]; in names_add() 78 for ( nn = 0; nn < num_names; nn++ ) in names_add() 80 nm = the_names + nn; in names_add() 132 int nn; in names_dump() local 143 for ( nn = 0; nn < num_names; nn++ ) in names_dump() 144 fprintf( out, " %s\n", the_names[nn].name ); in names_dump() 153 for ( nn = 0; nn < num_names; nn++ ) in names_dump() 154 fprintf( out, " _%s\n", the_names[nn].name ); in names_dump() [all …]
|
/external/ImageMagick/PerlMagick/t/reference/composite/ |
D | CopyRed.miff | 15 …nn+nn0nn:nnLnnXnnnnn�nn�nn�nn�nn�nn�nn�nnlnn^nnfnnjnn�nn�nn�nn�nn�nn�nn�nn�nn�nn�nn�nn�nn�nn�nn�nn…
|
D | CopyBlue.miff | 15 …nn(nn+nn0nnNnnmnn�nn�nn�nn�nn�nn�nn�nn�nn]nnGnnInnEnnCnnQnn=nn+nn&nn&nn+nn)nn+nn+nn9nn)nn(nn(nn(nn…
|
D | CopyGreen.miff | 15 …nn�nnnn�nn�nn�nnwnnann]nn]nn\nnYnnRnn=nn0nn7nn7nn5nn5nn=nn<nnDnn8nn:nn9nn4nn2nn;nn8nn/nnEnnVnnAnn…
|
/external/llvm/test/Transforms/InstCombine/ |
D | range-check.ll | 7 ; CHECK: [[R:%[0-9]+]] = icmp ugt i32 %nn, %x 10 %nn = and i32 %n, 2147483647 12 %b = icmp slt i32 %x, %nn 18 ; CHECK: [[R:%[0-9]+]] = icmp uge i32 %nn, %x 21 %nn = and i32 %n, 2147483647 23 %b = icmp sle i32 %x, %nn 29 ; CHECK: [[R:%[0-9]+]] = icmp ugt i32 %nn, %x 32 %nn = and i32 %n, 2147483647 33 %a = icmp sgt i32 %nn, %x 40 ; CHECK: [[R:%[0-9]+]] = icmp uge i32 %nn, %x [all …]
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/Transforms/InstCombine/ |
D | range-check.ll | 7 ; CHECK: [[R:%[0-9]+]] = icmp ugt i32 %nn, %x 10 %nn = and i32 %n, 2147483647 12 %b = icmp slt i32 %x, %nn 18 ; CHECK: [[R:%[0-9]+]] = icmp uge i32 %nn, %x 21 %nn = and i32 %n, 2147483647 23 %b = icmp sle i32 %x, %nn 29 ; CHECK: [[R:%[0-9]+]] = icmp ugt i32 %nn, %x 32 %nn = and i32 %n, 2147483647 33 %a = icmp sgt i32 %nn, %x 40 ; CHECK: [[R:%[0-9]+]] = icmp uge i32 %nn, %x [all …]
|
/external/google-breakpad/src/client/linux/minidump_writer/ |
D | cpu_set.h | 114 for (size_t nn = 0; nn < kMaskWordCount; ++nn) in IntersectWith() local 115 mask_[nn] &= other.mask_[nn]; in IntersectWith() 121 for (size_t nn = 0; nn < kMaskWordCount; ++nn) { in GetCount() local 122 result += __builtin_popcount(mask_[nn]); in GetCount() 129 size_t nn = static_cast<size_t>(index); in SetBit() local 130 if (nn < kMaxCpus) in SetBit() 131 mask_[nn / kMaskWordBits] |= (1U << (nn % kMaskWordBits)); in SetBit()
|
/external/tensorflow/tensorflow/contrib/labeled_tensor/python/ops/ |
D | nn.py | 21 from tensorflow.contrib import nn as contrib_nn 23 from tensorflow.python.ops import nn 25 relu = core.define_unary_op('relu', nn.relu) 26 relu6 = core.define_unary_op('relu6', nn.relu6) 27 crelu = core.define_unary_op('crelu', nn.crelu) 28 elu = core.define_unary_op('elu', nn.elu) 29 softplus = core.define_unary_op('softplus', nn.softplus) 31 l2_loss = core.define_unary_op('l2_loss', nn.l2_loss) 35 softmax = core.define_unary_op('softmax', nn.softmax) 36 log_softmax = core.define_unary_op('log_softmax', nn.log_softmax)
|
D | nn_test.py | 21 from tensorflow.contrib.labeled_tensor.python.ops import nn 37 ('relu', nn_ops.relu, nn.relu), 38 ('relu6', nn_ops.relu6, nn.relu6), 39 ('crelu', nn_ops.crelu, nn.crelu), 40 ('elu', nn_ops.elu, nn.elu), 41 ('softplus', nn_ops.softplus, nn.softplus), 42 ('l2_loss', nn_ops.l2_loss, nn.l2_loss), 43 ('softmax', nn_ops.softmax, nn.softmax), 44 ('log_softmax', nn_ops.log_softmax, nn.log_softmax), 57 nn.sigmoid_cross_entropy_with_logits), [all …]
|
/external/freetype/src/autofit/ |
D | afwarp.c | 82 FT_Int nn; in af_warper_compute_line_best() local 86 for ( nn = 0; nn < 65; nn++ ) in af_warper_compute_line_best() 87 scores[nn] = 0; in af_warper_compute_line_best() 119 for ( nn = 0; nn < num_segments; nn++ ) in af_warper_compute_line_best() 121 FT_Pos len = segments[nn].max_coord - segments[nn].min_coord; in af_warper_compute_line_best() 122 FT_Pos y0 = FT_MulFix( segments[nn].pos, scale ) + delta; in af_warper_compute_line_best() 173 FT_Int nn, num_points, num_segments; in af_warper_compute() local 213 for ( nn = 1; nn < num_points; nn++ ) in af_warper_compute() 215 FT_Int X = points[nn].fx; in af_warper_compute() 225 for ( nn = 1; nn < num_segments; nn++ ) in af_warper_compute() [all …]
|
D | afglobal.c | 273 FT_Long nn; in af_face_globals_compute_style_coverage() local 276 for ( nn = 0; nn < globals->glyph_count; nn++ ) in af_face_globals_compute_style_coverage() 278 if ( ( gstyles[nn] & AF_STYLE_MASK ) == AF_STYLE_UNASSIGNED ) in af_face_globals_compute_style_coverage() 280 gstyles[nn] &= ~AF_STYLE_MASK; in af_face_globals_compute_style_coverage() 281 gstyles[nn] |= globals->module->fallback_style; in af_face_globals_compute_style_coverage() 387 FT_UInt nn; in af_face_globals_free() local 390 for ( nn = 0; nn < AF_STYLE_MAX; nn++ ) in af_face_globals_free() 392 if ( globals->metrics[nn] ) in af_face_globals_free() 395 af_style_classes[nn]; in af_face_globals_free() 401 writing_system_class->style_metrics_done( globals->metrics[nn] ); in af_face_globals_free() [all …]
|
/external/freetype/src/base/ |
D | ftadvanc.c | 33 FT_UInt nn; in _ft_face_scale_advances() local 50 for ( nn = 0; nn < count; nn++ ) in _ft_face_scale_advances() 51 advances[nn] = FT_MulDiv( advances[nn], scale, 64 ); in _ft_face_scale_advances() 123 FT_UInt num, end, nn; in FT_Get_Advances() local 159 for ( nn = 0; nn < count; nn++ ) in FT_Get_Advances() 161 error = FT_Load_Glyph( face, start + nn, flags ); in FT_Get_Advances() 166 padvances[nn] = ( flags & FT_LOAD_VERTICAL_LAYOUT ) in FT_Get_Advances()
|
/external/Microsoft-GSL/tests/ |
D | strict_notnull_tests.cpp | 106 not_null<int*> nn{&x}; variable 108 const strict_not_null<int*> snn1{nn}; 109 const strict_not_null<int*> snn2{nn}; 111 strict_helper(nn); 112 strict_helper_const(nn); 114 CHECK(snn1 == nn); 115 CHECK(snn2 == nn); 120 CHECK(hash_nn(snn1) == hash_nn(nn)); 121 CHECK(hash_snn(snn1) == hash_nn(nn)); 123 CHECK(hash_snn(snn1) == hash_snn(nn));
|
/external/icu/icu4j/main/classes/core/src/com/ibm/icu/text/ |
D | RBNFChinesePostProcessor.java | 101 int nn = buf.lastIndexOf(ling, x); in process() local 103 if (nn > m) { in process() 104 ns = (nn > 0 && buf.charAt(nn-1) != '*') ? 2 : 1; in process() 116 n = nn; // remember optional ling to right in process() 127 buf.delete(nn-1, nn+ling.length()); // delete current optional ling in process() 141 buf.delete(nn-1, nn+ling.length()); // delete current optional ling in process()
|
/external/icu/android_icu4j/src/main/java/android/icu/text/ |
D | RBNFChinesePostProcessor.java | 102 int nn = buf.lastIndexOf(ling, x); in process() local 104 if (nn > m) { in process() 105 ns = (nn > 0 && buf.charAt(nn-1) != '*') ? 2 : 1; in process() 117 n = nn; // remember optional ling to right in process() 128 buf.delete(nn-1, nn+ling.length()); // delete current optional ling in process() 142 buf.delete(nn-1, nn+ling.length()); // delete current optional ling in process()
|
/external/curl/tests/certs/ |
D | Makefile.am | 30 Server-localhost.nn-sv.prm \ 48 Server-localhost.nn-sv.crl \ 49 Server-localhost.nn-sv.crt \ 50 Server-localhost.nn-sv.csr \ 51 Server-localhost.nn-sv.der \ 52 Server-localhost.nn-sv.dhp \ 53 Server-localhost.nn-sv.key \ 54 Server-localhost.nn-sv.pem \ 55 Server-localhost.nn-sv.pub.der \ 56 Server-localhost.nn-sv.pub.pem \ [all …]
|
/external/tensorflow/tensorflow/contrib/model_pruning/examples/cifar10/ |
D | cifar10_pruning.py | 85 tf.summary.scalar(tensor_name + '/sparsity', tf.nn.zero_fraction(x)) 126 weight_decay = tf.multiply(tf.nn.l2_loss(var), wd, name='weight_loss') 192 conv = tf.nn.conv2d( 195 pre_activation = tf.nn.bias_add(conv, biases) 196 conv1 = tf.nn.relu(pre_activation, name=scope.name) 200 pool1 = tf.nn.max_pool( 207 norm1 = tf.nn.lrn( 214 conv = tf.nn.conv2d( 217 pre_activation = tf.nn.bias_add(conv, biases) 218 conv2 = tf.nn.relu(pre_activation, name=scope.name) [all …]
|
/external/tensorflow/tensorflow/examples/speech_commands/ |
D | models.py | 268 first_conv = tf.nn.conv2d(fingerprint_4d, first_weights, [1, 1, 1, 1], 270 first_relu = tf.nn.relu(first_conv) 272 first_dropout = tf.nn.dropout(first_relu, dropout_prob) 275 max_pool = tf.nn.max_pool(first_dropout, [1, 2, 2, 1], [1, 2, 2, 1], 'SAME') 290 second_conv = tf.nn.conv2d(max_pool, second_weights, [1, 1, 1, 1], 292 second_relu = tf.nn.relu(second_conv) 294 second_dropout = tf.nn.dropout(second_relu, dropout_prob) 386 first_conv = tf.nn.conv2d(fingerprint_4d, first_weights, [ 389 first_relu = tf.nn.relu(first_conv) 391 first_dropout = tf.nn.dropout(first_relu, dropout_prob) [all …]
|
/external/tensorflow/tensorflow/lite/experimental/examples/lstm/g3doc/ |
D | README.md | 10 TensorFlow, LSTM ops are expressed as a "cell" (e.g., `tf.nn.rnn_cell.LSTMCell`, 11 `tf.nn.rnn_cell.BasicRNNCell`, etc., and they all contain multiple TensorFlow 12 ops) and a "rnn" ( e.g., `tf.nn.static_rnn`, 13 `tf.nn.bidirectional_dynamic_rnn`). 37 First step is replacing `tf.nn.rnn_cell.LSTMCell` with 38 `tf.lite.experimental.nn.TFLiteLSTMCell` in training phase, and replacing 39 `tf.nn.rnn.dynamic_rnn` with `tf.lite.experimental.nn.dynamic_rnn`, if you are 42 Both `tf.lite.experimental.nn.TFLiteLSTMCell` & 43 `tf.lite.experimental.nn.dynamic_rnn` are just normal `tf.nn.rnn_cell.LSTMCell` 44 and `tf.nn.rnn.dynamic_rnn` with OpHinted nodes in it to help the graph [all …]
|
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/ |
D | const_broadcast_test.py | 28 from tensorflow.python.ops import nn 45 y1 = nn.conv2d(x, filt1, strides=[1, 1, 1, 1], padding='SAME', name='y1') 46 z1 = nn.relu(y1, name='z1') 49 y2 = nn.conv2d(z1, filt2, strides=[1, 1, 1, 1], padding='SAME', name='y2') 50 z2 = nn.relu(y2, name='z') 56 y3 = nn.conv2d(z2, filt3, strides=[1, 1, 1, 1], padding='SAME', name='y3') 57 nn.relu(y3, name=output_name)
|
D | biasadd_matmul_test.py | 30 from tensorflow.python.ops import nn 75 x5 = nn.bias_add(x5, b) 80 x6 = nn.bias_add(x6, b, data_format="NHWC") 85 x7 = nn.bias_add(x7, b, data_format="NHWC") 90 x8 = nn.bias_add(x8, b, data_format="NHWC") 95 x9 = nn.bias_add(x9, b, data_format="NCHW") 100 x10 = nn.bias_add(x10, b, data_format="NCHW") 105 x11 = nn.bias_add(x11, b, data_format="NCHW")
|
/external/tensorflow/tensorflow/contrib/constrained_optimization/python/ |
D | candidates.py | 101 mm, nn = np.shape(constraints_matrix) 102 if (nn,) != np.shape(objective_vector): 117 a_eq = np.ones((1, nn)) 281 mm, nn = np.shape(constraints_matrix) 282 if (nn,) != np.shape(objective_vector): 296 maximum_ranks = np.zeros(nn, dtype=np.int64) 309 for ii in xrange(nn):
|
/external/freetype/src/truetype/ |
D | ttpload.c | 537 FT_UInt nn, num_records; in tt_face_load_hdmx() local 588 for ( nn = 0; nn < num_records; nn++ ) in tt_face_load_hdmx() 593 face->hdmx_record_sizes[nn] = p[0]; in tt_face_load_hdmx() 597 face->hdmx_record_count = nn; in tt_face_load_hdmx() 633 FT_UInt nn; in tt_face_get_device_metrics() local 639 for ( nn = 0; nn < face->hdmx_record_count; nn++ ) in tt_face_get_device_metrics() 640 if ( face->hdmx_record_sizes[nn] == ppem ) in tt_face_get_device_metrics() 644 result = record + nn * record_size + gindex; in tt_face_get_device_metrics()
|
D | ttdriver.c | 229 FT_UInt nn; in tt_get_advances() local 244 for ( nn = 0; nn < count; nn++ ) in tt_get_advances() 251 TT_Get_VMetrics( face, start + nn, 0, &tsb, &ah ); in tt_get_advances() 252 advances[nn] = ah; in tt_get_advances() 264 for ( nn = 0; nn < count; nn++ ) in tt_get_advances() 270 TT_Get_HMetrics( face, start + nn, &lsb, &aw ); in tt_get_advances() 271 advances[nn] = aw; in tt_get_advances()
|