Home
last modified time | relevance | path

Searched refs:nn (Results 1 – 25 of 800) sorted by relevance

12345678910>>...32

/external/fec/
Drstest.c54 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/
Dapinames.c65 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/tensorflow/tensorflow/docs_src/api_guides/python/
Dnn.md19 * @{tf.nn.relu}
20 * @{tf.nn.relu6}
21 * @{tf.nn.crelu}
22 * @{tf.nn.elu}
23 * @{tf.nn.selu}
24 * @{tf.nn.softplus}
25 * @{tf.nn.softsign}
26 * @{tf.nn.dropout}
27 * @{tf.nn.bias_add}
115 * @{tf.nn.convolution}
[all …]
/external/ImageMagick/PerlMagick/t/reference/composite/
DCopyRed.miff15nn+nn0nn:nnLnnXnnnnn�nnnnnnnnnnnn�nnlnn^nnfnnjnn�nnnnnnnnnnnnnnnnnnnnnnnnnnnnnn
DCopyBlue.miff15nn(nn+nn0nnNnnmnn�nnnnnnnnnnnnnnnn]nnGnnInnEnnCnnQnn=nn+nn&nn&nn+nn)nn+nn+nn9nn)nn(nn(nn(nn
DCopyGreen.miff15nnnnnnnnnn�nnwnnann]nn]nn\nnYnnRnn=nn0nn7nn7nn5nn5nn=nn<nnDnn8nn:nn9nn4nn2nn;nn8nn/nnEnnVnnAnn…
/external/llvm/test/Transforms/InstCombine/
Drange-check.ll7 ; 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/
Dcpu_set.h114 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/
Dnn.py21 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)
Dnn_test.py21 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/curl/tests/certs/
DMakefile.am30 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/freetype/src/autofit/
Dafwarp.c82 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 …]
Dafglobal.c278 FT_Long nn; in af_face_globals_compute_style_coverage() local
281 for ( nn = 0; nn < globals->glyph_count; nn++ ) in af_face_globals_compute_style_coverage()
283 if ( ( gstyles[nn] & AF_STYLE_MASK ) == AF_STYLE_UNASSIGNED ) in af_face_globals_compute_style_coverage()
285 gstyles[nn] &= ~AF_STYLE_MASK; in af_face_globals_compute_style_coverage()
286 gstyles[nn] |= globals->module->fallback_style; in af_face_globals_compute_style_coverage()
392 FT_UInt nn; in af_face_globals_free() local
395 for ( nn = 0; nn < AF_STYLE_MAX; nn++ ) in af_face_globals_free()
397 if ( globals->metrics[nn] ) in af_face_globals_free()
400 AF_STYLE_CLASSES_GET[nn]; in af_face_globals_free()
406 writing_system_class->style_metrics_done( globals->metrics[nn] ); in af_face_globals_free()
[all …]
/external/freetype/src/base/
Dftadvanc.c33 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/icu/icu4j/main/classes/core/src/com/ibm/icu/text/
DRBNFChinesePostProcessor.java101 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/
DRBNFChinesePostProcessor.java102 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/tensorflow/tensorflow/examples/speech_commands/
Dmodels.py227 first_conv = tf.nn.conv2d(fingerprint_4d, first_weights, [1, 1, 1, 1],
229 first_relu = tf.nn.relu(first_conv)
231 first_dropout = tf.nn.dropout(first_relu, dropout_prob)
234 max_pool = tf.nn.max_pool(first_dropout, [1, 2, 2, 1], [1, 2, 2, 1], 'SAME')
246 second_conv = tf.nn.conv2d(max_pool, second_weights, [1, 1, 1, 1],
248 second_relu = tf.nn.relu(second_conv)
250 second_dropout = tf.nn.dropout(second_relu, dropout_prob)
335 first_conv = tf.nn.conv2d(fingerprint_4d, first_weights, [
338 first_relu = tf.nn.relu(first_conv)
340 first_dropout = tf.nn.dropout(first_relu, dropout_prob)
[all …]
/external/tensorflow/tensorflow/contrib/model_pruning/examples/cifar10/
Dcifar10_pruning.py85 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/valgrind/VEX/priv/
Dguest_arm64_toIR.c2415 UInt nn = INSN(9,5); in dis_ARM64_data_processing_immediate() local
2427 assign(argL, getIReg64orSP(nn)); in dis_ARM64_data_processing_immediate()
2435 nm, nameIReg64orZR(dd), nameIReg64orSP(nn), uimm12); in dis_ARM64_data_processing_immediate()
2439 nm, nameIReg64orSP(dd), nameIReg64orSP(nn), uimm12); in dis_ARM64_data_processing_immediate()
2445 assign(argL, getIReg32orSP(nn)); in dis_ARM64_data_processing_immediate()
2453 nm, nameIReg32orZR(dd), nameIReg32orSP(nn), uimm12); in dis_ARM64_data_processing_immediate()
2457 nm, nameIReg32orSP(dd), nameIReg32orSP(nn), uimm12); in dis_ARM64_data_processing_immediate()
2497 UInt nn = INSN(9,5); in dis_ARM64_data_processing_immediate() local
2514 IRExpr* argL = getIReg64orZR(nn); in dis_ARM64_data_processing_immediate()
2521 nameIReg64orSP(dd), nameIReg64orZR(nn), imm); in dis_ARM64_data_processing_immediate()
[all …]
Dhost_generic_simd128.c279 V128* argL, UInt nn) in h_generic_calc_SarN64x2() argument
282 nn &= 63; in h_generic_calc_SarN64x2()
283 res->w64[0] = sar64(argL->w64[0], nn); in h_generic_calc_SarN64x2()
284 res->w64[1] = sar64(argL->w64[1], nn); in h_generic_calc_SarN64x2()
289 V128* argL, UInt nn) in h_generic_calc_SarN8x16() argument
292 nn &= 7; in h_generic_calc_SarN8x16()
293 res->w8[ 0] = sar8(argL->w8[ 0], nn); in h_generic_calc_SarN8x16()
294 res->w8[ 1] = sar8(argL->w8[ 1], nn); in h_generic_calc_SarN8x16()
295 res->w8[ 2] = sar8(argL->w8[ 2], nn); in h_generic_calc_SarN8x16()
296 res->w8[ 3] = sar8(argL->w8[ 3], nn); in h_generic_calc_SarN8x16()
[all …]
Dhost_generic_simd64.c999 ULong h_generic_calc_ShlN32x2 ( ULong xx, UInt nn ) in h_generic_calc_ShlN32x2() argument
1002 nn &= 31; in h_generic_calc_ShlN32x2()
1004 shl32( sel32x2_1(xx), nn ), in h_generic_calc_ShlN32x2()
1005 shl32( sel32x2_0(xx), nn ) in h_generic_calc_ShlN32x2()
1009 ULong h_generic_calc_ShlN16x4 ( ULong xx, UInt nn ) in h_generic_calc_ShlN16x4() argument
1012 nn &= 15; in h_generic_calc_ShlN16x4()
1014 shl16( sel16x4_3(xx), nn ), in h_generic_calc_ShlN16x4()
1015 shl16( sel16x4_2(xx), nn ), in h_generic_calc_ShlN16x4()
1016 shl16( sel16x4_1(xx), nn ), in h_generic_calc_ShlN16x4()
1017 shl16( sel16x4_0(xx), nn ) in h_generic_calc_ShlN16x4()
[all …]
/external/syslinux/core/lwip/src/core/snmp/
Dmib_structs.c218 struct mib_list_node *nn; in snmp_mib_node_insert() local
229 nn = snmp_mib_ln_alloc(objid); in snmp_mib_node_insert()
230 if (nn != NULL) in snmp_mib_node_insert()
232 rn->head = nn; in snmp_mib_node_insert()
233 rn->tail = nn; in snmp_mib_node_insert()
234 *insn = nn; in snmp_mib_node_insert()
262 nn = snmp_mib_ln_alloc(objid); in snmp_mib_node_insert()
263 if (nn != NULL) in snmp_mib_node_insert()
265 nn->next = NULL; in snmp_mib_node_insert()
266 nn->prev = n; in snmp_mib_node_insert()
[all …]
/external/tensorflow/tensorflow/contrib/lite/g3doc/
Dtf_ops_compatibility.md42 * [tf.nn.avg_pool](https://www.tensorflow.org/api_docs/python/tf/nn/avg_pool)
43 * [tf.nn.conv2d](https://www.tensorflow.org/api_docs/python/tf/nn/conv2d) -
45 * [tf.nn.depthwise_conv2d](https://www.tensorflow.org/api_docs/python/tf/nn/depthwise_conv2d) -
47 * [tf.nn.l2_normalize](https://www.tensorflow.org/api_docs/python/tf/nn/l2_normalize) -
49 * [tf.nn.local_response_normalization](https://www.tensorflow.org/api_docs/python/tf/nn/local_res…
50 * [tf.nn.max_pool](https://www.tensorflow.org/api_docs/python/tf/nn/max_pool)
51 * [tf.nn.softmax](https://www.tensorflow.org/api_docs/python/tf/nn/softmax) -
62 (tf.placeholder), or fused into more complex operations (tf.nn.bias_add). Even
97 * [tf.nn.batch_norm_with_global_normalization](https://www.tensorflow.org/api_docs/python/tf/nn/b…
98 * [tf.nn.bias_add](https://www.tensorflow.org/api_docs/python/tf/nn/bias_add)
[all …]
/external/freetype/src/truetype/
Dttpload.c527 FT_UInt nn, num_records; in tt_face_load_hdmx() local
578 for ( nn = 0; nn < num_records; nn++ ) in tt_face_load_hdmx()
583 face->hdmx_record_sizes[nn] = p[0]; in tt_face_load_hdmx()
587 face->hdmx_record_count = nn; in tt_face_load_hdmx()
623 FT_UInt nn; in tt_face_get_device_metrics() local
629 for ( nn = 0; nn < face->hdmx_record_count; nn++ ) in tt_face_get_device_metrics()
630 if ( face->hdmx_record_sizes[nn] == ppem ) in tt_face_get_device_metrics()
634 result = record + nn * record_size + gindex; in tt_face_get_device_metrics()
Dttdriver.c226 FT_UInt nn; in tt_get_advances() local
241 for ( nn = 0; nn < count; nn++ ) in tt_get_advances()
248 TT_Get_VMetrics( face, start + nn, 0, &tsb, &ah ); in tt_get_advances()
249 advances[nn] = ah; in tt_get_advances()
261 for ( nn = 0; nn < count; nn++ ) in tt_get_advances()
267 TT_Get_HMetrics( face, start + nn, &lsb, &aw ); in tt_get_advances()
268 advances[nn] = aw; in tt_get_advances()

12345678910>>...32