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

1 2 3 4 5 6 7 8 91011>>

  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
head_test.py 119 with ops.Graph().as_default(), session.Session():
145 with ops.Graph().as_default(), session.Session():
163 with ops.Graph().as_default(), session.Session():
178 with ops.Graph().as_default(), session.Session():
189 with ops.Graph().as_default(), session.Session():
207 with ops.Graph().as_default(), session.Session():
220 with ops.Graph().as_default(), session.Session():
236 with ops.Graph().as_default(), session.Session():
250 with ops.Graph().as_default(), session.Session():
268 with ops.Graph().as_default(), session.Session()
    [all...]
  /external/clang/lib/AST/
StmtViz.cpp 35 static std::string getNodeLabel(const Stmt* Node, const Stmt* Graph) {
  /external/llvm/lib/CodeGen/
MachineBlockFrequencyInfo.cpp 39 "display a graph using the "
42 "display a graph using the raw "
44 clEnumValN(GVDT_Count, "count", "display a graph using the real "
91 const MachineBlockFrequencyInfo *Graph) {
93 Node, Graph, ViewMachineBlockFreqPropagationDAG);
97 const MachineBlockFrequencyInfo *Graph) {
98 return MBFIDOTGraphTraitsBase::getNodeAttributes(Node, Graph,
  /external/tensorflow/tensorflow/compiler/jit/
encapsulate_util_test.cc 29 // Build the graph:
37 Graph g(OpRegistry::Global());
encapsulate_xla_computations_pass_test.cc 25 #include "tensorflow/core/graph/graph_constructor.h"
35 static std::unique_ptr<Graph> MakeOuterGraph(
38 TF_EXPECT_OK(scope.graph()->AddFunctionLibrary(flib_def.ToProto()));
64 Node* launch = scope.graph()->AddNode(def, &status);
67 scope.graph()->AddEdge(a.node(), 0, launch, 0);
68 scope.graph()->AddEdge(b.node(), 0, launch, 1);
69 scope.graph()->AddEdge(c.node(), 0, launch, 2);
70 scope.graph()->AddEdge(d.node(), 0, launch, 3);
71 scope.graph()->AddEdge(u.node(), 0, launch, 4);
72 scope.graph()->AddEdge(v.node(), 0, launch, 5)
307 std::unique_ptr<Graph> graph = MakeOuterGraph(flib_def, "launch0"); local
    [all...]
shape_inference_helpers.cc 22 #include "tensorflow/core/graph/graph.h"
26 Status BackEdgeHelper::Remove(Graph* graph) {
30 graph_ = graph;
  /external/tensorflow/tensorflow/compiler/tf2xla/
sharding_util_test.cc 23 Graph graph(OpRegistry::Global());
functionalize_control_flow_util.cc 32 xla::StatusOr<Node*> AddNodeDefToGraph(const NodeDef& node_def, Graph* graph) {
34 Node* inserted_node = graph->AddNode(node_def, &status);
41 xla::StatusOr<Node*> BuildRetvalNode(Graph* graph, DataType type, int index) {
48 return AddNodeDefToGraph(ret_def, graph);
51 // Check that the graph has no cycle containing the given node.
  /external/tensorflow/tensorflow/contrib/copy_graph/python/util/
copy_test.py 33 self.graph1 = ops.Graph()
34 self.graph2 = ops.Graph()
74 self.graph1 = ops.Graph()
75 self.graph2 = ops.Graph()
  /external/tensorflow/tensorflow/core/graph/
costmodel.h 25 #include "tensorflow/core/graph/graph.h"
26 #include "tensorflow/core/graph/types.h"
39 // of a single Graph:
70 void InitFromGraph(const Graph& g);
78 void MergeFromLocal(const Graph& g, const CostModel& cm);
111 // Check that an estimate is available for every OP node in graph.
112 void CheckInitialized(const Graph& graph) const;
169 void AddToCostGraphDef(const Graph* graph, CostGraphDef* cost_graph) const
    [all...]
graph_partition.h 25 #include "tensorflow/core/framework/graph.pb.h"
26 #include "tensorflow/core/graph/costmodel.h"
27 #include "tensorflow/core/graph/graph.h"
37 // A function that returns a unique graph node name with the given
55 // graph before any partitioning. So this flag should be false for
74 // The start time for each node in the graph computed by some scheduling
76 // in the graph as a node attribute.
81 // Partition "input" graph into a set of graphs, one per location.
87 Status Partition(const PartitionOptions& opts, Graph* input
    [all...]
subgraph.cc 16 #include "tensorflow/core/graph/subgraph.h"
25 #include "tensorflow/core/framework/graph.pb.h"
28 #include "tensorflow/core/graph/algorithm.h"
29 #include "tensorflow/core/graph/graph.h"
30 #include "tensorflow/core/graph/graph_constructor.h"
31 #include "tensorflow/core/graph/tensor_id.h"
49 // Rewrite graph by replacing the output tensors specified in
52 // part of the graph that reaches the sink node. The set of special
53 // feed nodes added to the graph are returned in "*feed_nodes"
    [all...]
  /external/tensorflow/tensorflow/core/grappler/optimizers/data/vectorization/
unpack_vectorizer.cc 26 Status Vectorize(const Node& node, Graph* outer_scope,
  /external/tensorflow/tensorflow/core/kernels/
sparse_tensor_dense_matmul_op_test.cc 20 #include "tensorflow/core/graph/node_builder.h"
26 Node* SparseTensorDenseMatMulNode(Graph* g, Node* a_indices, Node* a_values,
42 static Graph* SparseTensorDenseMatmul(int nnz, int m, int k, int n,
44 Graph* g = new Graph(OpRegistry::Global());
65 g, test::graph::Constant(g, a_indices),
66 test::graph::Constant(g, a_values), test::graph::HostConstant(g, a_shape),
67 test::graph::Constant(g, b), adjoint_a, adjoint_b);
  /external/tensorflow/tensorflow/python/data/kernel_tests/
dataset_checkpoint_test.py 79 with ops.Graph().as_default() as g:
81 with self.session(graph=g) as sess:
88 with ops.Graph().as_default() as g:
90 with self.session(graph=g) as sess:
99 with ops.Graph().as_default() as g:
101 with self.session(graph=g) as sess:
130 with ops.Graph().as_default() as g:
132 with self.session(graph=g) as sess:
142 with ops.Graph().as_default() as g:
150 with self.session(graph=g) as sess
    [all...]
  /external/tensorflow/tensorflow/python/framework/
proto_test.py 36 # Serialize the resulting graph def.
37 gdef = a.op.graph.as_graph_def()
39 unserialized = ops.Graph().as_graph_def()
  /external/v8/src/compiler/
graph-reducer.h 18 class Graph;
29 // Represents the result of trying to reduce a node in the graph.
43 // inputs. This class functions as an extension point for the graph reducer for
45 // folding of low-level operators) can be integrated into the graph reduction
95 // Helper functions for subclasses to edit the graph.
112 // TODO(turbofan): replace the effect input to {node} with {graph->start()}.
128 // Performs an iterative reduction of a node graph.
132 GraphReducer(Zone* zone, Graph* graph, Node* dead = nullptr);
135 Graph* graph() const { return graph_; function in class:v8::internal::compiler::GraphReducer
    [all...]
graph-trimmer.cc 5 #include "src/compiler/graph-trimmer.h"
7 #include "src/compiler/graph.h"
13 GraphTrimmer::GraphTrimmer(Zone* zone, Graph* graph)
14 : graph_(graph), is_live_(graph, 2), live_(zone) {
15 live_.reserve(graph->NodeCount());
24 MarkAsLive(graph()->end());
js-generic-lowering.h 8 #include "src/compiler/graph-reducer.h"
48 Graph* graph() const;
loop-variable-optimizer.h 17 class Graph;
73 LoopVariableOptimizer(Graph* graph, CommonOperatorBuilder* common,
116 Graph* graph() { return graph_; } function in class:v8::internal::compiler::LoopVariableOptimizer
120 Graph* graph_;
select-lowering.cc 9 #include "src/compiler/graph.h"
17 SelectLowering::SelectLowering(Graph* graph, CommonOperatorBuilder* common)
18 : common_(common), graph_(graph) {}
32 Diamond d(graph(), common(), cond, p.hint());
  /external/tensorflow/tensorflow/python/training/
warm_starting_util_test.py 62 with ops.Graph().as_default() as g:
63 with self.session(graph=g) as sess:
79 with ops.Graph().as_default() as g:
80 with self.session(graph=g) as sess:
121 with ops.Graph().as_default() as g:
122 with self.session(graph=g) as sess:
139 with ops.Graph().as_default() as g:
140 with self.session(graph=g) as sess:
153 with ops.Graph().as_default() as g:
154 with self.session(graph=g) as sess
    [all...]
  /external/google-fruit/include/fruit/impl/injector/
injector_storage.defn.h 105 const C* operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
112 const C* operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
120 C* operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
128 C* operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
136 const C* operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
143 C* operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
152 const C* operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
159 Provider<C> operator()(InjectorStorage& injector, InjectorStorage::Graph::node_iterator node_itr) {
239 inline T InjectorStorage::get(InjectorStorage::Graph::node_iterator node_iterator) {
247 inline InjectorStorage::Graph::node_iterator InjectorStorage::lazyGetPtr()
    [all...]
  /external/swiftshader/third_party/LLVM/include/llvm/Support/
DataFlow.h 65 return G.Graph;
86 return G.Graph;
  /external/swiftshader/third_party/llvm-7.0/llvm/include/llvm/ADT/
GraphTraits.h 1 //===- llvm/ADT/GraphTraits.h - Graph traits template -----------*- C++ -*-===//
11 // specialized by classes that want to be iteratable by generic graph iterators.
14 // graphs in a graph defined, inverse ordering...
25 // GraphTraits - This class should be specialized by different graph types...
32 // typedef NodeRef - Type of Node token in the graph, which should
34 // typedef ChildIteratorType - Type used to iterate over children in graph,
38 // Return the entry node of the graph
48 // nodes_iterator/begin/end - Allow iteration over all nodes in the graph
50 // typedef EdgeRef - Type of Edge token in the graph, which should
53 // graph, dereference to a EdgeRef
    [all...]

Completed in 1088 milliseconds

1 2 3 4 5 6 7 8 91011>>