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

<<11121314151617181920>>

  /external/llvm/lib/CodeGen/SelectionDAG/
SelectionDAGPrinter.cpp 84 const SelectionDAG *Graph) {
99 const SelectionDAG *Graph) {
119 std::string getNodeLabel(const SDNode *Node, const SelectionDAG *Graph);
121 const SelectionDAG *Graph) {
123 const std::string &Attrs = Graph->getGraphAttrs(N);
170 /// clearGraphAttrs - Clear all previously defined node graph attributes.
182 /// setGraphAttrs - Set graph attributes for a node. (eg. "color=red".)
194 /// getGraphAttrs - Get graph attributes for a node. (eg. "color=red".)
300 // Draw a special "GraphRoot" node to indicate the root of the graph.
  /external/swiftshader/third_party/LLVM/lib/CodeGen/SelectionDAG/
SelectionDAGPrinter.cpp 86 const SelectionDAG *Graph) {
94 const SelectionDAG *Graph) {
114 std::string getNodeLabel(const SDNode *Node, const SelectionDAG *Graph);
116 const SelectionDAG *Graph) {
118 const std::string &Attrs = Graph->getGraphAttrs(N);
165 /// clearGraphAttrs - Clear all previously defined node graph attributes.
177 /// setGraphAttrs - Set graph attributes for a node. (eg. "color=red".)
189 /// getGraphAttrs - Get graph attributes for a node. (eg. "color=red".)
295 // Draw a special "GraphRoot" node to indicate the root of the graph.
  /external/swiftshader/third_party/llvm-7.0/llvm/lib/CodeGen/SelectionDAG/
SelectionDAGPrinter.cpp 82 const SelectionDAG *Graph) {
97 const SelectionDAG *Graph) {
117 std::string getNodeLabel(const SDNode *Node, const SelectionDAG *Graph);
119 const SelectionDAG *Graph) {
121 const std::string &Attrs = Graph->getGraphAttrs(N);
168 /// clearGraphAttrs - Clear all previously defined node graph attributes.
180 /// setGraphAttrs - Set graph attributes for a node. (eg. "color=red".)
192 /// getGraphAttrs - Get graph attributes for a node. (eg. "color=red".)
298 // Draw a special "GraphRoot" node to indicate the root of the graph.
  /external/swiftshader/third_party/llvm-7.0/llvm/tools/llvm-cfi-verify/
llvm-cfi-verify.cpp 89 const GraphResult &Graph,
97 Graph.printToDOT(Analysis, outs());
136 GraphResult Graph = GraphBuilder::buildFlowGraph(Analysis, Address);
139 Analysis.validateCFIProtection(Graph);
144 printInstructionInformation(Analysis, InstrMeta, Graph, ProtectionStatus);
  /external/tensorflow/tensorflow/compiler/jit/
partially_decluster_pass.cc 37 Status FindNodesToDecluster(const Graph& graph,
61 TF_RETURN_IF_ERROR(MemoryTypesForNode(graph.op_registry(), device_type,
82 TF_RETURN_IF_ERROR(MemoryTypesForNode(graph.op_registry(), device_type,
107 Status PartiallyDeclusterNode(Graph* graph, Node* n) {
130 Node* cloned_node = graph->AddNode(ndef, &s);
135 graph->AddEdge(in_edge->src(), in_edge->src_output(), cloned_node,
140 graph->AddEdge(cloned_node, out_edge_to_clone->src_output(),
142 graph->RemoveEdge(out_edge_to_clone)
352 Graph* graph = options.graph->get(); local
    [all...]
clone_constants_for_better_clustering.cc 37 Graph* g, const absl::flat_hash_set<string>& name_set, Node* n) {
96 Graph* g, const absl::flat_hash_set<string>& name_set, Node* n) {
129 Graph* g = options.graph->get();
137 // avoid this transformation when such ops are present in the graph.
141 // if we have the following graph:
156 // graph into:
shape_inference_test.cc 46 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global()));
47 TF_CHECK_OK(root.ToGraph(graph.get()));
50 TF_ASSERT_OK(InferShapes(graph.get(), /*arg_shapes=*/{},
59 TF_EXPECT_OK(ShapeAnnotationsMatch(*graph, shape_info, expected));
63 // Graph:
66 Graph graph(OpRegistry::Global());
107 scope.graph()->RemoveNode(dummy.node())
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/
functionalize_control_flow.cc 37 #include "tensorflow/core/graph/algorithm.h"
38 #include "tensorflow/core/graph/control_flow.h"
39 #include "tensorflow/core/graph/graph_constructor.h"
40 #include "tensorflow/core/graph/node_builder.h"
50 Graph* graph,
53 << DumpGraphToFile("functionalize_initial", *graph, library);
55 // Functionalize and remove while loops from graph.
56 TF_RETURN_IF_ERROR(FunctionalizeWhileLoop(lookup_library, graph, library));
61 TF_RETURN_IF_ERROR(FunctionalizeCond(graph, library))
233 Graph* graph = options.graph->get(); local
    [all...]
  /external/tensorflow/tensorflow/python/client/
session_benchmark.py 53 with ops.Graph().as_default():
81 with ops.Graph().as_default():
109 with ops.Graph().as_default():
136 with ops.Graph().as_default():
162 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/python/grappler/
item_test.py 39 with ops.Graph().as_default() as g:
43 mg = meta_graph.create_meta_graph_def(graph=g)
51 with ops.Graph().as_default() as g:
57 mg = meta_graph.create_meta_graph_def(graph=g)
63 with ops.Graph().as_default() as g:
70 mg = meta_graph.create_meta_graph_def(graph=g)
86 with ops.Graph().as_default() as g:
92 mg = meta_graph.create_meta_graph_def(graph=g)
113 with ops.Graph().as_default() as g:
120 mg = meta_graph.create_meta_graph_def(graph=g
    [all...]
datasets_test.py 49 with ops.Graph().as_default() as g:
55 mg = meta_graph.create_meta_graph_def(graph=g)
74 with ops.Graph().as_default() as g:
80 mg = meta_graph.create_meta_graph_def(graph=g)
107 with ops.Graph().as_default() as g:
116 mg = meta_graph.create_meta_graph_def(graph=g)
123 with ops.Graph().as_default() as g:
129 mg = meta_graph.create_meta_graph_def(graph=g)
148 with ops.Graph().as_default() as g:
155 mg = meta_graph.create_meta_graph_def(graph=g
    [all...]
  /external/tensorflow/tensorflow/python/framework/
function_test.py 102 with ops.Graph().as_default():
115 with ops.Graph().as_default():
131 with ops.Graph().as_default():
146 with ops.Graph().as_default():
159 with ops.Graph().as_default():
172 with ops.Graph().as_default():
188 with ops.Graph().as_default():
201 g = ops.Graph()
223 g = ops.Graph()
238 g = ops.Graph()
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/
monitors_test.py 130 with ops.Graph().as_default() as g, self.session(g):
135 with ops.Graph().as_default() as g, self.session(g):
144 with ops.Graph().as_default() as g, self.session(g):
153 with ops.Graph().as_default() as g, self.session(g):
162 with ops.Graph().as_default() as g, self.session(g):
171 with ops.Graph().as_default() as g, self.session(g):
182 with ops.Graph().as_default() as g, self.session(g):
195 with ops.Graph().as_default() as g, self.session(g):
210 with ops.Graph().as_default() as g, self.session(g):
227 with ops.Graph().as_default() as g, self.session(g)
    [all...]
  /external/swiftshader/third_party/llvm-7.0/llvm/include/llvm/Analysis/
CFGPrinter.h 11 // cfg.<fnname>.dot file for each function in the program, with a graph of the
121 const Function *Graph) {
123 return getSimpleNodeLabel(Node, Graph);
125 return getCompleteNodeLabel(Node, Graph);
  /external/tensorflow/tensorflow/compiler/tf2tensorrt/segment/
segment.cc 25 #include "tensorflow/core/graph/algorithm.h"
26 #include "tensorflow/core/graph/graph.h"
27 #include "tensorflow/core/graph/graph_constructor.h"
42 // A simple graph representation to mirror Graph. This structure
43 // helps saving memory since segmenter modifies the graph in place, preventing
44 // the need to create a copy of the graph. It is composed of edges and nodes.
116 explicit SimpleGraph(const Graph* g);
129 const SimpleNode* source_node() const { return nodes_[Graph::kSourceId];
419 auto graph = std::unique_ptr<SimpleGraph>(new SimpleGraph(tf_graph)); local
    [all...]
  /external/tensorflow/tensorflow/core/common_runtime/
graph_runner.cc 33 #include "tensorflow/core/graph/algorithm.h"
34 #include "tensorflow/core/graph/graph_constructor.h"
35 #include "tensorflow/core/graph/node_builder.h"
36 #include "tensorflow/core/graph/subgraph.h"
101 Status GraphRunner::Run(Graph* graph, FunctionLibraryRuntime* function_library,
121 // TODO(vrv): Instead of copying the entire graph, consider modifying
122 // the existing graph, and then removing those removed edges.
124 std::unique_ptr<Graph> graph_to_run(new Graph(graph->op_registry()))
    [all...]
placer.cc 28 #include "tensorflow/core/framework/graph.pb.h"
81 Placer::Placer(Graph* graph, const DeviceSet* devices,
84 : graph_(graph),
90 Placer::Placer(Graph* graph, const DeviceSet* devices,
92 : Placer(graph, devices, default_device, true, false) {}
94 Placer::Placer(Graph* graph, const DeviceSet* devices)
95 : Placer(graph, devices, nullptr, true, false) {
    [all...]
  /external/tensorflow/tensorflow/core/grappler/
mutable_graph_view_test.cc 22 #include "tensorflow/core/graph/tensor_id.h"
36 void CompareNodeFanins(const MutableGraphView& graph, NodeDef* node,
43 if (tensor_id.index() == Graph::kControlSlot) {
44 port = Graph::kControlSlot;
50 graph.GetOutputPort(tensor_id.node(), tensor_id.index());
51 EXPECT_TRUE(graph.GetFanin(input_port).contains(output_port));
52 EXPECT_TRUE(graph.GetFanout(output_port).contains(input_port));
56 void CompareNodeFanouts(const MutableGraphView& graph, NodeDef* node,
59 graph.GetFanouts(*node, /*include_controlled_nodes=*/true);
63 MutableGraphView::InputPort input_port(graph.GetNode(tensor_id.node())
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
spacetobatch_benchmark_test.cc 18 #include "tensorflow/core/graph/node_builder.h"
24 static Graph* ConstructSpaceToBatchGraph(
29 Graph* g = new Graph(OpRegistry::Global());
41 .Input(test::graph::Constant(g, input))
42 .Input(test::graph::Constant(g, paddings_tensor))
49 .Input(test::graph::Constant(g, input))
50 .Input(test::graph::Constant(g, paddings_tensor))
sparse_matmul_op_test.cc 21 #include "tensorflow/core/graph/node_builder.h"
51 Node* SparseMatMulNode(Graph* g, Node* in0, Node* in1, bool transpose_a,
66 static Graph* SparseMatMulHelper(Graph* g, int m, int n, int d,
82 SparseMatMulNode(g, test::graph::Constant(g, left),
83 test::graph::Constant(g, right), transpose_a, transpose_b,
89 static Graph* SparseMatMul(int m, int n, int d, float sparsity_a,
92 Graph* g = new Graph(OpRegistry::Global());
97 static Graph* ReplicatedSparseMatMul(int m, int n, int d, float sparsity_1
    [all...]
split_v_op_test.cc 25 #include "tensorflow/core/graph/node_builder.h"
57 static Graph* MakeGraph(int split_dim, const std::vector<int64>& size_splits,
59 Graph* g = new Graph(OpRegistry::Global());
67 .Input(test::graph::Constant(g, in))
68 .Input(test::graph::Constant(g, size_splits_tensor))
69 .Input(test::graph::Constant(g, split_dim_tensor))
  /external/tensorflow/tensorflow/go/
graph.go 51 // Graph represents a computation graph. Graphs may be shared between sessions.
52 type Graph struct {
56 // Graph execution options
67 // NewGraph returns a new Graph.
68 func NewGraph() *Graph {
69 g := &Graph{C.TF_NewGraph()}
70 runtime.SetFinalizer(g, (*Graph).finalizer)
74 func (g *Graph) finalizer() {
81 func (g *Graph) WriteTo(w io.Writer) (int64, error)
    [all...]
  /external/tensorflow/tensorflow/go/op/
scope.go 26 // Scope encapsulates common operation properties when building a Graph.
31 // to the graph.
36 graph *tf.Graph
49 // NewScope creates a Scope initialized with an empty Graph.
51 return &Scope{graph: tf.NewGraph(), namemap: make(map[string]int), err: new(scopeErr)}
54 // NewScopeWithGraph creates a Scope initialized with the Graph thats passed in
55 func NewScopeWithGraph(g *tf.Graph) *Scope {
56 return &Scope{graph: g, namemap: make(map[string]int), err: new(scopeErr)}
59 // Finalize returns the Graph on which this scope operates on and renders
    [all...]
  /external/tensorflow/tensorflow/python/eager/
function_defun_collection_test.py 41 """Read values from graph collections inside of defun."""
42 with ops.Graph().as_default() as g:
43 with self.session(graph=g):
68 """Read variable value from graph collections inside of defun."""
69 with ops.Graph().as_default() as g:
70 with self.session(graph=g):
84 with ops.Graph().as_default() as g:
85 with self.session(graph=g):
  /external/tensorflow/tensorflow/python/training/
quantize_training_test.py 60 g = ops.Graph()
61 with session.Session(graph=g) as sess:
74 with ops.Graph().as_default() as g, session.Session(graph=g) as sess:
80 # Run the graph for one step to assign values to the quantization min/max
86 with ops.Graph().as_default() as g, session.Session(graph=g) as sess:

Completed in 1575 milliseconds

<<11121314151617181920>>