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

12 3 4 5 6 7 8 91011>>

  /libcore/ojluni/src/main/java/sun/nio/ch/
SelectionKeyImpl.java 81 public SelectionKey interestOps(int ops) {
83 return nioInterestOps(ops);
94 public void nioReadyOps(int ops) {
95 readyOps = ops;
102 public SelectionKey nioInterestOps(int ops) {
103 if ((ops & ~channel().validOps()) != 0)
105 channel.translateAndSetInterestOps(ops, this);
106 interestOps = ops;
  /external/tensorflow/tensorflow/contrib/linalg/
__init__.py 36 from tensorflow.contrib.linalg.python.ops.linear_operator_addition import *
37 from tensorflow.python.ops.linalg.linear_operator import *
38 from tensorflow.python.ops.linalg.linear_operator_composition import *
39 from tensorflow.python.ops.linalg.linear_operator_diag import *
40 from tensorflow.python.ops.linalg.linear_operator_full_matrix import *
41 from tensorflow.python.ops.linalg.linear_operator_identity import *
42 from tensorflow.python.ops.linalg.linear_operator_low_rank_update import *
43 from tensorflow.python.ops.linalg.linear_operator_lower_triangular import *
  /external/tensorflow/tensorflow/python/ops/
standard_ops.py 17 """Import names of Tensor Flow standard Ops."""
26 from tensorflow.python.ops import array_grad
27 from tensorflow.python.ops import data_flow_grad
28 from tensorflow.python.ops import manip_grad
29 from tensorflow.python.ops import math_grad
30 from tensorflow.python.ops import manip_grad
31 from tensorflow.python.ops import sparse_grad
32 from tensorflow.python.ops import spectral_grad
33 from tensorflow.python.ops import state_grad
34 from tensorflow.python.ops import tensor_array_gra
    [all...]
resources.py 26 from tensorflow.python.framework import ops
27 from tensorflow.python.ops import array_ops
28 from tensorflow.python.ops import control_flow_ops
29 from tensorflow.python.ops import math_ops
54 ops.add_to_collection(ops.GraphKeys.RESOURCES, resource)
56 ops.add_to_collection(ops.GraphKeys.LOCAL_RESOURCES, resource)
61 return ops.get_collection(ops.GraphKeys.RESOURCES
    [all...]
string_ops.py 40 from tensorflow.python.framework import ops
42 from tensorflow.python.ops import array_ops
43 from tensorflow.python.ops import gen_string_ops
44 from tensorflow.python.ops import math_ops
48 from tensorflow.python.ops.gen_string_ops import *
93 delimiter = ops.convert_to_tensor(delimiter, dtype=dtypes.string)
94 source = ops.convert_to_tensor(source, dtype=dtypes.string)
116 # Fast path: avoid creating Rank and Range ops if ndims is known.
117 if isinstance(x, ops.Tensor) and x.get_shape().ndims is not None:
144 ops.NotDifferentiable("StringToHashBucket"
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/
const_analysis_test.cc 20 #include "tensorflow/cc/framework/ops.h"
21 #include "tensorflow/cc/ops/function_ops.h"
22 #include "tensorflow/cc/ops/standard_ops.h"
32 auto arg0 = ops::_Arg(root.WithOpName("Arg0"), DT_INT32, 0);
33 auto arg1 = ops::_Arg(root.WithOpName("Arg1"), DT_INT32, 1);
34 auto arg2 = ops::_Arg(root.WithOpName("Arg2"), DT_INT32, 2);
35 auto arg3 = ops::_Arg(root.WithOpName("Arg3"), DT_INT32, 3);
36 auto a = ops::Shape(root, arg0);
37 auto b = ops::Add(root, a, arg1);
38 auto c = ops::Reshape(root, arg2, b)
    [all...]
functionalize_control_flow_test.cc 18 #include "tensorflow/cc/framework/ops.h"
19 #include "tensorflow/cc/ops/control_flow_ops_internal.h"
20 #include "tensorflow/cc/ops/function_ops.h"
21 #include "tensorflow/cc/ops/resource_variable_ops.h"
22 #include "tensorflow/cc/ops/standard_ops.h"
23 #include "tensorflow/compiler/tf2xla/cc/ops/functional_ops.h"
68 auto x = ops::Placeholder(scope.WithOpName("x"), DT_INT32);
69 auto y = ops::Placeholder(scope.WithOpName("y"), DT_INT32);
70 auto less = ops::Less(scope.WithOpName("cond/Less"), y, x);
71 auto switch_1 = ops::Switch(scope.WithOpName("cond/Switch"), less, less)
    [all...]
  /external/tensorflow/tensorflow/python/ops/distributions/
distributions.py 22 from tensorflow.python.ops.distributions import bijectors
23 from tensorflow.python.ops.distributions.bernoulli import Bernoulli
24 from tensorflow.python.ops.distributions.beta import Beta
25 from tensorflow.python.ops.distributions.categorical import Categorical
26 from tensorflow.python.ops.distributions.dirichlet import Dirichlet
27 from tensorflow.python.ops.distributions.dirichlet_multinomial import DirichletMultinomial
28 from tensorflow.python.ops.distributions.distribution import *
29 from tensorflow.python.ops.distributions.exponential import Exponential
30 from tensorflow.python.ops.distributions.gamma import Gamma
31 from tensorflow.python.ops.distributions.kullback_leibler import
    [all...]
  /device/linaro/bootloader/arm-trusted-firmware/drivers/delay_timer/
generic_delay_timer.c 18 static timer_ops_t ops; variable
33 ops.get_timer_value = get_timer_value;
34 ops.clk_mult = mult;
35 ops.clk_div = div;
37 timer_init(&ops);
  /external/mesa3d/src/gallium/winsys/svga/drm/
vmw_fence.c 67 * @ops: Pointer to a struct pb_fence_ops.
81 * @ops: Pointer to a struct pb_fence_ops.
85 vmw_fence_ops(struct pb_fence_ops *ops)
87 assert(ops);
88 return (struct vmw_fence_ops *)ops;
96 * @ops: Pointer to a struct vmw_fence_ops.
100 vmw_fences_release(struct vmw_fence_ops *ops)
104 pipe_mutex_lock(ops->mutex);
105 LIST_FOR_EACH_ENTRY_SAFE(fence, n, &ops->not_signaled, ops_list)
107 pipe_mutex_unlock(ops->mutex)
126 struct vmw_fence_ops *ops = NULL; local
186 struct vmw_fence_ops *ops = vmw_fence_ops(fence_ops); local
228 struct vmw_fence_ops *ops = vmw_fence_ops(vws->fence_ops); local
418 struct vmw_fence_ops *ops; local
    [all...]
  /external/tensorflow/tensorflow/contrib/crf/
__init__.py 35 from tensorflow.contrib.crf.python.ops.crf import crf_binary_score
36 from tensorflow.contrib.crf.python.ops.crf import crf_decode
37 from tensorflow.contrib.crf.python.ops.crf import crf_log_likelihood
38 from tensorflow.contrib.crf.python.ops.crf import crf_log_norm
39 from tensorflow.contrib.crf.python.ops.crf import crf_sequence_score
40 from tensorflow.contrib.crf.python.ops.crf import crf_unary_score
41 from tensorflow.contrib.crf.python.ops.crf import CrfDecodeBackwardRnnCell
42 from tensorflow.contrib.crf.python.ops.crf import CrfDecodeForwardRnnCell
43 from tensorflow.contrib.crf.python.ops.crf import CrfForwardRnnCell
44 from tensorflow.contrib.crf.python.ops.crf import viterbi_decod
    [all...]
  /external/tensorflow/tensorflow/contrib/image/
__init__.py 15 """Ops for image manipulation.
23 ## Image Transformation `Ops`
34 ## Image Segmentation `Ops`
38 ## Matching `Ops`
42 ## Random Dot Stereogram `Ops`
50 from tensorflow.contrib.image.python.ops.distort_image_ops import adjust_hsv_in_yiq
51 from tensorflow.contrib.image.python.ops.distort_image_ops import random_hsv_in_yiq
53 from tensorflow.contrib.image.python.ops.image_ops import angles_to_projective_transforms
54 from tensorflow.contrib.image.python.ops.image_ops import compose_transforms
55 from tensorflow.contrib.image.python.ops.image_ops import connected_component
    [all...]
  /external/tensorflow/tensorflow/contrib/distributions/python/ops/bijectors/
__init__.py 15 """Bijector Ops.
52 from tensorflow.contrib.distributions.python.ops.bijectors.absolute_value import *
53 from tensorflow.contrib.distributions.python.ops.bijectors.affine import *
54 from tensorflow.contrib.distributions.python.ops.bijectors.affine_linear_operator import *
55 from tensorflow.contrib.distributions.python.ops.bijectors.chain import *
56 from tensorflow.contrib.distributions.python.ops.bijectors.cholesky_outer_product import *
57 from tensorflow.contrib.distributions.python.ops.bijectors.conditional_bijector import *
58 from tensorflow.contrib.distributions.python.ops.bijectors.exp import *
59 from tensorflow.contrib.distributions.python.ops.bijectors.gumbel import *
60 from tensorflow.contrib.distributions.python.ops.bijectors.inline import
    [all...]
  /external/tensorflow/tensorflow/contrib/rnn/
__init__.py 83 from tensorflow.contrib.rnn.python.ops.core_rnn_cell import EmbeddingWrapper
84 from tensorflow.contrib.rnn.python.ops.core_rnn_cell import InputProjectionWrapper
85 from tensorflow.contrib.rnn.python.ops.core_rnn_cell import OutputProjectionWrapper
87 from tensorflow.contrib.rnn.python.ops.fused_rnn_cell import *
88 from tensorflow.contrib.rnn.python.ops.gru_ops import *
89 from tensorflow.contrib.rnn.python.ops.lstm_ops import *
90 from tensorflow.contrib.rnn.python.ops.rnn import *
91 from tensorflow.contrib.rnn.python.ops.rnn_cell import *
93 from tensorflow.python.ops.rnn import _best_effort_input_batch_size as best_effort_input_batch_size
94 from tensorflow.python.ops.rnn import _transpose_batch_time as transpose_batch_tim
    [all...]
  /external/tensorflow/tensorflow/contrib/seq2seq/
__init__.py 16 """Ops for building neural network seq2seq decoders and losses.
26 from tensorflow.contrib.seq2seq.python.ops.attention_wrapper import *
27 from tensorflow.contrib.seq2seq.python.ops.basic_decoder import *
28 from tensorflow.contrib.seq2seq.python.ops.beam_search_decoder import *
29 from tensorflow.contrib.seq2seq.python.ops.beam_search_ops import *
30 from tensorflow.contrib.seq2seq.python.ops.decoder import *
31 from tensorflow.contrib.seq2seq.python.ops.helper import *
32 from tensorflow.contrib.seq2seq.python.ops.loss import *
  /external/libnl/src/
nl-list-caches.c 21 static char *id_attr_list(struct nl_object_ops *ops, char *buf, size_t len)
23 if (ops->oo_attrs2str != NULL)
24 return ops->oo_attrs2str(ops->oo_id_attrs, buf, len);
31 static void print(struct nl_cache_ops *ops, void *arg)
40 ops->co_name, ops->co_hdrsize,
41 nl_nlfamily2str(ops->co_protocol, buf, sizeof(buf)),
42 ops->co_request_update ? "yes" : "no",
43 ops->co_msg_parser ? "yes" : "no")
    [all...]
  /system/iot/attestation/atap/libatap/
atap_ops.h 41 AtapResult (*read_product_id)(AtapOps* ops,
47 AtapResult (*get_auth_key_type)(AtapOps* ops, AtapKeyType* key_type);
55 AtapResult (*read_auth_key_cert_chain)(AtapOps* ops,
63 AtapResult (*write_attestation_key)(AtapOps* ops,
75 AtapResult (*read_attestation_public_key)(AtapOps* ops,
85 AtapResult (*read_soc_global_key)(AtapOps* ops,
92 AtapResult (*write_hex_uuid)(AtapOps* ops,
99 AtapResult (*get_random_bytes)(AtapOps* ops, uint8_t* buf, uint32_t buf_size);
106 AtapResult (*auth_key_sign)(AtapOps* ops,
120 AtapOps* ops,
    [all...]
  /external/tensorflow/tensorflow/contrib/metrics/
__init__.py 15 """Ops for evaluation metrics and summary statistics.
83 from tensorflow.contrib.metrics.python.ops.confusion_matrix_ops import confusion_matrix
84 from tensorflow.contrib.metrics.python.ops.histogram_ops import auc_using_histogram
85 from tensorflow.contrib.metrics.python.ops.metric_ops import aggregate_metric_map
86 from tensorflow.contrib.metrics.python.ops.metric_ops import aggregate_metrics
87 from tensorflow.contrib.metrics.python.ops.metric_ops import auc_with_confidence_intervals
88 from tensorflow.contrib.metrics.python.ops.metric_ops import cohen_kappa
89 from tensorflow.contrib.metrics.python.ops.metric_ops import count
90 from tensorflow.contrib.metrics.python.ops.metric_ops import precision_recall_at_equal_thresholds
91 from tensorflow.contrib.metrics.python.ops.metric_ops import recall_at_precisio
    [all...]
  /external/tensorflow/tensorflow/contrib/tensor_forest/python/ops/
model_ops.py 15 """Model ops python wrappers."""
20 from tensorflow.contrib.tensor_forest.python.ops import gen_model_ops
23 from tensorflow.contrib.tensor_forest.python.ops.gen_model_ops import feature_usage_counts
24 from tensorflow.contrib.tensor_forest.python.ops.gen_model_ops import traverse_tree_v4
25 from tensorflow.contrib.tensor_forest.python.ops.gen_model_ops import tree_predictions_v4
26 from tensorflow.contrib.tensor_forest.python.ops.gen_model_ops import tree_size
27 from tensorflow.contrib.tensor_forest.python.ops.gen_model_ops import update_model_v4
31 from tensorflow.python.framework import ops
32 from tensorflow.python.ops import resources
41 ops.NotDifferentiable("TreeVariable"
    [all...]
  /external/tensorflow/tensorflow/python/ops/linalg/
linalg.py 23 from tensorflow.python.ops.linalg.linalg_impl import *
24 from tensorflow.python.ops.linalg.linear_operator import *
25 from tensorflow.python.ops.linalg.linear_operator_composition import *
26 from tensorflow.python.ops.linalg.linear_operator_diag import *
27 from tensorflow.python.ops.linalg.linear_operator_full_matrix import *
28 from tensorflow.python.ops.linalg.linear_operator_identity import *
29 from tensorflow.python.ops.linalg.linear_operator_low_rank_update import *
30 from tensorflow.python.ops.linalg.linear_operator_lower_triangular import *
38 del ops
  /external/tensorflow/tensorflow/contrib/bayesflow/
__init__.py 15 """Ops for representing Bayesian computation.
24 from tensorflow.contrib.bayesflow.python.ops import csiszar_divergence
25 from tensorflow.contrib.bayesflow.python.ops import custom_grad
26 from tensorflow.contrib.bayesflow.python.ops import halton_sequence
27 from tensorflow.contrib.bayesflow.python.ops import hmc
28 from tensorflow.contrib.bayesflow.python.ops import layers
29 from tensorflow.contrib.bayesflow.python.ops import mcmc_diagnostics
30 from tensorflow.contrib.bayesflow.python.ops import metropolis_hastings
31 from tensorflow.contrib.bayesflow.python.ops import monte_carlo
32 from tensorflow.contrib.bayesflow.python.ops import optimizer
    [all...]
  /external/tensorflow/tensorflow/python/data/
__init__.py 31 from tensorflow.python.data.ops.dataset_ops import Dataset
32 from tensorflow.python.data.ops.iterator_ops import Iterator
33 from tensorflow.python.data.ops.readers import FixedLengthRecordDataset
34 from tensorflow.python.data.ops.readers import TextLineDataset
35 from tensorflow.python.data.ops.readers import TFRecordDataset
  /external/tensorflow/tensorflow/contrib/legacy_seq2seq/
__init__.py 36 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import attention_decoder
37 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import basic_rnn_seq2seq
38 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_attention_decoder
39 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_attention_seq2seq
40 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_rnn_decoder
41 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_rnn_seq2seq
42 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_tied_rnn_seq2seq
43 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import model_with_buckets
44 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import one2many_rnn_seq2seq
45 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import rnn_decode
    [all...]
  /libcore/ojluni/src/test/java/util/stream/boottest/java/util/stream/
FlagOpTest.java 42 TestFlagPassThroughOp<Integer>[] ops = new TestFlagPassThroughOp[3]; local
43 ops[0] = new TestFlagPassThroughOp<>();
44 ops[1] = new TestFlagPassThroughOp<>();
45 ops[2] = new TestFlagPassThroughOp<>();
47 ops[0].set(null, ops[1]);
48 ops[1].set(ops[0], ops[2]);
49 ops[2].set(ops[1], null)
93 List<FlagDeclaringOp<Integer>> ops = new ArrayList<>(); local
134 List<FlagDeclaringOp<Integer>> ops = new ArrayList<>(); local
167 List<IntermediateTestOp<Integer, Integer>> ops = new ArrayList<>(); local
202 List<IntermediateTestOp<Integer, Integer>> ops = new ArrayList<>(); local
232 List<IntermediateTestOp<Integer, Integer>> ops = new ArrayList<>(); local
    [all...]
  /external/tensorflow/tensorflow/contrib/boosted_trees/python/ops/
prediction_ops.py 15 """Split handler custom ops."""
21 from tensorflow.contrib.boosted_trees.python.ops import boosted_trees_ops_loader
22 from tensorflow.contrib.boosted_trees.python.ops.gen_prediction_ops import gradient_trees_partition_examples
23 from tensorflow.contrib.boosted_trees.python.ops.gen_prediction_ops import gradient_trees_prediction

Completed in 860 milliseconds

12 3 4 5 6 7 8 91011>>