HomeSort by relevance Sort by last modified time
    Searched refs:Graph (Results 551 - 575 of 1007) sorted by null

<<21222324252627282930>>

  /external/mesa3d/src/gallium/drivers/nouveau/codegen/
nv50_ir.h 1123 static inline BasicBlock *get(Graph::Node *);
1126 Graph::Node cfg; // first edge is branch *taken* (the ELSE branch)
1127 Graph::Node dom;
1162 static inline Function *get(Graph::Node *node);
1193 Graph cfg;
1194 Graph::Node *cfgExit;
1195 Graph *domTree;
1196 Graph::Node call; // node in the call graph
    [all...]
  /external/swiftshader/third_party/llvm-7.0/llvm/include/llvm/Analysis/
BlockFrequencyInfoImpl.h 350 /// Probability weight for an edge in the graph (including the
462 /// Separate irreducible SCCs from \c G, which is an explict graph of \c
583 /// Graph of irreducible control flow.
585 /// This graph is used for determining the SCCs in a loop (or top-level
593 /// \a IrreducibleGraph makes this graph explicit. It's in a form that can use
622 /// Construct an explicit graph containing irreducible control flow.
624 /// Construct an explicit graph of the control flow in \c OuterLoop (or the
717 /// type of graph being modelled (BasicBlock vs. MachineBasicBlock), and
    [all...]
  /external/tensorflow/tensorflow/contrib/quantize/python/
quantize_parameterized_test.py 15 """Parameterized unit tests for quantizing a Tensorflow graph."""
68 self, graph, scope, layer, activation_op_name, with_bypass, delay,
76 weights_quant = graph.get_operation_by_name(
112 self._AssertOutputGoesToOps(weights_quant, graph, [output_op_name])
115 conv_quant = graph.get_operation_by_name(
137 self._AssertOutputGoesToOps(conv_quant, graph, [output_op_name])
139 act_quant = graph.get_operation_by_name(scope + 'act_quant/' +
157 self._AssertOutputGoesToOps(act_quant, graph, [output_op_name])
158 self._AssertIdempotent(graph)
177 scope: String, specifies top level scope for the graph
    [all...]
common_test.py 46 g = ops.Graph()
47 with session.Session(graph=g) as sess:
51 # Check that operations are added to the graph.
55 # Check that getting the quantization step doesn't change the graph.
60 # Ensure that running the graph increments the quantization step.
65 # Ensure that even running a graph that depends on the quantization step
97 g = ops.Graph()
fold_batch_norms_test.py 91 g = ops.Graph()
191 g = ops.Graph()
287 g = ops.Graph()
359 g = ops.Graph()
453 g = ops.Graph()
565 g = ops.Graph()
688 unfolded_g = ops.Graph()
717 with session.Session(graph=unfolded_g) as sess:
723 with session.Session(graph=folded_g) as sess:
782 def _AssertOutputGoesToOps(self, op, graph, out_op_names)
    [all...]
  /external/tensorflow/tensorflow/contrib/rnn/python/kernel_tests/
gru_ops_test.py 44 with self.session(use_gpu=True, graph=ops.Graph()) as sess:
61 with self.session(use_gpu=True, graph=ops.Graph()) as sess:
94 with self.session(use_gpu=True, graph=ops.Graph()) as sess:
153 with self.session(use_gpu=True, graph=ops.Graph()) as sess:
223 with self.session(use_gpu=True, graph=ops.Graph()) as sess
    [all...]
lstm_ops_test.py 219 with self.session(use_gpu=True, graph=ops.Graph()) as sess:
236 with self.session(use_gpu=True, graph=ops.Graph()) as sess:
264 with self.session(use_gpu=True, graph=ops.Graph()):
275 with self.session(use_gpu=True, graph=ops.Graph()):
286 with self.session(use_gpu=True, graph=ops.Graph())
    [all...]
  /external/bcc/src/cc/frontends/p4/compiler/
ebpfDeparser.py 14 from topoSorting import Graph
19 header_graph = Graph()
  /external/tensorflow/tensorflow/contrib/eager/python/
evaluator_test.py 120 with context.graph_mode(), ops.Graph().as_default(), self.cached_session():
129 with context.graph_mode(), ops.Graph().as_default(), self.cached_session():
  /external/tensorflow/tensorflow/contrib/eager/python/examples/gan/
mnist_graph_test.py 89 with tf.Graph().as_default():
100 tf.contrib.summary.initialize(graph=tf.get_default_graph(),
127 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/factorization/python/ops/
factorization_ops_test.py 129 with ops.Graph().as_default(), self.cached_session() as sess:
164 with ops.Graph().as_default(), self.cached_session() as sess:
333 with ops.Graph().as_default(), self.cached_session() as sess:
508 with ops.Graph().as_default(), self.cached_session():
586 with ops.Graph().as_default(), self.cached_session():
676 with ops.Graph().as_default(), self.cached_session():
706 with ops.Graph().as_default(), self.cached_session():
739 with ops.Graph().as_default(), self.cached_session():
    [all...]
  /external/tensorflow/tensorflow/contrib/graph_editor/tests/
reroute_test.py 31 self.graph = ops.Graph()
32 with self.graph.as_default():
49 with self.graph.as_default():
70 graph = ops.Graph()
71 # create a special graph where "a" is an ambiguous tensor. That is
73 with graph.as_default():
  /external/tensorflow/tensorflow/contrib/opt/python/training/
ggt_test.py 79 with self.session(graph=ops.Graph()):
115 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/core/kernels/
dequantize_op_test.cc 164 Graph* g = new Graph(OpRegistry::Global());
segment_reduction_ops_test.cc 30 #include "tensorflow/core/graph/node_builder.h"
31 #include "tensorflow/core/graph/testlib.h"
118 Graph* g = new Graph(OpRegistry::Global());
144 .Input(test::graph::Constant(g, input))
145 .Input(test::graph::Constant(g, indices))
146 .Input(test::graph::Constant(g, segments))
147 .Input(test::graph::Constant(g, output_dim0))
  /external/tensorflow/tensorflow/examples/android/src/org/tensorflow/demo/
TensorFlowMultiBoxDetector.java 32 import org.tensorflow.Graph;
92 final Graph g = d.inferenceInterface.graph();
TensorFlowObjectDetectionAPIModel.java 31 import org.tensorflow.Graph;
93 final Graph g = d.inferenceInterface.graph();
  /external/tensorflow/tensorflow/lite/python/
convert_saved_model.py 60 with session.Session(graph=ops.Graph()) as sess:
96 The inputs and outputs in the graph for conversion.
113 def _get_tensors(graph, signature_def_tensor_names=None,
123 graph: GraphDef representing graph.
141 tensors = get_tensors_from_tensor_names(graph, user_tensor_names)
144 graph.get_tensor_by_name(name)
156 def get_tensors_from_tensor_names(graph, tensor_names):
157 """Gets the Tensors associated with the `tensor_names` in the provided graph
    [all...]
  /external/tensorflow/tensorflow/python/client/
session_clusterspec_prop_test.py 78 with ops.Graph().as_default() as g, ops.device('/job:worker/task:1'):
81 sess = session.Session(server1.target, config=config, graph=g)
106 with ops.Graph().as_default() as g, ops.device('/job:worker/task:0'):
108 sess = session.Session(server1.target, config=config, graph=g)
122 with ops.Graph().as_default() as g, ops.device(
125 sess = session.Session(server1.target, config=config, graph=g)
150 with ops.Graph().as_default() as g, ops.device(
153 sess = session.Session(server1.target, config=config, graph=g)
193 with ops.Graph().as_default() as g:
210 sess = session.Session(server1.target, config=config, graph=g
    [all...]
  /external/tensorflow/tensorflow/python/grappler/
tf_optimizer_test.py 48 mg = meta_graph.create_meta_graph_def(graph=ops.get_default_graph())
55 graph = tf_optimizer.OptimizeGraph(config, mg)
57 self.assertEqual(len(graph.node), 1)
58 self.assertItemsEqual([node.name for node in graph.node], ['d'])
62 g = ops.Graph()
73 # Optimize the graph.
74 mg = meta_graph.create_meta_graph_def(graph=g)
91 g = ops.Graph()
118 # Optimize the graph.
119 mg = meta_graph.create_meta_graph_def(graph=g
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
edit_distance_op_test.py 71 with ops.Graph().as_default() as g, self.session(g):
84 with ops.Graph().as_default() as g, self.session(g):
matrix_band_part_op_test.py 115 with ops.Graph().as_default(), \
129 with ops.Graph().as_default(), \
  /external/tensorflow/tensorflow/python/tpu/
tpu_system_metadata.py 80 with ops.Graph().as_default():
166 with ops.Graph().as_default():
tpu_test.py 90 with ops.Graph().as_default():
120 with ops.Graph().as_default() as graph:
121 # Reimport the graph and prune unconnected ops.
126 a = graph.get_operation_by_name("import/a").get_attr(
129 x = graph.get_operation_by_name("import/x").get_attr(
136 graph.get_operation_by_name("import/b").get_attr(
141 graph.get_operation_by_name("import/y").get_attr(
  /external/v8/src/compiler/
node-properties.h 18 class Graph;
79 // within the graph (i.e. an IfException projection is present). Optionally
101 // Merge the control node {node} into the end of the graph, introducing a
103 static void MergeControlToEnd(Graph* graph, CommonOperatorBuilder* common,
120 // assumes a linear effect-chain up to a {CheckPoint} node in the graph.

Completed in 1081 milliseconds

<<21222324252627282930>>