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

<<21222324252627282930>>

  /external/swiftshader/third_party/LLVM/include/llvm/CodeGen/
MachineFunction.h 264 /// this can make the graph smaller.
426 // machine function as a graph of machine basic blocks... these are
436 // nodes_iterator/begin/end - Allow iteration over all nodes in the graph
447 // nodes_iterator/begin/end - Allow iteration over all nodes in the graph
459 // graph of basic blocks... and to walk it in inverse order. Inverse order for
466 return &G.Graph->front();
472 return &G.Graph->front();
  /external/tensorflow/tensorflow/compiler/tests/
xla_test.py 212 graph = ops.Graph()
213 with session.Session(graph=graph) as sess, graph.as_default():
234 """Build a graph and run benchmarks against it, with or without XLA.
238 builder_fn: A function that builds a graph when invoked, and returns
245 portions of the graph will be compiled as a single unit. Compiling
253 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/eager/python/examples/l2hmc/
l2hmc_test.py 49 # function is used for defun or eager, and this function is used in graph to be
97 """Unit tests for l2hmc in both eager and graph mode."""
100 """Testing function `Dynamics.apply_transition` in graph and eager mode."""
118 # Graph mode testing
119 with tf.Graph().as_default():
142 """Eager and graph benchmarks for l2hmc."""
145 """Benchmark Graph performance."""
152 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/model_pruning/python/
strip_pruning_vars_test.py 63 self.initial_graph = ops.Graph()
65 self.final_graph = ops.Graph()
75 # Create a graph with several conv2d layers
142 session.run(session.graph.get_tensor_by_name(output_tensor)))
147 with self.session(graph=self.initial_graph) as sess1:
153 sess1, sess1.graph.as_graph_def(),
190 # Check that the final graph has no pruning-related vars
207 # Check that the final graph has no pruning-related vars
224 # Check that the final graph has no pruning-related vars
  /external/tensorflow/tensorflow/contrib/opt/python/training/
weight_decay_optimizers_test.py 61 with self.session(graph=ops.Graph()):
95 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/slim/python/slim/data/
prefetch_queue_test.py 159 with ops.Graph().as_default():
216 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/timeseries/examples/
lstm.py 55 Note that we do not start graph building here. Rather, this object is a
84 This method is called every time a new graph is created. It's safe to start
85 adding ops to the current default graph here, but the graph should be
245 with tf.Graph().as_default():
260 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/
test_utils.py 110 generate_graph = ops.Graph()
112 with session.Session(graph=generate_graph):
119 true_parameter_eval_graph = ops.Graph()
131 with session.Session(graph=true_parameter_eval_graph) as sess:
226 with session.Session(graph=true_parameter_eval_graph):
  /external/tensorflow/tensorflow/core/common_runtime/
eval_const_tensor.cc 26 #include "tensorflow/core/graph/graph.h"
128 const std::unordered_map<string, Tensor>* cached_values, Graph* out_graph,
157 // existing input to our subgraph 'const_inputs', 2) Discover our graph is not
187 // If the node is stateful, assume the graph is not constant.
238 // Get or create the version of 'current_node' in the new graph.
331 Graph subgraph(&ops);
359 // If all kernels in the constant graph are not registered
370 // graph.
executor.cc 35 #include "tensorflow/core/framework/graph.pb.h"
45 #include "tensorflow/core/graph/edgeset.h"
150 // A graph node.
256 // Immutable view of a Graph organized for efficient execution.
262 void Initialize(const Graph* g);
263 Status SetAllocAttrs(const Graph* g, const Device* device);
290 ExecutorImpl(const LocalExecutorParams& p, std::unique_ptr<const Graph> g)
310 // Process all Nodes in the current graph, attempting to infer the
355 static Status BuildControlFlowInfo(const Graph* graph,
1508 const Graph* graph = impl_->graph_.get(); local
    [all...]
  /external/tensorflow/tensorflow/core/debug/
grpc_session_debug_test.cc 23 #include "tensorflow/core/framework/graph.pb.h"
27 #include "tensorflow/core/graph/default_device.h"
28 #include "tensorflow/core/graph/graph.h"
29 #include "tensorflow/core/graph/testlib.h"
53 Graph graph(OpRegistry::Global());
57 Node* a = test::graph::Constant(&graph, a_tensor);
62 Node* b = test::graph::Constant(&graph, b_tensor)
152 GraphDef graph; local
    [all...]
  /external/tensorflow/tensorflow/python/data/kernel_tests/
shuffle_test.py 193 with ops.Graph().as_default() as g:
202 with self.session(graph=g) as sess:
220 with ops.Graph().as_default() as g:
232 with self.session(graph=g) as sess:
  /external/tensorflow/tensorflow/python/framework/
framework_lib.py 23 # Classes used when building a Graph.
25 from tensorflow.python.framework.ops import Graph
33 # Utilities used when building a Graph.
function_def_to_graph_test.py 39 with ops.Graph().as_default() as g:
62 with self.session(graph=g) as sess:
102 with ops.Graph().as_default() as g:
220 with self.session(graph=func_graph) as sess:
  /external/tensorflow/tensorflow/python/kernel_tests/boosted_trees/
quantile_ops_test.py 167 with self.session(graph=ops.Graph()) as sess:
198 with self.session(graph=ops.Graph()) as sess:
  /external/tensorflow/tensorflow/python/kernel_tests/
determinant_op_test.py 193 with ops.Graph().as_default(), session.Session(
206 with ops.Graph().as_default(), session.Session(
matrix_inverse_op_test.py 186 with ops.Graph().as_default(), \
200 with ops.Graph().as_default(), \
matrix_solve_op_test.py 176 with ops.Graph().as_default(), \
194 with ops.Graph().as_default(), \
  /external/mesa3d/src/gallium/drivers/nouveau/codegen/
nv50_ir_ra.cpp 356 for (Graph::EdgeIterator ei = p->cfg.outgoing(); !ei.end(); ei.next())
357 if (ei.getType() == Graph::Edge::TREE ||
358 ei.getType() == Graph::Edge::FORWARD)
385 Graph::EdgeIterator ei;
402 // nodes after the graph has been modified.
418 pb->cfg.attach(&pn->cfg, Graph::Edge::TREE);
419 pn->cfg.attach(&bb->cfg, Graph::Edge::FORWARD);
463 for (Graph::EdgeIterator ei = bb->cfg.incident(); !ei.end(); ei.next()) {
565 for (Graph::EdgeIterator ei = bb->cfg.outgoing(); !ei.end(); ei.next()) {
623 for (Graph::EdgeIterator ei = bb->cfg.outgoing(); !ei.end(); ei.next())
    [all...]
nv50_ir_lowering_nvc0.cpp 438 for (Graph::EdgeIterator ei = bb->cfg.outgoing(); !ei.end(); ei.next()) {
562 Graph::Node *n = reinterpret_cast<Graph::Node *>(bi->get());
584 Graph::Node *n = reinterpret_cast<Graph::Node *>(bi->get());
587 for (Graph::EdgeIterator ei = n->incident(); !ei.end(); ei.next()) {
609 Graph::Node *n = reinterpret_cast<Graph::Node *>(bi->get());
682 Graph::EdgeIterator ei = bb->cfg.incident();
683 if (ei.getType() != Graph::Edge::BACK
    [all...]
  /external/tensorflow/tensorflow/core/graph/
graph_constructor_test.cc 16 #include "tensorflow/core/graph/graph_constructor.h"
21 #include "tensorflow/core/framework/graph.pb.h"
25 #include "tensorflow/core/graph/graph.h"
26 #include "tensorflow/core/graph/node_builder.h"
55 // Used to verify that errors don't change graph
75 // Used to verify that errors don't change graph
133 return HasEdge(src, Graph::kControlSlot, dst, Graph::kControlSlot);
167 Graph graph_
    [all...]
  /external/tensorflow/tensorflow/core/grappler/optimizers/
function_optimizer.cc 42 #include "tensorflow/core/graph/graph_constructor.h"
43 #include "tensorflow/core/graph/tensor_id.h"
160 // graph from the type parametrized "graph template" (function body).
163 // statically defined graph, and then converts it back to the fully defined
167 // Given the fully specified graph we can apply all the Grappler optimizers to
258 // Output tensors (ports) that consumed by other nodes in the graph or in a
268 // it uses the latest available graph (for the first iteration it will be the
269 // GrapplerItem.graph, for next iterations it will be the output of previous
275 const GraphDef& graph)
    [all...]
  /external/tensorflow/tensorflow/contrib/framework/python/ops/
variables_test.py 193 with ops.Graph().as_default() as g:
206 with ops.Graph().as_default() as g:
220 with ops.Graph().as_default() as g:
227 self._assert_global_step(variables_lib2.create_global_step(ops.Graph()))
230 with ops.Graph().as_default() as g:
243 with ops.Graph().as_default() as g:
484 with ops.Graph().as_default():
513 with ops.Graph().as_default():
542 with ops.Graph().as_default():
644 with ops.Graph().as_default()
    [all...]
  /external/tensorflow/tensorflow/python/training/tracking/
util_with_v1_optimizers_test.py 201 # TODO(allenl): Make initialization more pleasant when graph building.
326 with ops.Graph().as_default():
349 """Expected usage when graph building."""
355 with ops.Graph().as_default():
367 with self.session(graph=ops.get_default_graph()) as session:
389 """Graph/eager agnostic usage."""
390 # Does create garbage when executing eagerly due to ops.Graph() creation.
565 """Saves after the first should not modify the graph."""
567 graph = ops.Graph()
    [all...]
  /external/tensorflow/tensorflow/contrib/graph_editor/
transform.py 70 graph are the same. Otherwise it will create a placeholder.
79 if info.graph is info.graph_:
118 if the source graph and the destination graph are the same.
125 if keep_if_possible and info.graph is info.graph_:
204 self._graph = info.graph
304 print(" Within graph[{}]{}".format(
307 print(" graph[{}] => graph[{}]".format(
332 self.control_outputs = util.ControlOutputs(sgv.graph)
    [all...]

Completed in 841 milliseconds

<<21222324252627282930>>