HomeSort by relevance Sort by last modified time
    Searched refs:ops (Results 76 - 100 of 2797) sorted by null

1 2 34 5 6 7 8 91011>>

  /external/tensorflow/tensorflow/contrib/data/
__init__.py 52 from tensorflow.contrib.data.python.ops.batching import batch_and_drop_remainder
53 from tensorflow.contrib.data.python.ops.batching import dense_to_sparse_batch
54 from tensorflow.contrib.data.python.ops.batching import map_and_batch
55 from tensorflow.contrib.data.python.ops.batching import padded_batch_and_drop_remainder
56 from tensorflow.contrib.data.python.ops.batching import unbatch
57 from tensorflow.contrib.data.python.ops.counter import Counter
58 from tensorflow.contrib.data.python.ops.enumerate_ops import enumerate_dataset
59 from tensorflow.contrib.data.python.ops.error_ops import ignore_errors
60 from tensorflow.contrib.data.python.ops.get_single_element import get_single_element
61 from tensorflow.contrib.data.python.ops.grouping import group_by_windo
    [all...]
  /external/tensorflow/tensorflow/contrib/distributions/python/ops/
mvn_full_covariance.py 21 from tensorflow.contrib.distributions.python.ops import mvn_tril
22 from tensorflow.python.framework import ops
23 from tensorflow.python.ops import array_ops
24 from tensorflow.python.ops import check_ops
25 from tensorflow.python.ops import control_flow_ops
26 from tensorflow.python.ops import linalg_ops
154 name: Python `str` name prefixed to Ops created by this class.
162 with ops.name_scope(name):
163 with ops.name_scope("init", values=[loc, covariance_matrix]):
167 covariance_matrix = ops.convert_to_tensor
    [all...]
  /external/tensorflow/tensorflow/contrib/kfac/
__init__.py 22 from tensorflow.contrib.kfac.python.ops import curvature_matrix_vector_products_lib as curvature_matrix_vector_products
23 from tensorflow.contrib.kfac.python.ops import estimator_lib as estimator
24 from tensorflow.contrib.kfac.python.ops import fisher_blocks_lib as fisher_blocks
25 from tensorflow.contrib.kfac.python.ops import fisher_factors_lib as fisher_factors
26 from tensorflow.contrib.kfac.python.ops import layer_collection_lib as layer_collection
27 from tensorflow.contrib.kfac.python.ops import loss_functions_lib as loss_functions
28 from tensorflow.contrib.kfac.python.ops import op_queue_lib as op_queue
29 from tensorflow.contrib.kfac.python.ops import optimizer_lib as optimizer
30 from tensorflow.contrib.kfac.python.ops import utils_lib as utils
  /external/tensorflow/tensorflow/python/ops/losses/
util_test.py 22 from tensorflow.python.framework import ops
23 from tensorflow.python.ops.losses import util
35 ops.add_to_collection(
36 ops.GraphKeys.REGULARIZATION_LOSSES, constant_op.constant(2.0))
37 ops.add_to_collection(
38 ops.GraphKeys.REGULARIZATION_LOSSES, constant_op.constant(3.0))
43 with ops.name_scope('scope1'):
44 ops.add_to_collection(
45 ops.GraphKeys.REGULARIZATION_LOSSES, constant_op.constant(-1.0))
util.py 31 from tensorflow.python.framework import ops
32 from tensorflow.python.ops import math_ops
37 def add_loss(loss, loss_collection=ops.GraphKeys.LOSSES):
45 ops.add_to_collection(loss_collection, loss)
49 def get_losses(scope=None, loss_collection=ops.GraphKeys.LOSSES):
59 return ops.get_collection(loss_collection, scope)
72 return ops.get_collection(ops.GraphKeys.REGULARIZATION_LOSSES, scope)
  /external/tensorflow/tensorflow/python/framework/
framework_lib.py 76 from tensorflow.python.framework.ops import Graph
77 from tensorflow.python.framework.ops import Operation
78 from tensorflow.python.framework.ops import Tensor
79 from tensorflow.python.framework.ops import IndexedSlices
85 from tensorflow.python.framework.ops import device
86 from tensorflow.python.framework.ops import container
87 from tensorflow.python.framework.ops import name_scope
88 from tensorflow.python.framework.ops import op_scope
89 from tensorflow.python.framework.ops import colocate_with
90 from tensorflow.python.framework.ops import control_dependencie
    [all...]
  /external/tensorflow/tensorflow/core/grappler/costs/
analytical_cost_estimator_test.cc 18 #include "tensorflow/cc/ops/standard_ops.h"
60 auto images = ops::RandomUniform(
62 auto labels = ops::RandomUniform(s.WithOpName("label"), {batch, num_labels},
64 auto w = ops::Variable(
67 auto b = ops::Variable(s.WithOpName("B"), {conv_filters}, DT_FLOAT);
69 ops::Conv2D(s.WithOpName("conv"), images, w, {1, 1, 1, 1}, "SAME");
70 auto bias = ops::Add(s.WithOpName("bias"), conv, b);
71 auto relu = ops::Relu(s.WithOpName("relu"), bias);
72 auto flat_shape = ops::Const(s.WithOpName("flat_shape"),
74 auto flat = ops::Reshape(s.WithOpName("flat"), relu, flat_shape)
    [all...]
  /external/avb/libavb/
avb_ops.h 128 AvbIOResult (*read_from_partition)(AvbOps* ops,
150 AvbIOResult (*get_preloaded_partition)(AvbOps* ops,
172 AvbIOResult (*write_to_partition)(AvbOps* ops,
194 AvbIOResult (*validate_vbmeta_public_key)(AvbOps* ops,
210 AvbIOResult (*read_rollback_index)(AvbOps* ops,
223 AvbIOResult (*write_rollback_index)(AvbOps* ops,
232 AvbIOResult (*read_is_device_unlocked)(AvbOps* ops, bool* out_is_unlocked);
244 AvbIOResult (*get_unique_guid_for_partition)(AvbOps* ops,
255 AvbIOResult (*get_size_of_partition)(AvbOps* ops,
279 AvbIOResult (*read_persistent_value)(AvbOps* ops,
    [all...]
  /system/iot/attestation/atap/libatap/
atap_commands.c 26 AtapOps* ops,
38 ret = derive_session_key(ops,
48 return ops->auth_key_sign(
49 ops, nonce, ATAP_NONCE_LEN, *signature, signature_len);
53 AtapOps* ops, AtapInnerCaRequest* inner_ca_request) {
68 ret = ops->read_attestation_public_key(
69 ops,
76 ret = ops->read_attestation_public_key(
77 ops,
84 ret = ops->read_attestation_public_key
    [all...]
libatap.h 40 AtapResult atap_get_ca_request(AtapOps* ops,
51 AtapResult atap_set_ca_response(AtapOps* ops,
  /external/avb/examples/uefi/
uefi_avb_ops.h 33 AvbOps ops; member in struct:UEFIAvbOpsData
46 void uefi_avb_ops_free(AvbOps* ops);
  /external/parameter-framework/asio-1.10.6/include/asio/detail/
timer_queue_base.hpp 45 virtual void get_ready_timers(op_queue<operation>& ops) = 0;
48 virtual void get_all_timers(op_queue<operation>& ops) = 0;
  /external/tensorflow/tensorflow/contrib/ffmpeg/
ffmpeg_ops.py 21 from tensorflow.contrib.ffmpeg.ops import gen_decode_audio_op_py
22 from tensorflow.contrib.ffmpeg.ops import gen_decode_video_op_py
23 from tensorflow.contrib.ffmpeg.ops import gen_encode_audio_op_py
24 from tensorflow.contrib.ffmpeg.ops import gen_decode_video_op_py
26 from tensorflow.python.framework import ops
70 ops.NotDifferentiable('DecodeAudio')
96 ops.NotDifferentiable('EncodeAudio')
112 ops.NotDifferentiable('DecodeVideo')
  /external/tensorflow/tensorflow/contrib/kfac/python/kernel_tests/
op_queue_test.py 21 from tensorflow.contrib.kfac.python.ops import op_queue
22 from tensorflow.python.framework import ops as tf_ops
23 from tensorflow.python.ops import math_ops
30 """Ensures all ops get selected eventually."""
32 ops = [
37 queue = op_queue.OpQueue(ops, seed=0)
41 selected_ops = set([queue.next_op(sess) for _ in ops])
42 self.assertEqual(set(ops), set(selected_ops))
44 # Ensure additional calls don't create any new ops.
46 self.assertEqual(set(ops), set(selected_ops)
    [all...]
  /external/tensorflow/tensorflow/contrib/nn/python/ops/
fwd_gradients.py 21 from tensorflow.python.framework import ops
22 from tensorflow.python.ops import array_ops
23 from tensorflow.python.ops import control_flow_ops
24 from tensorflow.python.ops.gradients_impl import gradients
60 dydxs = [ops.convert_to_tensor(dydx) if isinstance(dydx, ops.IndexedSlices)
64 with ops.control_dependencies(dydxs):
66 with ops.control_dependencies([assert_unused]):
  /external/tensorflow/tensorflow/contrib/quantization/
__init__.py 16 """Ops for building quantized models."""
27 from tensorflow.python.ops import gen_array_ops as quantized_gen_array_ops
28 from tensorflow.python.ops.gen_array_ops import dequantize
29 from tensorflow.python.ops.gen_array_ops import quantize_v2
30 from tensorflow.python.ops.gen_array_ops import quantized_concat
  /external/tensorflow/tensorflow/contrib/quantization/python/
array_ops.py 22 from tensorflow.python.ops import gen_array_ops as quantized_gen_array_ops
23 from tensorflow.python.ops.gen_array_ops import dequantize
24 from tensorflow.python.ops.gen_array_ops import quantize_v2
25 from tensorflow.python.ops.gen_array_ops import quantized_concat
  /external/tensorflow/tensorflow/contrib/resampler/python/ops/
resampler_ops.py 23 from tensorflow.contrib.resampler.ops import gen_resampler_ops
25 from tensorflow.python.framework import ops
56 with ops.name_scope(name, "resampler", [data, warp]):
57 data_tensor = ops.convert_to_tensor(data, name="data")
58 warp_tensor = ops.convert_to_tensor(warp, name="warp")
62 @ops.RegisterGradient("Resampler")
65 grad_output_tensor = ops.convert_to_tensor(grad_output, name="grad_output")
69 ops.NotDifferentiable("ResamplerGrad")
  /external/tensorflow/tensorflow/contrib/solvers/
__init__.py 15 """Ops for representing Bayesian computation.
24 from tensorflow.contrib.solvers.python.ops import lanczos
25 from tensorflow.contrib.solvers.python.ops import least_squares
26 from tensorflow.contrib.solvers.python.ops import linear_equations
27 from tensorflow.contrib.solvers.python.ops import util
  /external/tensorflow/tensorflow/contrib/tensor_forest/python/
__init__.py 22 from tensorflow.contrib.tensor_forest.python.ops import data_ops
23 from tensorflow.contrib.tensor_forest.python.ops import model_ops
24 from tensorflow.contrib.tensor_forest.python.ops import stats_ops
25 from tensorflow.contrib.tensor_forest.python.ops import tensor_forest_ops
  /external/tensorflow/tensorflow/python/ops/
tensor_array_grad.py 20 from tensorflow.python.framework import ops
21 from tensorflow.python.ops import tensor_array_ops
23 # TODO(b/31222613): These ops may be differentiable, and there may be
25 ops.NotDifferentiable("TensorArray")
26 ops.NotDifferentiable("TensorArrayGrad")
27 ops.NotDifferentiable("TensorArraySize")
28 ops.NotDifferentiable("TensorArrayClose")
30 ops.NotDifferentiable("TensorArrayV2")
31 ops.NotDifferentiable("TensorArrayGradV2")
32 ops.NotDifferentiable("TensorArraySizeV2"
    [all...]
  /external/tensorflow/tensorflow/python/user_ops/
user_ops.py 16 """All user ops."""
22 from tensorflow.python.ops import gen_user_ops as _gen_user_ops
25 from tensorflow.python.ops.gen_user_ops import * # pylint: disable=wildcard-import
  /external/libnl/src/lib/
tc.c 97 static struct nl_cli_tc_module *__nl_cli_tc_lookup(struct rtnl_tc_ops *ops)
102 if (tm->tm_ops == ops)
108 struct nl_cli_tc_module *nl_cli_tc_lookup(struct rtnl_tc_ops *ops)
112 if ((tm = __nl_cli_tc_lookup(ops)))
115 switch (ops->to_type) {
118 nl_cli_load_module("cli/qdisc", ops->to_kind);
122 nl_cli_load_module("cli/cls", ops->to_kind);
127 ops->to_type);
130 if (!(tm = __nl_cli_tc_lookup(ops))) {
134 ops->to_kind)
142 struct rtnl_tc_ops *ops; local
    [all...]
  /external/tensorflow/tensorflow/contrib/boosted_trees/python/ops/
model_ops.py 15 """Model ops python wrappers."""
21 from tensorflow.contrib.boosted_trees.python.ops import boosted_trees_ops_loader
23 from tensorflow.contrib.boosted_trees.python.ops import gen_model_ops
24 from tensorflow.contrib.boosted_trees.python.ops.gen_model_ops import tree_ensemble_deserialize
25 from tensorflow.contrib.boosted_trees.python.ops.gen_model_ops import tree_ensemble_serialize
27 from tensorflow.contrib.boosted_trees.python.ops.gen_model_ops import tree_ensemble_stamp_token
30 from tensorflow.python.framework import ops
31 from tensorflow.python.ops import resources
34 ops.NotDifferentiable("TreeEnsembleVariable")
35 ops.NotDifferentiable("TreeEnsembleSerialize"
    [all...]
  /device/linaro/bootloader/arm-trusted-firmware/plat/nvidia/tegra/soc/t186/drivers/mce/
mce.c 72 arch_mce_ops_t *ops; member in struct:__anon4167
80 .ops = &ari_mce_ops,
85 .ops = &ari_mce_ops,
90 .ops = &ari_mce_ops,
95 .ops = &ari_mce_ops,
100 .ops = &nvg_mce_ops,
105 .ops = &nvg_mce_ops,
147 return mce_cfg_table[cpuid].ops;
156 const arch_mce_ops_t *ops; local
165 ops = mce_get_curr_cpu_ops()
398 const arch_mce_ops_t *ops = mce_get_curr_cpu_ops(); local
407 const arch_mce_ops_t *ops = mce_get_curr_cpu_ops(); local
443 const arch_mce_ops_t *ops = mce_get_curr_cpu_ops(); local
465 const arch_mce_ops_t *ops = mce_get_curr_cpu_ops(); local
479 const arch_mce_ops_t *ops; local
    [all...]

Completed in 504 milliseconds

1 2 34 5 6 7 8 91011>>