/external/freetype/src/base/ |
D | ftlcdfil.c | 36 FT_Byte* weights = library->lcd_weights; in _ft_lcd_filter_fir() local 54 fir[0] = weights[2] * val1; in _ft_lcd_filter_fir() 55 fir[1] = weights[3] * val1; in _ft_lcd_filter_fir() 56 fir[2] = weights[4] * val1; in _ft_lcd_filter_fir() 61 fir[0] += weights[1] * val1; in _ft_lcd_filter_fir() 62 fir[1] += weights[2] * val1; in _ft_lcd_filter_fir() 63 fir[2] += weights[3] * val1; in _ft_lcd_filter_fir() 64 fir[3] += weights[4] * val1; in _ft_lcd_filter_fir() 72 pix = fir[0] + weights[0] * val; in _ft_lcd_filter_fir() 73 fir[0] = fir[1] + weights[1] * val; in _ft_lcd_filter_fir() [all …]
|
/external/openfst/src/include/fst/script/ |
D | shortest-path.h | 65 vector<typename Arc::Weight> weights; in ShortestPath() local 73 ArcFilter>::Construct(ifst, &weights); in ShortestPath() 78 ShortestPath(ifst, ofst, &weights, spopts); in ShortestPath() 85 ArcFilter>::Construct(ifst, &weights); in ShortestPath() 90 ShortestPath(ifst, ofst, &weights, spopts); in ShortestPath() 97 ArcFilter >::Construct(ifst, &weights); in ShortestPath() 102 ShortestPath(ifst, ofst, &weights, spopts); in ShortestPath() 109 ArcFilter>::Construct(ifst, &weights); in ShortestPath() 114 ShortestPath(ifst, ofst, &weights, spopts); in ShortestPath() 121 ArcFilter>::Construct(ifst, &weights); in ShortestPath() [all …]
|
D | shortest-distance.h | 95 const Fst<Arc> &fst, const vector<typename Arc::Weight> *weights) { 106 vector<typename Arc::Weight> weights; 112 fst, &weights); 115 ShortestDistance(fst, &weights, sdopts); 122 fst, &weights); 126 ShortestDistance(fst, &weights, sdopts); 133 fst, &weights); 137 ShortestDistance(fst, &weights, sdopts); 145 fst, &weights); 149 ShortestDistance(fst, &weights, sdopts); [all …]
|
D | rmepsilon.h | 174 vector<typename Arc::Weight> weights; in RmEpsilon() local 176 RmEpsilonHelper(fst, &weights, opts); in RmEpsilon() 179 args->arg2->resize(weights.size()); in RmEpsilon() 180 for (unsigned i = 0; i < weights.size(); ++i) { in RmEpsilon() 181 (*args->arg2)[i] = WeightClass(weights[i]); in RmEpsilon()
|
/external/opencv/ml/src/ |
D | mlcnn.cpp | 635 CvMat* connect_mask, CvMat* weights ) 656 CV_CALL(layer->weights = cvCreateMat( n_output_planes, K*K+1, CV_32FC1 )); 659 if( weights ) 661 if( !ICV_IS_MAT_OF_TYPE( weights, CV_32FC1 ) ) 663 if( !CV_ARE_SIZES_EQ( weights, layer->weights ) ) 665 CV_CALL(cvCopy( weights, layer->weights )); 670 cvRandArr( &rng, layer->weights, CV_RAND_UNI, cvRealScalar(-1), cvRealScalar(1) ); 688 cvReleaseMat( &layer->weights ); 700 float init_learn_rate, int learn_rate_decrease_type, CvMat* weights ) 733 CV_CALL(layer->weights = cvCreateMat( n_output_planes, 2, CV_32FC1 )); [all …]
|
D | mlboost.cpp | 185 const double* weights = ensemble->get_subtree_weights()->data.db; in calc_node_dir() local 200 double w = weights[i]; in calc_node_dir() 221 double w = weights[idx]; in calc_node_dir() 229 double w = weights[idx]; in calc_node_dir() 249 const double* weights = ensemble->get_subtree_weights()->data.db; in find_split_ord_class() local 252 const double* rcw0 = weights + n; in find_split_ord_class() 263 double w = weights[idx]; in find_split_ord_class() 278 double w = weights[idx], w2 = w*w; in find_split_ord_class() 303 double w = weights[idx]; in find_split_ord_class() 341 const double* weights = ensemble->get_subtree_weights()->data.db; in CV_IMPLEMENT_QSORT_EX() local [all …]
|
D | mlem.cpp | 74 means = weights = probs = inv_eigen_values = log_weight_div_det = 0; in CvEM() 81 means = weights = probs = inv_eigen_values = log_weight_div_det = 0; in CvEM() 99 cvReleaseMat( &weights ); in clear() 156 const CvMat* p = params.weights; in set_params() 178 if( params.weights ) in set_params() 180 const CvMat* w = params.weights; in set_params() 344 CV_CALL( weights = cvCreateMat( 1, nclusters, CV_64FC1 )); in train() 429 if( params.weights && params.covs ) in init_em() 432 cvReshape( weights, weights, 1, params.weights->rows ); in init_em() 433 cvConvert( params.weights, weights ); in init_em() [all …]
|
D | mlann_mlp.cpp | 97 weights = 0; in CvANN_MLP() 110 weights = 0; in CvANN_MLP() 127 cvFree( &weights ); in clear() 185 double* w = weights[i]; in init_weights() 254 CV_CALL( weights = (double**)cvAlloc( (l_count+1)*sizeof(weights[0]) )); in create() 256 weights[0] = wbuf->data.db; in create() 257 weights[1] = weights[0] + l_dst[0]*2; in create() 259 weights[i+1] = weights[i] + (l_dst[i-1] + 1)*l_dst[i]; in create() 260 weights[l_count+1] = weights[l_count] + l_dst[l_count-1]*2; in create() 324 cvInitMatHeader( &_w, layer_in->cols, layer_out->cols, CV_64F, weights[j] ); in predict() [all …]
|
/external/jmonkeyengine/engine/src/core/com/jme3/animation/ |
D | PoseTrack.java | 56 float[] weights; field in PoseTrack.PoseFrame 58 public PoseFrame(Pose[] poses, float[] weights) { in PoseFrame() argument 60 this.weights = weights; in PoseFrame() 71 result.weights = this.weights.clone(); in clone() 87 out.write(weights, "weights", null); in write() 93 weights = in.readFloatArray("weights", null); in read() 108 float poseWeight = frame.weights[i] * weight; in applyFrame()
|
D | SkeletonControl.java | 322 float[] weights = wb.array(); in applySkinning() local 354 float weight = weights[idxWeights]; in applySkinning() 431 float[] weights = wb.array(); in applySkinningTangents() local 476 float weight = weights[idxWeights]; in applySkinningTangents()
|
/external/eigen/unsupported/Eigen/src/MatrixFunctions/ |
D | MatrixLogarithm.h | 247 …const RealScalar weights[] = { 0.2777777777777777777777777777777778L, 0.44444444444444444444444444… in computePade3() local 253 result += weights[k] * (MatrixType::Identity(T.rows(), T.rows()) + nodes[k] * TminusI) in computePade3() 263 …const RealScalar weights[] = { 0.1739274225687269286865319746109997L, 0.32607257743127307131346802… in computePade4() local 269 result += weights[k] * (MatrixType::Identity(T.rows(), T.rows()) + nodes[k] * TminusI) in computePade4() 280 …const RealScalar weights[] = { 0.1184634425280945437571320203599587L, 0.23931433524968323402064575… in computePade5() local 287 result += weights[k] * (MatrixType::Identity(T.rows(), T.rows()) + nodes[k] * TminusI) in computePade5() 298 …const RealScalar weights[] = { 0.0856622461895851725201480710863665L, 0.18038078652406930378491675… in computePade6() local 305 result += weights[k] * (MatrixType::Identity(T.rows(), T.rows()) + nodes[k] * TminusI) in computePade6() 317 …const RealScalar weights[] = { 0.0647424830844348466353057163395410L, 0.13985269574463833395073388… in computePade7() local 325 result += weights[k] * (MatrixType::Identity(T.rows(), T.rows()) + nodes[k] * TminusI) in computePade7() [all …]
|
/external/jmonkeyengine/engine/src/test/jme3test/model/anim/ |
D | TestCustomAnim.java | 77 FloatBuffer weights = FloatBuffer.allocate( box.getVertexCount() * 4 ); in simpleInitApp() local 79 weightsBuf.setupData(Usage.CpuOnly, 4, Format.Float, weights); in simpleInitApp() 106 weights.array()[i+0] = 1; in simpleInitApp() 107 weights.array()[i+1] = 0; in simpleInitApp() 108 weights.array()[i+2] = 0; in simpleInitApp() 109 weights.array()[i+3] = 0; in simpleInitApp()
|
/external/llvm/include/llvm/Analysis/ |
D | ProfileDataLoader.h | 78 EdgeWeights weights = EdgeInformation.find(f)->second; in getEdgeWeight() local 80 assert((weights.find(e) != weights.end()) in getEdgeWeight() 82 return weights.find(e)->second; in getEdgeWeight()
|
/external/jmonkeyengine/engine/src/core/com/jme3/math/ |
D | Spline.java | 28 private float[] weights; //weights of NURBS spline field in Spline 111 this.weights = new float[controlPoints.size()]; in Spline() 113 this.basisFunctionDegree = nurbKnots.size() - weights.length; in Spline() 117 this.weights[i] = controlPoint.w; in Spline() 379 return knots.get(weights.length); in getMaxNurbKnot() 395 return weights; in getWeights() 422 oc.write(weights, "weights", null); in write() 444 weights = in.readFloatArray("weights", null); in read()
|
D | CurveAndSurfaceMath.java | 32 float[] weights = nurbSpline.getWeights(); in interpolateNurbs() local 39 …float val = weights[i] * CurveAndSurfaceMath.computeBaseFunctionValue(i, nurbSpline.getBasisFuncti… in interpolateNurbs()
|
/external/openfst/src/include/fst/ |
D | accumulator.h | 188 vector<double> &weights = *data_->Weights(); in SetState() local 199 state_weights_ = &(weights[pos]); in SetState() 248 vector<double> &weights = *data_->Weights(); variable 250 if (!weights.empty() || arc_limit_ < arc_period_) { 263 weights.push_back(sum); 271 weights.push_back(sum); 356 delete it->second.weights; in ~CacheLogAccumulatorData() 365 return it->second.weights; in GetWeights() 371 void AddWeights(StateId s, vector<double> *weights) { in AddWeights() argument 374 cache_.insert(make_pair(s, CacheState(weights, true))); in AddWeights() [all …]
|
/external/llvm/docs/ |
D | BranchWeightMetadata.rst | 11 Branch Weight Metadata represents branch weights as its likeliness to be 16 Branch weights might be fetch from the profiling file, or generated based on 19 All weights are represented as an unsigned 32-bit values, where higher value 42 Branch weights are assigned to every case (including the ``default`` case which 56 Branch weights are assigned to every destination.
|
/external/opencv/cv/src/ |
D | cvlinefit.cpp | 46 icvFitLine2D_wods( CvPoint2D32f * points, int _count, float *weights, float *line ) in icvFitLine2D_wods() argument 56 if( weights == 0 ) in icvFitLine2D_wods() 72 x += weights[i] * points[i].x; in icvFitLine2D_wods() 73 y += weights[i] * points[i].y; in icvFitLine2D_wods() 74 x2 += weights[i] * points[i].x * points[i].x; in icvFitLine2D_wods() 75 y2 += weights[i] * points[i].y * points[i].y; in icvFitLine2D_wods() 76 xy += weights[i] * points[i].x * points[i].y; in icvFitLine2D_wods() 77 w += weights[i]; in icvFitLine2D_wods() 102 icvFitLine3D_wods( CvPoint3D32f * points, int count, float *weights, float *line ) in icvFitLine3D_wods() argument 116 if( weights ) in icvFitLine3D_wods() [all …]
|
/external/icu4c/test/intltest/ |
D | wbnf.cpp | 439 Buffer_int weights; member in WeightedRand 446 for (int i=0; i<size; ++i) weights.append(DEFAULT_WEIGHT); in WeightedRand() 450 weights.append_array( (*weight_list),s); in WeightedRand() 451 for (int i=s; i<size; ++i) weights.append(DEFAULT_WEIGHT); in WeightedRand() 453 weights.append_array( (*weight_list),size); in WeightedRand() 457 int c = weights.content_size(); in WeightedRand() 459 total += weights[i]; in WeightedRand() 464 weights.append(weight); in append() 492 mark -= weights[i]; // 0 <= mark <= total in next() 738 Repeat(Pick * base, int minCount =0, int maxCount = 1, Buffer_int * weights = NULL): in Repeat() argument [all …]
|
/external/opencv/ml/include/ |
D | ml.h | 562 start_step(0/*CvEM::START_AUTO_STEP*/), probs(0), weights(0), means(0), covs(0) in CvEMParams() 572 probs(_probs), weights(_weights), means(_means), covs(_covs), term_crit(_term_crit) in nclusters() 579 const CvMat* weights; member 630 CvMat* weights; variable 1135 CvMat* weights; variable 1203 return layer_sizes && weights && in get_weights() 1204 (unsigned)layer <= (unsigned)layer_sizes->cols ? weights[layer] : 0; in get_weights() 1235 double** weights; variable 1318 CvMat* weights; \ 1411 CvMat* connect_mask CV_DEFAULT(0), CvMat* weights CV_DEFAULT(0) ); [all …]
|
/external/freetype/include/freetype/ |
D | ftlcdfil.h | 203 unsigned char *weights );
|
/external/srec/srec/clib/ |
D | swimodel.c | 387 hmmstates[i].weights = weight_ptr; in load_swimodel() 453 weightptr = spd->weights; in mixture_diagonal_gaussian_swimodel()
|
/external/srec/srec/include/ |
D | swimodel.h | 39 const wtdata *weights; /*pointer to weights*/ member
|
/external/jmonkeyengine/engine/src/terrain/Common/MatDefs/Terrain/ |
D | HeightBasedTerrain.frag | 24 blend = normalize(max(blend, 0.00001)); // Force weights to sum to 1.0 (very important!)
|
D | Terrain.frag | 26 …blending = normalize(max(blending, 0.00001)); // Force weights to sum to 1.0 (very important!)
|