HomeSort by relevance Sort by last modified time
    Searched defs:cost (Results 26 - 50 of 178) sorted by null

12 3 4 5 6 7 8

  /external/tensorflow/tensorflow/core/grappler/costs/
op_level_cost_estimator_test.cc 97 // Wrangles the minimum number of proto fields to set up a 4D Tensor for cost
168 auto cost = PredictCosts(DescribeOp("Dummy", 1000, 1)); local
169 EXPECT_EQ(Costs::Duration(2000), cost.memory_time);
170 EXPECT_EQ(Costs::Duration(0), cost.compute_time);
171 EXPECT_EQ(Costs::Duration(2000), cost.execution_time);
172 EXPECT_TRUE(cost.inaccurate);
177 auto cost = PredictCosts(DescribeOp("Dummy", 1000, 1)); local
178 EXPECT_EQ(Costs::Duration(2000), cost.memory_time);
179 EXPECT_EQ(Costs::Duration(0), cost.compute_time);
180 EXPECT_EQ(Costs::Duration(2000), cost.execution_time); // max(2000, 200
186 auto cost = PredictCosts(DescribeOp("Mul", 1000, 1)); local
194 auto cost = PredictCosts(DescribeOp("Mul", 1000, 2)); local
202 auto cost = PredictCosts(DescribeOp("Mod", 1000, 1)); local
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
matrix_triangular_solve_op.cc 73 double cost = rows * rows * num_rhss * variable
76 return cost >= static_cast<double>(kint64max) ? kint64max
77 : static_cast<int64>(cost);
165 double cost = rows * rows * num_rhss * variable
168 return cost >= static_cast<double>(kint64max) ? kint64max
169 : static_cast<int64>(cost);
multinomial_op.cc 121 const int64 cost = local
123 Shard(worker_threads.num_threads, worker_threads.workers, batch_size, cost,
matrix_solve_op.cc 68 double cost = rows * rows * (rows + num_rhss); variable
69 return cost >= static_cast<double>(kint64max) ? kint64max
70 : static_cast<int64>(cost);
qr_op_impl.h 85 double cost = 2 * max_size * min_size * min_size - variable
87 // TODO(jpoulson): Increase the cost if full_matrices is true in a manner
89 return cost >= static_cast<double>(kint64max) ? kint64max
90 : static_cast<int64>(cost);
  /external/webp/src/dsp/
cost_mips32.c 29 int cost = (ctx0 == 0) ? VP8BitCost(1, p0) : 0; local
62 "addu %[cost], %[cost], %[temp1] \n\t"
69 "addu %[cost], %[cost], %[temp0] \n\t"
75 : [cost]"+&r"(cost), [t]"+&r"(t), [n]"+&r"(n), [v_reg]"=&r"(v_reg),
88 cost += VP8LevelCost(t, v);
93 cost += VP8BitCost(0, last_p0);
96 return cost;
    [all...]
cost_mips_dsp_r2.c 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);
91 return cost;
    [all...]
cost_sse2.c 10 // SSE2 version of cost functions
56 int cost = (ctx0 == 0) ? VP8BitCost(1, p0) : 0; local
86 cost += VP8LevelFixedCosts[flevel] + t[level]; // simplified VP8LevelCost()
94 cost += VP8LevelFixedCosts[flevel] + t[level];
99 cost += VP8BitCost(0, last_p0);
102 return cost;
  /packages/apps/LegacyCamera/jni/feature_stab/db_vlvm/
db_robust.h 43 double cost; member in struct:db_stat_struct
  /external/eigen/unsupported/Eigen/CXX11/src/Tensor/
TensorCostModel.h 18 * \brief A cost model used to limit the number of threads used for evaluating
23 // Class storing the cost of evaluating a tensor expression in terms of the
33 internal::scalar_product_op<ArgType, ArgType> >::Cost;
37 return internal::functor_traits<internal::scalar_sum_op<ArgType> >::Cost;
42 internal::scalar_quotient_op<ArgType, ArgType> >::Cost;
46 return internal::functor_traits<internal::scalar_mod_op<ArgType> >::Cost;
51 internal::scalar_cast_op<SrcType, TargetType> >::Cost;
96 // TODO(rmlarsen): Define min in terms of total cost, not elementwise.
105 // TODO(rmlarsen): Define max in terms of total cost, not elementwise.
163 // Scaling from Eigen compute cost to device cycles
176 double cost = totalCost(output_size, cost_per_coeff); local
    [all...]
  /external/libvpx/libvpx/vp8/encoder/
encodemv.c 93 unsigned int cost; local
96 cost = vp8_cost_zero(p[mvpis_short]) +
99 if (!x) return cost;
102 cost = vp8_cost_one(p[mvpis_short]);
105 cost += vp8_cost_bit(p[MVPbits + i], (x >> i) & 1);
112 cost += vp8_cost_bit(p[MVPbits + i], (x >> i) & 1);
116 if (x & 0xFFF0) cost += vp8_cost_bit(p[MVPbits + 3], (x >> 3) & 1);
119 return cost; /* + vp8_cost_bit( p [MVPsign], v < 0); */
177 const int cost = local
181 if (cur_b - new_b > cost) {
    [all...]
  /external/tensorflow/tensorflow/contrib/resampler/kernels/
resampler_ops.cc 112 // estimate of the cost of each work unit is needed to correctly shard the
113 // workload. Shard assumes each cost unit is 1ns, minimum cost per shard
115 const int64 cost = local
119 batch_size, cost, resample_batches);
315 // estimate of the cost of each work unit is needed to correctly shard the
316 // workload. Shard assumes each cost unit is 1ns, minimum cost per shard
320 const int64 cost = local
323 batch_size, cost, update_grads_for_batches)
    [all...]
  /external/tensorflow/tensorflow/core/util/ctc/
ctc_loss_calculator.h 249 // *Rough* estimate of the cost for one item in the batch.
252 // softmax: T * L * (Cost(Exp) + Cost(Div))softmax +
253 // fwd,bwd: T * 2 * (2*L + 1) * (Cost(LogSumExp) + Cost(Log)) +
254 // grad: T * ((2L + 1) * Cost(LogSumExp) + L * (Cost(Expf) + Cost(Add)).
256 Eigen::internal::scalar_exp_op<float>>::Cost;
258 Eigen::internal::scalar_log_op<float>>::Cost;
261 const int64 cost = local
    [all...]
  /external/webp/src/enc/
cost_enc.c 10 // Cost tables for level and modes
17 // Level cost tables
45 int cost = 0; local
49 cost += VP8BitCost(bits & 1, probas[i]);
54 return cost;
78 // Starting at level 67 and up, the variable part of the cost is
93 // Mode cost tables.
95 // These are the fixed probabilities (in the coding trees) turned into bit-cost
98 // note: these values include the fixed VP8BitCost(1, 145) mode selection cost.
  /external/webrtc/webrtc/modules/rtp_rtcp/source/
vp8_partition_aggregator.cc 32 // If |this_size_| > INT_MAX, Cost() and CreateChildren() won't work properly.
51 int PartitionTreeNode::Cost(size_t penalty) {
52 int cost = 0; local
55 cost = std::max(max_parent_size_, this_size_int()) -
58 cost = std::max(max_parent_size_, this_size_int()) - min_parent_size_;
60 return cost + NumPackets() * penalty;
125 if (left->Cost(penalty) <= right->Cost(penalty)) {
133 if (second->Cost(penalty) <= first->Cost(penalty))
249 size_t cost = 0; local
    [all...]
  /hardware/interfaces/camera/device/3.2/default/
CameraDevice.cpp 108 int cost = 100; local
112 // If using post-2.4 module version, query the cost + conflicting devices from the HAL
116 cost = info.resource_cost;
131 resCost.resourceCost = cost;
  /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/apache-commons-math/src/main/java/org/apache/commons/math/optimization/general/
AbstractLeastSquaresOptimizer.java 75 * Weight for the least squares cost computation.
95 /** Cost value (square root of the sum of the residuals). */
96 protected double cost; field in class:AbstractLeastSquaresOptimizer
208 * Update the residuals array and cost function value.
225 cost = 0;
231 cost += residualsWeights[i] * residual * residual;
234 cost = FastMath.sqrt(cost);
259 return cost*cost;
    [all...]
  /external/brotli/research/
deorummolae.cc 232 int cost = count * effective_lcp; local
233 if (cost > best_cost && count >= min_count &&
235 best_cost = cost;
  /external/bzip2/
compress.c 256 UInt16 cost[BZ_N_GROUPS]; local
353 Calculate the cost of this group as coded
356 for (t = 0; t < nGroups; t++) cost[t] = 0;
383 cost[0] = cost01 & 0xffff; cost[1] = cost01 >> 16;
384 cost[2] = cost23 & 0xffff; cost[3] = cost23 >> 16;
385 cost[4] = cost45 & 0xffff; cost[5] = cost45 >> 16;
391 for (t = 0; t < nGroups; t++) cost[t] += s->len[t][icv]
    [all...]
  /external/iproute2/bridge/
link.c 171 fprintf(fp, "cost %u ",
232 fprintf(stderr, "Usage: bridge link set dev DEV [ cost COST ] [ priority PRIO ] [ state STATE ]\n");
284 __u32 cost = 0; local
327 } else if (strcmp(*argv, "cost") == 0) {
329 cost = atoi(*argv);
382 /* Nested PROTINFO attribute. Contains: port flags, cost, priority and
408 if (cost > 0)
409 addattr32(&req.n, sizeof(req), IFLA_BRPORT_COST, cost);
  /external/libphonenumber/libphonenumber/src/com/google/i18n/phonenumbers/
ShortNumberInfo.java 59 /** Cost categories of short numbers. */
204 * Gets the expected cost category of a short number when dialed from a region (however, nothing
216 * ShortNumberCost cost = shortInfo.getExpectedCostForRegion(number, regionCode);
217 * // Do something with the cost information here.
220 * @param number the short number for which we want to know the expected cost category
222 * @return the expected cost category for that region of the short number. Returns UNKNOWN_COST if
223 * the number does not match a cost category. Note that an invalid number may match any cost
246 // The cost categories are tested in order of decreasing expense, since if for some reason the
247 // patterns overlap the most expensive matching cost category should be returned
293 ShortNumberCost cost = ShortNumberCost.TOLL_FREE; local
    [all...]
  /external/libvpx/libvpx/vp9/encoder/
vp9_encodemv.c 102 int cost = class_cost[MV_CLASS_0]; local
106 cost += class0_cost[d];
107 cost += class0_fp_cost[d][f];
110 cost += class0_hp_cost[e];
112 mvcost[v] = cost + sign_cost[0];
113 mvcost[-v] = cost + sign_cost[1];
123 int cost = whole_cost + fp_cost[f]; local
126 mvcost[v] = cost + hp_cost[0] + sign_cost[0];
127 mvcost[-v] = cost + hp_cost[0] + sign_cost[1];
129 mvcost[v + 1] = cost + hp_cost[1] + sign_cost[0]
    [all...]
vp9_segmentation.c 66 // Based on set of segment counts and probabilities calculate a cost estimate
75 // Cost the top node of the tree
76 int cost = c0123 * vp9_cost_zero(probs[0]) + c4567 * vp9_cost_one(probs[0]); local
78 // Cost subsequent levels
80 cost += c01 * vp9_cost_zero(probs[1]) + c23 * vp9_cost_one(probs[1]);
83 cost += segcounts[0] * vp9_cost_zero(probs[3]) +
86 cost += segcounts[2] * vp9_cost_zero(probs[4]) +
91 cost += c45 * vp9_cost_zero(probs[2]) + c67 * vp9_cost_one(probs[2]);
94 cost += segcounts[4] * vp9_cost_zero(probs[5]) +
97 cost += segcounts[6] * vp9_cost_zero(probs[6])
    [all...]
  /external/opencv/cvaux/src/
cvcorrespond.cpp 73 float cost, cost1; local
113 /* Fill upper line in the cost Table */
128 /* Fill lefter line in the cost Table */
177 cost = 0;
184 cost = (float) (r_len * r_len - l_len * l_len) * (1 / (r_len * l_len));
188 cost = (float) (l_len * l_len - r_len * r_len) * (1 / (r_len * l_len));
200 min1 = costTable[i_1 + j_1 * row_size] + cost + (float) cost1;

Completed in 826 milliseconds

12 3 4 5 6 7 8