/external/libvpx/libvpx/vp9/encoder/ |
vp9_segmentation.c | 68 // Based on set of segment counts and probabilities calculate a cost estimate 77 // Cost the top node of the tree 78 int cost = c0123 * vp9_cost_zero(probs[0]) + local 81 // Cost subsequent levels 83 cost += c01 * vp9_cost_zero(probs[1]) + 87 cost += segcounts[0] * vp9_cost_zero(probs[3]) + 90 cost += segcounts[2] * vp9_cost_zero(probs[4]) + 95 cost += c45 * vp9_cost_zero(probs[2]) + 99 cost += segcounts[4] * vp9_cost_zero(probs[5]) + 102 cost += segcounts[6] * vp9_cost_zero(probs[6]) [all...] |
/external/llvm/test/Analysis/CostModel/PowerPC/ |
unal-vec-ldst.ll | 1 ; RUN: opt < %s -cost-model -analyze | FileCheck %s 11 ; CHECK: cost of 2 for instruction: %r = load <16 x i8>, <16 x i8>* %p, align 1 20 ; CHECK: cost of 4 for instruction: %r = load <32 x i8>, <32 x i8>* %p, align 1 29 ; CHECK: cost of 2 for instruction: %r = load <8 x i16>, <8 x i16>* %p, align 2 38 ; CHECK: cost of 4 for instruction: %r = load <16 x i16>, <16 x i16>* %p, align 2 47 ; CHECK: cost of 2 for instruction: %r = load <4 x i32>, <4 x i32>* %p, align 4 56 ; CHECK: cost of 4 for instruction: %r = load <8 x i32>, <8 x i32>* %p, align 4 65 ; CHECK: cost of 1 for instruction: %r = load <2 x i64>, <2 x i64>* %p, align 8 74 ; CHECK: cost of 2 for instruction: %r = load <4 x i64>, <4 x i64>* %p, align 8 83 ; CHECK: cost of 2 for instruction: %r = load <4 x float>, <4 x float>* %p, align [all...] |
/external/webp/src/dsp/ |
cost_mips_dsp_r2.c | 16 #include "../enc/cost.h" 29 int cost = (ctx0 == 0) ? VP8BitCost(1, p0) : 0; local 59 "addu %[cost], %[cost], %[temp1] \n\t" 65 "addu %[cost], %[cost], %[temp0] \n\t" 70 : [cost]"+&r"(cost), [t]"+&r"(t), [n]"+&r"(n), [v_reg]"=&r"(v_reg), 83 cost += VP8LevelCost(t, v); 88 cost += VP8BitCost(0, last_p0) [all...] |
/external/ceres-solver/internal/ceres/ |
residual_block_utils.h | 36 // compute part of a cost/residual/jacobian. 38 // 2. Numerical failure while computing the cost/residual/jacobian, 54 // Invalidate cost, resdual and jacobian arrays (if not NULL). 56 double* cost, 60 // Check if any of the arrays cost, residuals or jacobians contains an 64 double* cost, 73 double* cost,
|
trust_region_minimizer.cc | 63 const double cost, 96 line_search->Search(1.0, cost, gradient.dot(delta), &summary); 101 line_search->Search(1.0, cost, -gradient.squaredNorm(), &summary); 196 // Do initial cost and Jacobian evaluation. 197 double cost = 0.0; local 199 &cost, 219 summary->initial_cost = cost + summary->fixed_cost; 220 iteration_summary.cost = cost + summary->fixed_cost; 250 double minimum_cost = cost; [all...] |
/external/llvm/utils/TableGen/ |
DAGISelEmitter.cpp | 45 unsigned Cost = 0; 48 Cost++; 51 Cost += 10; 54 Cost += getResultPatternCost(P->getChild(i), CGP); 55 return Cost; 64 unsigned Cost = 0; 67 Cost += Op->getValueAsInt("CodeSize"); 70 Cost += getResultPatternSize(P->getChild(i), CGP); 71 return Cost; 76 // In particular, we want to match maximal patterns first and lowest cost withi [all...] |
/external/llvm/test/Analysis/CostModel/X86/ |
reduction.ll | 1 ; RUN: opt < %s -cost-model -costmodel-reduxcost=true -analyze -mcpu=core2 -mtriple=x86_64-apple-darwin | FileCheck %s 2 ; RUN: opt < %s -cost-model -costmodel-reduxcost=true -analyze -mcpu=corei7 -mtriple=x86_64-apple-darwin | FileCheck %s --check-prefix=SSE3 3 ; RUN: opt < %s -cost-model -costmodel-reduxcost=true -analyze -mcpu=corei7-avx -mtriple=x86_64-apple-darwin | FileCheck %s --check-prefix=AVX 4 ; RUN: opt < %s -cost-model -costmodel-reduxcost=true -analyze -mcpu=core-avx2 -mtriple=x86_64-apple-darwin | FileCheck %s --check-prefix=AVX2 15 ; CHECK: cost of 9 {{.*}} extractelement 36 ; CHECK: cost of 17 {{.*}} extractelement 55 ; CHECK: cost of 11 {{.*}} extractelement 75 ; CHECK: cost of 11 {{.*}} extractelement 93 ; CHECK: cost of 11 {{.*}} extractelement 104 ; SSE3: cost of 2 {{.*}} extractelemen [all...] |
testshiftashr.ll | 2 ; RUN: opt -mtriple=x86_64-apple-darwin -mcpu=core2 -cost-model -analyze < %s | FileCheck --check-prefix=SSE2 %s 8 ; SSE2: cost of 12 {{.*}} ashr 20 ; SSE2: cost of 16 {{.*}} ashr 32 ; SSE2: cost of 32 {{.*}} ashr 44 ; SSE2: cost of 64 {{.*}} ashr 56 ; SSE2: cost of 128 {{.*}} ashr 68 ; SSE2: cost of 12 {{.*}} ashr 80 ; SSE2: cost of 16 {{.*}} ashr 92 ; SSE2: cost of 32 {{.*}} ashr 104 ; SSE2: cost of 64 {{.*}} ash [all...] |
testshiftlshr.ll | 2 ; RUN: opt -mtriple=x86_64-apple-darwin -mcpu=core2 -cost-model -analyze < %s | FileCheck --check-prefix=SSE2 %s 8 ; SSE2: cost of 4 {{.*}} lshr 20 ; SSE2: cost of 16 {{.*}} lshr 32 ; SSE2: cost of 32 {{.*}} lshr 44 ; SSE2: cost of 64 {{.*}} lshr 56 ; SSE2: cost of 128 {{.*}} lshr 68 ; SSE2: cost of 4 {{.*}} lshr 80 ; SSE2: cost of 16 {{.*}} lshr 92 ; SSE2: cost of 32 {{.*}} lshr 104 ; SSE2: cost of 64 {{.*}} lsh [all...] |
testshiftshl.ll | 2 ; RUN: opt -mtriple=x86_64-apple-darwin -mcpu=core2 -cost-model -analyze < %s | FileCheck --check-prefix=SSE2 %s 8 ; SSE2: cost of 4 {{.*}} shl 20 ; SSE2: cost of 10 {{.*}} shl 32 ; SSE2: cost of 32 {{.*}} shl 44 ; SSE2: cost of 64 {{.*}} shl 56 ; SSE2: cost of 128 {{.*}} shl 68 ; SSE2: cost of 4 {{.*}} shl 80 ; SSE2: cost of 10 {{.*}} shl 92 ; SSE2: cost of 20 {{.*}} shl 104 ; SSE2: cost of 40 {{.*}} sh [all...] |
/external/llvm/include/llvm/CodeGen/ |
BasicTTIImpl.h | 49 unsigned Cost = 0; 53 Cost += static_cast<T *>(this) 56 Cost += static_cast<T *>(this) 60 return Cost; 63 /// Estimate the cost overhead of SK_Alternate shuffle. 66 unsigned Cost = 0; 67 // Shuffle cost is equal to the cost of extracting element from its argument 68 // plus the cost of inserting them onto the result vector. 75 Cost += static_cast<T *>(this [all...] |
/external/eigen/Eigen/src/Core/ |
Functors.h | 37 Cost = NumTraits<Scalar>::AddCost, 65 Cost = (NumTraits<LhsScalar>::MulCost + NumTraits<RhsScalar>::MulCost)/2, // rough estimate! 94 Cost = NumTraits<LhsScalar>::MulCost, 117 Cost = NumTraits<Scalar>::AddCost, 140 Cost = NumTraits<Scalar>::AddCost, 166 enum { Cost = 5 * NumTraits<Scalar>::MulCost, PacketAccess=0 }; 178 enum { Cost = 5 * NumTraits<Scalar>::MulCost, PacketAccess = false }; 198 Cost = NumTraits<Scalar>::AddCost, 223 Cost = (NumTraits<LhsScalar>::MulCost + NumTraits<RhsScalar>::MulCost), // rough estimate! 241 Cost = NumTraits<bool>::AddCost [all...] |
/external/opencv3/modules/calib3d/ |
opencl_kernels_calib3d.cpp | 22 "void calcDisp(__local short * cost, __global short * disp, int uniquenessRatio,\n" 27 "short c = cost[0];\n" 39 "yp = cost[-2 * BLOCK_SIZE_Y];\n" 40 "yn = cost[2 * BLOCK_SIZE_Y];\n" 47 "short * costbuf, int *h, int cols, int d, short cost)\n" 73 "cost += costdiff - costbuf[head];\n" 76 "return cost;\n" 107 "__local short * cost;\n" 119 "cost = costFunc + costIdx;\n" 161 "cost[0] = tempcost;\n [all...] |
/external/opencv3/modules/calib3d/src/opencl/ |
stereobm.cl | 60 void calcDisp(__local short * cost, __global short * disp, int uniquenessRatio, 66 short c = cost[0]; 80 yp = cost[-2 * BLOCK_SIZE_Y]; 81 yn = cost[2 * BLOCK_SIZE_Y]; 89 short * costbuf, int *h, int cols, int d, short cost) 116 cost += costdiff - costbuf[head]; 119 return cost; 158 __local short * cost; 174 cost = costFunc + costIdx; 217 cost[0] = tempcost [all...] |
/external/llvm/test/Transforms/LoopUnroll/ |
full-unroll-heuristics.ll | 4 ; 3) -unroll-percent-dynamic-cost-saved-threshold and 5 ; 2) -unroll-dynamic-cost-savings-discount 20 ; RUN: opt < %s -S -loop-unroll -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-percent-dynamic-cost-saved-threshold=20 -unroll-dynamic-cost-savings-discount=0 | FileCheck %s -check-prefix=TEST1 21 ; RUN: opt < %s -S -loop-unroll -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-percent-dynamic-cost-saved-threshold=20 -unroll-dynamic-cost-savings-discount=90 | FileCheck %s -check-prefix=TEST2 22 ; RUN: opt < %s -S -loop-unroll -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=10 -unroll-percent-dynamic-cost-saved-threshold=80 -unroll-dynamic-cost-savings-discount=90 | FileCheck %s -check-prefix=TEST3 23 ; RUN: opt < %s -S -loop-unroll -unroll-max-iteration-count-to-analyze=1000 -unroll-threshold=100 -unroll-percent-dynamic-cost-saved-threshold=80 -unroll-dynamic-cost-savings-discount=0 | FileCheck %s -check-prefix=TEST [all...] |
/external/zopfli/src/zopfli/ |
squeeze.c | 111 Function that calculates a cost based on a model for the given LZ77 symbol. 117 Cost model which should exactly match fixed tree. 129 double cost = 0; local 130 if (lsym <= 279) cost += 7; 131 else cost += 8; 132 cost += 5; /* Every dist symbol has length 5. */ 133 return cost + dbits + lbits; 138 Cost model based on symbol statistics. 155 Finds the minimum possible cost this cost model can return for valid length an 436 double cost = GetBestLengths( local 459 double cost; local [all...] |
/external/valgrind/callgrind/docs/ |
cl-format.xml | 36 the meaning of cost lines in the second part of the file: the value of 38 of event type names. Cost lines consist of subpositions followed by 64-bit 46 function name or "fl" for a file name. Cost lines are always related to 68 "Instructions", and "Flops". Thus, cost lines give the number of CPU cycles 72 to "line", which means that the first number of a cost line is always a line 75 <para>Thus, the first cost line specifies that in line 15 of source file 81 file <filename>file.f</filename>, taking 20 CPU cycles. If a cost line 86 <para>Note that regular cost lines always give self (also called exclusive) 87 cost of code at a given position. If you specify multiple cost lines for th [all...] |
/external/libphonenumber/libphonenumber/src/com/google/i18n/phonenumbers/ |
ShortNumberInfo.java | 60 /** Cost categories of short numbers. */ 259 * Gets the expected cost category of a short number when dialled from a region (however, nothing 268 * ShortNumberInfo.ShortNumberCost cost = shortInfo.getExpectedCostForRegion(shortNumber, 270 * // Do something with the cost information here. 273 * @param shortNumber the short number for which we want to know the expected cost category, 276 * @return the expected cost category for that region of the short number. Returns UNKNOWN_COST if 277 * the number does not match a cost category. Note that an invalid number may match any cost 294 // The cost categories are tested in order of decreasing expense, since if for some reason the 295 // patterns overlap the most expensive matching cost category should be returned 395 ShortNumberCost cost = ShortNumberCost.TOLL_FREE; local [all...] |
/external/apache-commons-math/src/main/java/org/apache/commons/math/estimation/ |
AbstractEstimator.java | 42 /** Default maximal number of cost evaluations allowed. */ 74 /** Cost value (square root of the sum of the residuals). */ 75 protected double cost; field in class:AbstractEstimator 77 /** Maximal allowed number of cost evaluations. */ 80 /** Number of cost evaluations. */ 88 * <p>The maximal number of cost evaluations allowed is set 96 * Set the maximal number of cost evaluations allowed. 98 * @param maxCostEval maximal number of cost evaluations allowed 106 * Get the number of cost evaluations. 108 * @return number of cost evaluation [all...] |
/external/opencv3/modules/imgproc/src/ |
emd.cpp | 87 float **cost; member in struct:CvEMDState 120 const float* cost, int cost_step, 124 static int icvFindBasicVariables( float **cost, char **is_x, 127 static float icvIsOptimal( float **cost, char **is_x, 169 CvMat cost_stub, *cost = &cost_stub; local 201 cost->data.fl = 0; 202 cost->step = 0; 210 "Only one of cost matrix or distance function should be non-NULL in case of user-defined distance" ); 214 "The lower boundary can not be calculated if the cost matrix is used" ); 216 cost = cvGetMat( cost_matrix, &cost_stub ) 895 float **cost = state->cost; local 1146 Mat cost = _cost.getMat(), flow; local [all...] |
/external/opencv3/modules/flann/include/opencv2/flann/ |
autotuned_index.h | 222 void evaluate_kmeans(CostData& cost) 229 get_param<int>(cost.params,"iterations"), 230 get_param<int>(cost.params,"branching")); 231 KMeansIndex<Distance> kmeans(sampledDataset_, cost.params, distance_); 242 cost.memoryCost = (kmeans.usedMemory() + datasetMemory) / datasetMemory; 243 cost.searchTimeCost = searchTime; 244 cost.buildTimeCost = buildTime; 249 void evaluate_kdtree(CostData& cost) 255 Logger::info("KDTree using params: trees=%d\n", get_param<int>(cost.params,"trees")); 256 KDTreeIndex<Distance> kdtree(sampledDataset_, cost.params, distance_) 336 CostData cost; local 379 CostData cost; local [all...] |
/external/ceres-solver/include/ceres/ |
gradient_checker.h | 32 // This file contains a class that exercises a cost function, to make sure 34 // computed by the cost function with those obtained by finite 53 // An object that exercises a cost function, to compare the answers that it 71 // Computed cost. 72 Vector cost; member in struct:ceres::GradientChecker::GradientCheckResults 74 // The sizes of these matrices are dictated by the cost function's 80 // Derivatives as computed by the cost function. 90 // Checks the Jacobian computed by a cost function. 97 // term: The cost function to test. Not retained after this call returns. 174 results->cost.resize(num_residuals, 1) [all...] |
autodiff_cost_function.h | 36 // To get an auto differentiated cost function, you must define a class with a 37 // templated operator() (a functor) that computes the cost function in terms of 54 // for a series of measurements, where there is an instance of the cost function 57 // The actual cost added to the total problem is e^2, or (k - x'k)^2; however, 60 // To write an auto-differentiable cost function for the above model, first 82 // Then given this class definition, the auto differentiated cost function for 99 // AutoDiffCostFunction also supports cost functions with a 113 // The framework can currently accommodate cost functions of up to 10 122 // WARNING #2: A common beginner's error when first using autodiff cost 140 // A cost function which computes the derivative of the cost with respect t [all...] |
/external/webrtc/webrtc/test/ |
common_unittest.cc | 64 virtual int cost(int x) const { function in struct:webrtc::__anon28163::Algo1_CostFunction 72 virtual int cost(int x) const { function in struct:webrtc::__anon28163::SqrCost 80 EXPECT_EQ(25, config.Get<Algo1_CostFunction>().cost(5));
|
/external/autotest/client/site_tests/hardware_TLBMissCost/ |
control | 15 Calculate cost of a TLB miss
|