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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/core/common_runtime/
device.h 40 #include "tensorflow/core/framework/graph.pb.h"
45 #include "tensorflow/core/graph/graph.h"
46 #include "tensorflow/core/graph/types.h"
154 // 'graph' supplies the partition of the graph assigned to this
156 virtual Status MaybeRewriteGraph(std::unique_ptr<Graph>* /*graph*/) {
160 // Fill in the context map for the graph. Default behavior is to do
165 virtual Status FillContextMap(const Graph* graph
    [all...]
optimization_registry.h 16 // Classes to maintain a static registry of whole-graph optimization
17 // passes to be applied by the Session when it initializes a graph.
27 #include "tensorflow/core/graph/costmodel.h"
28 #include "tensorflow/core/graph/graph.h"
51 // The graph to optimize, for optimization passes that run before
53 // An optimization pass may replace *graph with a new graph object.
54 std::unique_ptr<Graph>* graph = nullptr member in struct:tensorflow::GraphOptimizationPassOptions
    [all...]
memory_types.cc 21 #include "tensorflow/core/graph/node_builder.h"
48 const DeviceType& device_type, const Graph* g,
93 Status ValidateMemoryTypes(const DeviceType& device_type, const Graph* g) {
113 // is only used on a TensorFlow graph that is gonna to be executed in
121 static Node* Send(Graph* g, const string& tensor_name,
135 static Node* Recv(Graph* g, const string& tensor_name,
151 const string& device_name, Graph* g) {
205 Status MemoryTypeForOutput(const DeviceType& device_type, const Graph* g,
lower_if_while_test.cc 29 #include "tensorflow/core/graph/graph_constructor.h"
30 #include "tensorflow/core/graph/graph_def_builder.h"
31 #include "tensorflow/core/graph/graph_def_builder_util.h"
46 Status Rewrite(std::unique_ptr<Graph>* graph) {
47 FunctionLibraryDefinition flib_def((*graph)->flib_def());
49 opt_options.graph = graph;
127 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global()))
    [all...]
  /external/tensorflow/tensorflow/core/grappler/
graph_view.cc 78 const auto control_port = GraphView::InputPort(node, Graph::kControlSlot);
83 const auto control_port = GraphView::OutputPort(node, Graph::kControlSlot);
  /external/tensorflow/tensorflow/core/kernels/
random_poisson_op_test.cc 64 Graph* g = new Graph(OpRegistry::Global()); \
65 test::graph::RandomPoisson( \
66 g, test::graph::Constant(g, VecShape(nsamp)), \
67 test::graph::Constant(g, VecLam##BITS(nlam, MAGNITUDE))); \
unary_ops_composition_test.cc 23 #include "tensorflow/core/graph/node_builder.h"
89 // Unary ops chained together as a separate graph nodes.
90 static Graph* UnaryOpsChain(int tensor_size, int repeat_graph,
92 Graph* g = new Graph(OpRegistry::Global());
98 Node* node = test::graph::Constant(g, t);
118 static Graph* UnaryOpsCompo(int tensor_size, int repeat_graph,
120 Graph* g = new Graph(OpRegistry::Global());
131 Node* node = test::graph::Constant(g, t)
    [all...]
cwise_ops_test.cc 18 #include "tensorflow/core/graph/node_builder.h"
27 // Creates a Graph which applies a unary "func" on a 3D tensor of
30 static Graph* Unary(const string& func, int num, DataType dtype) {
31 Graph* g = new Graph(OpRegistry::Global());
35 test::graph::Unary(g, func, test::graph::Constant(g, data), 0);
90 Graph* BinaryScalar(int num, const string& func) {
91 Graph* g = new Graph(OpRegistry::Global())
    [all...]
mkl_conv_ops_test.cc 120 static Graph* DefaultConv2D(const Conv2DDimensions& dims) {
121 auto* graph = new Graph(OpRegistry::Global()); local
126 Node* input = test::graph::Constant(graph, input_t, "input");
127 Node* filter = test::graph::Constant(graph, filter_t, "filter");
130 TF_CHECK_OK(NodeBuilder(graph->NewName("conv_2d"), "Conv2D")
136 .Finalize(graph, &conv2d));
138 return graph;
143 auto* graph = new Graph(OpRegistry::Global()); local
170 auto* graph = new Graph(OpRegistry::Global()); local
198 auto* graph = new Graph(OpRegistry::Global()); local
232 auto* graph = new Graph(OpRegistry::Global()); local
261 Graph* graph = new Graph(OpRegistry::Global()); local
    [all...]
  /external/tensorflow/tensorflow/python/summary/
plugin_asset_test.py 72 g1 = ops.Graph()
73 g2 = ops.Graph()
  /external/tensorflow/tensorflow/python/training/
session_manager_test.py 43 with ops.Graph().as_default():
52 with ops.Graph().as_default():
64 with ops.Graph().as_default():
83 with ops.Graph().as_default():
97 # Create a new Graph and SessionManager and recover.
98 with ops.Graph().as_default():
132 sess.graph.get_tensor_by_name("v:0")).eval(session=sess))
137 # Create a new Graph and SessionManager and recover from a checkpoint.
138 with ops.Graph().as_default():
154 sess.graph.get_tensor_by_name("v:0")).eval(session=sess)
    [all...]
  /external/v8/src/compiler/
property-access-builder.h 20 class Graph;
59 Graph* graph() const;
  /external/tensorflow/tensorflow/compiler/jit/
clone_constants_for_better_clustering_test.cc 31 std::unique_ptr<Graph>* result) {
32 auto graph = absl::make_unique<Graph>(OpRegistry::Global()); local
38 options.graph = &graph;
44 // for (Node* n : s.graph()->nodes()) {
49 TF_RETURN_IF_ERROR(s.ToGraph(graph.get(), opts));
50 // for (Node* n : graph->nodes()) {
56 *result = std::move(graph);
78 std::unique_ptr<Graph> result
    [all...]
increase_dynamism_for_auto_jit_pass_test.cc 63 std::unique_ptr<Graph>* result) {
73 auto graph = absl::make_unique<Graph>(OpRegistry::Global()); local
79 options.graph = &graph;
86 for (Node* n : s.graph()->nodes()) {
89 TF_RETURN_IF_ERROR(s.ToGraph(graph.get()));
90 for (Node* n : graph->nodes()) {
96 *result = std::move(graph);
111 std::unique_ptr<Graph> result
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
stability_test.py 70 with ops.Graph().as_default() as g:
71 with self.session(graph=g) as session:
75 with ops.Graph().as_default() as g:
76 with self.session(graph=g) as session:
90 with ops.Graph().as_default() as g1:
98 with ops.Graph().as_default() as g2:
128 with ops.Graph().as_default() as g1:
139 with ops.Graph().as_default() as g2:
  /external/tensorflow/tensorflow/contrib/learn/python/learn/
graph_actions_test.py 15 """Graph actions tests."""
96 """Graph actions tests."""
157 """Build simple inference graph.
172 in0.graph.add_to_collections([ops.GraphKeys.TABLE_INITIALIZERS],
178 with ops.Graph().as_default() as g, self.session(g):
196 with ops.Graph().as_default() as g, self.session(g):
207 with ops.Graph().as_default() as g, self.session(g):
222 with ops.Graph().as_default():
239 with ops.Graph().as_default():
241 with ops.Graph().as_default()
    [all...]
  /external/tensorflow/tensorflow/core/graph/
control_flow_test.cc 16 #include "tensorflow/core/graph/control_flow.h"
56 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global()));
57 TF_ASSERT_OK(scope.ToGraph(graph.get()));
61 Status status = BuildControlFlowInfo(graph.get(), &info);
84 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global()));
85 TF_ASSERT_OK(scope.ToGraph(graph.get()))
    [all...]
graph.h 16 // A Graph describes a set of computations that are to be
18 // computations. The basic model is a DAG (directed acyclic graph) with
46 #include "tensorflow/core/graph/edgeset.h"
59 class Graph;
214 friend class Graph;
284 // Index within Graph::device_names_ of the name of device assigned
288 // A back-pointer to the Graph that owns this node. Currently, this exists
291 // equivalent methods defined directly on Graph, then we can remove this
293 Graph* graph_;
298 // graph. Exit nodes that are part of while loop gradient graphs will not hav
    [all...]
quantize_training_test.cc 21 #include "tensorflow/core/graph/quantize_training.h"
30 #include "tensorflow/core/graph/graph_constructor.h"
31 #include "tensorflow/core/graph/node_builder.h"
32 #include "tensorflow/core/graph/testlib.h"
47 void Reset() { g_.reset(new Graph(OpRegistry::Global())); }
51 return test::graph::Constant(g_.get(), test::AsTensor(values, shape));
54 Status Placeholder(Graph* g, const string& name, TensorShape shape,
63 Status FindNode(Graph* g, const string& name, Node** out) {
73 std::unique_ptr<Graph> g_;
78 // Construct the following graph
289 Graph* graph = g_.get(); local
326 Graph* graph = g_.get(); local
    [all...]
  /external/tensorflow/tensorflow/java/src/main/java/org/tensorflow/
Session.java 22 * Driver for {@link Graph} execution.
25 * {@link Graph} are executed to compute {@link Tensor}s. For example:
28 * // Let's say graph is an instance of the Graph class
31 * try (Session s = new Session(graph)) {
50 /** Construct a new session with the associated {@link Graph}. */
51 public Session(Graph g) {
56 * Construct a new session with the associated {@link Graph} and configuration options.
58 * @param g The {@link Graph} the created Session will operate on.
65 public Session(Graph g, byte[] config)
427 private final Graph graph; field in class:Session
    [all...]
  /external/tensorflow/tensorflow/python/framework/
ops_test.py 89 ops._NodeDef("FloatOutput", "myop"), ops.Graph(), [], [dtypes.float32])
97 ops._NodeDef("FloatOutput", "myop"), ops.Graph(), [], [dtypes.float32])
271 ops.Graph(), [], [])
275 op = ops.Operation(ops._NodeDef("None", "myop"), ops.Graph(), [], [])
279 op = ops.Operation(ops._NodeDef("None", "op2"), ops.Graph(), [], [])
287 g = ops.Graph()
310 g = ops.Graph()
414 op = ops.Operation(node_def, ops.Graph(), [], [dtypes.float32])
419 ops._NodeDef("None", "op1"), ops.Graph(), [], [dtypes.float32])
477 with ops.Graph().as_default()
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/
tf2xla.cc 35 #include "tensorflow/core/framework/graph.pb.h"
40 #include "tensorflow/core/graph/algorithm.h"
41 #include "tensorflow/core/graph/graph.h"
42 #include "tensorflow/core/graph/graph_constructor.h"
43 #include "tensorflow/core/graph/node_builder.h"
66 Status AddArgNodes(Graph* graph, const NodeMap& node_map,
88 // "_shape" attr if we can determine it. That way the graph will be
99 .Finalize(graph, &arg_node))
384 std::unique_ptr<Graph> graph; local
    [all...]
  /external/tensorflow/tensorflow/java/src/main/java/org/tensorflow/examples/
LabelImage.java 27 import org.tensorflow.Graph;
76 try (Graph g = new Graph()) {
89 // Since the graph is being constructed once per execution here, we can use a constant for the
90 // input image. If the graph were to be re-used for multiple input images, a placeholder would
111 try (Graph g = new Graph()) {
164 GraphBuilder(Graph g) {
233 private Graph g;
  /external/mesa3d/src/gallium/drivers/nouveau/codegen/
nv50_ir_ssa.cpp 32 class DominatorTree : public Graph
35 DominatorTree(Graph *cfg);
52 Graph *cfg;
76 DominatorTree::DominatorTree(Graph *cfgraph) : cfg(cfgraph),
98 void DominatorTree::buildDFS(Graph::Node *node)
102 for (Graph::EdgeIterator ei = node->outgoing(); !ei.end(); ei.next()) {
145 for (Graph::EdgeIterator ei = nw->incident(); !ei.end(); ei.next()) {
176 nw->attach(nv, Graph::Edge::TREE);
230 for (Graph::EdgeIterator ei = bb->cfg.outgoing(); !ei.end(); ei.next()) {
271 for (Graph::EdgeIterator ei = bb->cfg.incident(); !ei.end(); ei.next())
    [all...]
  /external/tensorflow/tensorflow/python/ops/
gradients_test.py 66 with ops.Graph().as_default():
79 with ops.Graph().as_default():
89 with ops.Graph().as_default() as g:
98 with ops.Graph().as_default() as g:
115 with ops.Graph().as_default() as g:
136 with ops.Graph().as_default() as g:
154 with ops.Graph().as_default():
214 with ops.Graph().as_default():
234 with ops.Graph().as_default():
249 with ops.Graph().as_default()
    [all...]

Completed in 687 milliseconds

<<11121314151617181920>>