Home
last modified time | relevance | path

Searched refs:costs (Results 1 – 25 of 273) sorted by relevance

1234567891011

/external/tensorflow/tensorflow/core/grappler/costs/
Dop_level_cost_estimator_test.cc1451 auto costs = predict_max_pool(10, 20, 384, 3, 2, "SAME"); in TEST_F() local
1452 EXPECT_EQ(Costs::Duration(1075200), costs.execution_time); in TEST_F()
1453 EXPECT_EQ(Costs::Duration(307200), costs.compute_time); in TEST_F()
1454 EXPECT_EQ(Costs::Duration(768000), costs.memory_time); in TEST_F()
1455 EXPECT_EQ(costs.num_ops_total, 1); in TEST_F()
1456 EXPECT_FALSE(costs.inaccurate); in TEST_F()
1457 EXPECT_EQ(costs.num_ops_with_unknown_shapes, 0); in TEST_F()
1458 EXPECT_EQ(costs.temporary_memory, 0); in TEST_F()
1459 EXPECT_EQ(costs.persistent_memory, 0); in TEST_F()
1463 auto costs = predict_max_pool(10, 20, 384, 1, 2, "SAME"); in TEST_F() local
[all …]
Dcost_estimator.h205 Costs costs; in ZeroCosts() local
206 costs.execution_time = Duration::zero(); in ZeroCosts()
207 costs.compute_time = Duration::zero(); in ZeroCosts()
208 costs.memory_time = Duration::zero(); in ZeroCosts()
209 costs.intermediate_memory_time = Duration::zero(); in ZeroCosts()
210 costs.max_memory = kZeroMemory; in ZeroCosts()
211 costs.persistent_memory = kZeroMemory; in ZeroCosts()
212 costs.temporary_memory = kZeroMemory; in ZeroCosts()
213 costs.max_per_op_buffers = kZeroMemory; in ZeroCosts()
214 costs.max_per_op_streaming = kZeroMemory; in ZeroCosts()
[all …]
Dmeasuring_cost_estimator.cc55 Costs* costs) const { in PredictCosts()
120 costs->execution_time = Costs::Duration::max(); in PredictCosts()
140 costs->execution_time = Costs::Duration::max(); in PredictCosts()
147 costs->execution_time = Costs::Duration(stats.mean()); in PredictCosts()
Dcost_estimator.cc58 Costs MultiplyCosts(const Costs& costs, int multiplier) { in MultiplyCosts() argument
64 return costs; in MultiplyCosts()
67 Costs result = costs; in MultiplyCosts()
Dutils.cc499 Costs* costs) { in CombineCostsAndUpdateExecutionTime() argument
501 costs->execution_time = in CombineCostsAndUpdateExecutionTime()
502 std::max(costs->intermediate_memory_time, in CombineCostsAndUpdateExecutionTime()
503 std::max(costs->compute_time, costs->memory_time)); in CombineCostsAndUpdateExecutionTime()
505 costs->execution_time = costs->compute_time + costs->memory_time + in CombineCostsAndUpdateExecutionTime()
506 costs->intermediate_memory_time; in CombineCostsAndUpdateExecutionTime()
Danalytical_cost_estimator.cc159 Costs* costs) const { in PredictCosts()
175 if (costs) { in PredictCosts()
176 costs->execution_time = Costs::Duration::max(); in PredictCosts()
230 if (costs) { in PredictCosts()
231 *costs = scheduler_->Summary(run_metadata); in PredictCosts()
Dop_level_cost_estimator.cc652 Costs costs; in PredictCosts() local
656 return node_costs.costs; in PredictCosts()
665 costs.compute_time = kMinComputeTime; in PredictCosts()
666 costs.execution_time = kMinComputeTime; in PredictCosts()
667 costs.memory_time = 0; in PredictCosts()
668 costs.intermediate_memory_time = 0; in PredictCosts()
669 costs.intermediate_memory_read_time = 0; in PredictCosts()
670 costs.intermediate_memory_write_time = 0; in PredictCosts()
673 costs = PredictOpCountBasedCost( in PredictCosts()
678 << costs.execution_time.count() << " ns."; in PredictCosts()
[all …]
/external/libvpx/vp9/encoder/
Dvp9_cost.c39 static void cost(int *costs, vpx_tree tree, const vpx_prob *probs, int i, in cost() argument
50 costs[-ii] = cc; in cost()
52 cost(costs, tree, probs, ii, cc); in cost()
56 void vp9_cost_tokens(int *costs, const vpx_prob *probs, vpx_tree tree) { in vp9_cost_tokens() argument
57 cost(costs, tree, probs, 0, 0); in vp9_cost_tokens()
60 void vp9_cost_tokens_skip(int *costs, const vpx_prob *probs, vpx_tree tree) { in vp9_cost_tokens_skip() argument
63 costs[-tree[0]] = vp9_cost_bit(probs[0], 0); in vp9_cost_tokens_skip()
64 cost(costs, tree, probs, 2, 0); in vp9_cost_tokens_skip()
Dvp9_cost.h50 void vp9_cost_tokens(int *costs, const vpx_prob *probs, vpx_tree tree);
51 void vp9_cost_tokens_skip(int *costs, const vpx_prob *probs, vpx_tree tree);
/external/zopfli/src/zopfli/
Dsqueeze.c222 ZopfliHash* h, float* costs) { in GetBestLengths() argument
243 for (i = 1; i < blocksize + 1; i++) costs[i] = ZOPFLI_LARGE_FLOAT; in GetBestLengths()
244 costs[0] = 0; /* Because it's the start. */ in GetBestLengths()
264 costs[j + ZOPFLI_MAX_MATCH] = costs[j] + symbolcost; in GetBestLengths()
278 double newCost = costmodel(in[i], 0, costcontext) + costs[j]; in GetBestLengths()
280 if (newCost < costs[j + 1]) { in GetBestLengths()
281 costs[j + 1] = newCost; in GetBestLengths()
287 mincostaddcostj = mincost + costs[j]; in GetBestLengths()
293 if (costs[j + k] <= mincostaddcostj) continue; in GetBestLengths()
295 newCost = costmodel(k, sublen[k], costcontext) + costs[j]; in GetBestLengths()
[all …]
/external/llvm/lib/Target/AArch64/
DAArch64PBQPRegAlloc.cpp191 PBQPRAGraph::RawMatrix costs(vRdAllowed->size() + 1, in addIntraChainConstraint() local
198 costs[i + 1][j + 1] = std::numeric_limits<PBQP::PBQPNum>::infinity(); in addIntraChainConstraint()
200 costs[i + 1][j + 1] = haveSameParity(pRd, pRa) ? 0.0 : 1.0; in addIntraChainConstraint()
203 G.addEdge(node1, node2, std::move(costs)); in addIntraChainConstraint()
213 PBQPRAGraph::RawMatrix costs(G.getEdgeCosts(edge)); in addIntraChainConstraint() local
223 if (costs[i + 1][j + 1] != in addIntraChainConstraint()
225 costs[i + 1][j + 1] > sameParityMax) in addIntraChainConstraint()
226 sameParityMax = costs[i + 1][j + 1]; in addIntraChainConstraint()
234 if (sameParityMax > costs[i + 1][j + 1]) in addIntraChainConstraint()
235 costs[i + 1][j + 1] = sameParityMax + 1.0; in addIntraChainConstraint()
[all …]
/external/swiftshader/third_party/llvm-10.0/llvm/lib/Target/AArch64/
DAArch64PBQPRegAlloc.cpp190 PBQPRAGraph::RawMatrix costs(vRdAllowed->size() + 1, in addIntraChainConstraint() local
197 costs[i + 1][j + 1] = std::numeric_limits<PBQP::PBQPNum>::infinity(); in addIntraChainConstraint()
199 costs[i + 1][j + 1] = haveSameParity(pRd, pRa) ? 0.0 : 1.0; in addIntraChainConstraint()
202 G.addEdge(node1, node2, std::move(costs)); in addIntraChainConstraint()
212 PBQPRAGraph::RawMatrix costs(G.getEdgeCosts(edge)); in addIntraChainConstraint() local
222 if (costs[i + 1][j + 1] != in addIntraChainConstraint()
224 costs[i + 1][j + 1] > sameParityMax) in addIntraChainConstraint()
225 sameParityMax = costs[i + 1][j + 1]; in addIntraChainConstraint()
233 if (sameParityMax > costs[i + 1][j + 1]) in addIntraChainConstraint()
234 costs[i + 1][j + 1] = sameParityMax + 1.0; in addIntraChainConstraint()
[all …]
/external/tensorflow/tensorflow/core/profiler/utils/
Dcost_utils.cc114 grappler::Costs costs = PredictCosts(op_context); in Predict() local
115 if (costs.inaccurate) unsupported_ops_.insert(std::string(tf_op.type)); in Predict()
118 << " flops:" << costs.compute_time.count() in Predict()
119 << " bytes:" << costs.memory_time.count(); in Predict()
124 return {/*flops=*/static_cast<uint64>(costs.compute_time.count()), in Predict()
125 /*bytes_accessed=*/static_cast<uint64>(costs.memory_time.count()), in Predict()
126 /*inaccurate=*/costs.inaccurate}; in Predict()
/external/fonttools/Lib/fontTools/varLib/
Diup.py252 costs = {-1:0}
255 best_cost = costs[i-1] + 1
257 costs[i] = best_cost
265 cost = costs[j] + 1
268 costs[i] = best_cost = cost
274 return chain, costs
339 chain, costs = _iup_contour_optimize_dp(deltas, coords, forced, tolerance)
362 chain, costs = _iup_contour_optimize_dp(deltas+deltas, coords+coords, forced, tolerance, n)
365 for start in range(n-1, len(costs) - 1):
373 cost = costs[start] - costs[start - n]
Dinterpolatable.py293 costs = [[_vlen(_vdiff(v0, v1)) for v1 in m1] for v0 in m0]
294 matching, matching_cost = min_cost_perfect_bipartite_matching(costs)
296 identity_cost = sum(costs[i][i] for i in range(len(m0)))
318 costs = [v for v in (_complex_vlen(_vdiff(c0, c1)) for c1 in contour1)]
319 min_cost = min(costs)
320 first_cost = costs[0]
/external/webp/src/dsp/
Dcost_mips_dsp_r2.c24 CostArrayPtr const costs = res->costs; in GetResidualCost_MIPSdspR2() local
25 const uint16_t* t = costs[n][ctx0]; in GetResidualCost_MIPSdspR2()
34 const uint16_t** p_costs = &costs[n][0]; in GetResidualCost_MIPSdspR2()
Dcost.c326 CostArrayPtr const costs = res->costs; in GetResidualCost_C() local
327 const uint16_t* t = costs[n][ctx0]; in GetResidualCost_C()
340 t = costs[n + 1][ctx]; in GetResidualCost_C()
Dcost_mips32.c24 CostArrayPtr const costs = res->costs; in GetResidualCost_MIPS32() local
25 const uint16_t* t = costs[n][ctx0]; in GetResidualCost_MIPS32()
34 const uint16_t** p_costs = &costs[n][0]; in GetResidualCost_MIPS32()
Dcost_sse2.c51 CostArrayPtr const costs = res->costs; in GetResidualCost_SSE2() local
52 const uint16_t* t = costs[n][ctx0]; in GetResidualCost_SSE2()
87 t = costs[n + 1][ctx]; in GetResidualCost_SSE2()
Dcost_neon.c57 CostArrayPtr const costs = res->costs; in GetResidualCost_NEON() local
58 const uint16_t* t = costs[n][ctx0]; in GetResidualCost_NEON()
90 t = costs[n + 1][ctx]; in GetResidualCost_NEON()
/external/libaom/av1/encoder/
Dcost.c29 void av1_cost_tokens_from_cdf(int *costs, const aom_cdf_prob *cdf, in av1_cost_tokens_from_cdf() argument
39 costs[inv_map[i]] = av1_cost_symbol(p15); in av1_cost_tokens_from_cdf()
41 costs[i] = av1_cost_symbol(p15); in av1_cost_tokens_from_cdf()
/external/tensorflow/tensorflow/python/grappler/
DBUILD32 "//tensorflow/core/grappler/costs:analytical_cost_estimator",
33 "//tensorflow/core/grappler/costs:measuring_cost_estimator",
37 "//tensorflow/core/grappler/costs:cost_estimator",
38 "//tensorflow/core/grappler/costs:utils",
60 "//tensorflow/core/grappler/costs:pywrap_required_hdrs",
85 "//tensorflow/core/grappler/costs:graph_properties",
114 "//tensorflow/core/grappler/costs:op_performance_data_py",
125 "//tensorflow/core/grappler/costs:pywrap_required_hdrs",
135 ] + if_not_windows(["//tensorflow/core/grappler/costs:graph_properties"]), # b/148556093,
189 "//tensorflow/core/grappler/costs:op_performance_data_py",
[all …]
/external/tensorflow/tensorflow/core/common_runtime/
Drequest_cost.cc27 const std::vector<std::pair<absl::string_view, absl::Duration>>& costs) { in RecordCost() argument
29 for (const auto& cost : costs) { in RecordCost()
/external/tensorflow/tensorflow/core/grappler/optimizers/
DBUILD47 "//tensorflow/core/grappler/costs:cost_estimator",
48 "//tensorflow/core/grappler/costs:graph_properties",
49 "//tensorflow/core/grappler/costs:op_level_cost_estimator",
50 "//tensorflow/core/grappler/costs:virtual_placer",
123 "//tensorflow/core/grappler/costs:graph_properties",
237 "//tensorflow/core/grappler/costs:graph_properties",
255 "//tensorflow/core/grappler/costs:graph_properties",
292 "//tensorflow/core/grappler/costs:graph_properties",
416 "//tensorflow/core/grappler/costs:graph_properties",
533 "//tensorflow/core/grappler/costs:graph_memory",
[all …]
/external/tensorflow/tensorflow/compiler/mlir/lite/experimental/tac/
DREADME.md9 * Graph partitioning based on the hardware costs modeling.
134 3 Estimate the costs for each subgraph (and their alternative views)
137 ![Estimate costs](g3doc/images/compute_cost.png)
140 costs(computation costs, transfer costs, quant/dequant costs). As shown in the
271 global costs (we will take the tensor transferring costs as well).

1234567891011