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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/python/kernel_tests/
cond_v2_test.py 50 with self.session(graph=ops.get_default_graph()) as sess:
89 with ops.Graph().as_default(), self.test_session():
182 with ops.Graph().as_default():
190 with ops.Graph().as_default():
305 with ops.Graph().as_default():
331 with ops.Graph().as_default():
377 with ops.Graph().as_default():
433 with ops.Graph().as_default():
435 with self.session(graph=ops.get_default_graph()) as sess:
496 with ops.Graph().as_default()
    [all...]
map_stage_op_test.py 35 with ops.Graph().as_default() as G:
49 with self.session(use_gpu=True, graph=G) as sess:
57 with ops.Graph().as_default() as G:
71 with self.session(use_gpu=True, graph=G) as sess:
80 with ops.Graph().as_default() as G:
99 with self.session(use_gpu=True, graph=G) as sess:
109 with ops.Graph().as_default() as G:
130 with ops.Graph().as_default() as G:
149 with self.session(use_gpu=True, graph=G) as sess:
160 with ops.Graph().as_default() as G
    [all...]
reduce_benchmark_test.py 77 with ops.Graph().as_default(), session.Session(config=config) as sess:
93 with ops.Graph().as_default(), session.Session(config=config) as sess:
summary_v1_image_op_test.py 57 with self.session(graph=ops.Graph()) as sess:
93 with self.session(graph=ops.Graph()) as sess:
  /external/tensorflow/tensorflow/python/tpu/
tpu_estimator_signals_test.py 72 with ops.Graph().as_default():
100 with ops.Graph().as_default():
141 with ops.Graph().as_default():
184 with ops.Graph().as_default():
251 with ops.Graph().as_default():
292 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/python/training/
basic_session_run_hooks_test.py 153 with ops.Graph().as_default():
177 with ops.Graph().as_default():
204 with ops.Graph().as_default():
248 with ops.Graph().as_default(), session_lib.Session() as sess:
300 with ops.Graph().as_default(), session_lib.Session() as sess:
306 with ops.Graph().as_default(), session_lib.Session() as sess:
313 with ops.Graph().as_default(), session_lib.Session() as sess:
359 with ops.Graph().as_default(), session_lib.Session() as sess:
367 with ops.Graph().as_default(), session_lib.Session() as sess:
374 with ops.Graph().as_default(), session_lib.Session() as sess
    [all...]
  /external/swiftshader/third_party/LLVM/lib/CodeGen/
RegAllocPBQP.cpp 47 #include "llvm/CodeGen/PBQP/Graph.h"
119 typedef std::vector<PBQP::Graph::NodeItr> NodeVector;
163 unsigned PBQPRAProblem::getVRegForNode(PBQP::Graph::ConstNodeItr node) const {
169 PBQP::Graph::NodeItr PBQPRAProblem::getNodeForVReg(unsigned vreg) const {
203 PBQP::Graph &g = p->getGraph();
273 PBQP::Graph::NodeItr node =
299 PBQP::Graph::EdgeItr edge =
344 PBQP::Graph &g = p->getGraph();
391 PBQP::Graph::NodeItr node = p->getNodeForVReg(src);
397 PBQP::Graph::NodeItr node1 = p->getNodeForVReg(dst)
    [all...]
  /external/tensorflow/tensorflow/cc/framework/
scope.cc 22 #include "tensorflow/core/graph/node_builder.h"
44 Scope::Impl::Impl(Graph* graph, Status* status, NameMap* name_map,
46 : graph_(graph),
54 Scope::Impl::Impl(const std::shared_ptr<Graph>& graph,
58 : graph_(graph),
67 Graph* graph = new Graph(OpRegistry::Global()) local
75 Graph* graph = new Graph(OpRegistry::Global()); local
290 Graph* Scope::graph() const { return impl()->graph_.get(); } function in class:tensorflow::Scope
    [all...]
  /external/llvm/include/llvm/CodeGen/
RegAllocPBQP.h 138 /// \brief Holds graph-level metadata relevant to PBQP RA problems.
186 // optimally reducible) when reducing the graph.
346 typedef PBQP::Graph<RegAllocSolverImpl> Graph;
348 RegAllocSolverImpl(Graph &G) : G(G) {}
361 "PBQP Graph should not contain single or zero-option nodes");
485 // Compute a reduction order for the graph by iteratively applying PBQP
492 assert(!G.empty() && "Cannot reduce empty graph.");
546 SpillCostComparator(const Graph& G) : G(G) {}
555 const Graph& G
    [all...]
  /external/tensorflow/tensorflow/cc/client/
client_session.cc 34 Impl(Session* session, std::shared_ptr<Graph> graph)
35 : session_(session), graph_(std::move(graph)) {}
41 std::shared_ptr<Graph> graph_;
  /external/tensorflow/tensorflow/compiler/tf2xla/
functionalize_cond_test.cc 23 #include "tensorflow/core/graph/testlib.h"
33 graph_.reset(new Graph(OpRegistry::Global()));
62 std::unique_ptr<Graph> graph_;
70 Node* pred = test::graph::Constant(graph_.get(), pred_tensor, "pred");
73 Node* val = test::graph::Constant(graph_.get(), val_tensor, "val");
74 Node* m = test::graph::Merge(graph_.get(), val, val);
107 Node* val = test::graph::Constant(graph_.get(), val_tensor, "val");
108 Node* m = test::graph::Merge(graph_.get(), val, val);
  /external/tensorflow/tensorflow/contrib/distribute/python/
checkpoint_utils_test.py 73 mode=["graph"]))
87 with self.session(graph=g) as session:
92 with ops.Graph().as_default() as g, distribution.scope():
108 mode=["graph"]))
121 with self.test_session(graph=g) as session:
125 with ops.Graph().as_default() as g, distribution.scope():
  /external/tensorflow/tensorflow/contrib/factorization/python/kernel_tests/
masked_matmul_ops_test.py 61 with ops.Graph().as_default(), self.cached_session() as sess:
81 with ops.Graph().as_default(), self.cached_session() as sess:
  /external/tensorflow/tensorflow/contrib/graph_editor/tests/
transform_test.py 44 self.graph = ops.Graph()
45 with self.graph.as_default():
54 graph = ops.Graph()
55 _, info = ge.copy(self.graph, graph)
57 set(op.name for op in self.graph.get_operations()),
58 set(op.name for op in graph.get_operations()))
59 src_ops = self.graph.get_operations(
    [all...]
  /external/tensorflow/tensorflow/core/common_runtime/
accumulate_n_optimizer.cc 17 #include "tensorflow/core/graph/node_builder.h"
33 // Replaces occurrences of the "AccumulateNV2" stub operator with a graph of
34 // lower-level ops. The graph is equivalent (modulo certain corner cases)
49 if (options.graph == nullptr) {
51 // without a graph, but some tests require this.
55 Graph* g = options.graph->get();
59 "graph should be available.");
62 // Build up a todo list of ops to replace, *then* modify the graph
75 Status rewriteNode(Node* n, Graph* g)
    [all...]
function_test.cc 43 #include "tensorflow/core/graph/graph_constructor.h"
82 std::unique_ptr<Graph> g(new Graph(OpRegistry::Global()));
327 std::unique_ptr<Graph> GetFuncBody(FunctionLibraryRuntime* flr,
338 std::unique_ptr<Graph> ret(new Graph(lib_def_.get()));
339 CopyGraph(*fbody->graph, ret.get());
343 std::unique_ptr<Graph> GetGradBody(FunctionLibraryRuntime* flr,
356 std::unique_ptr<Graph> ret(new Graph(lib_def_.get()))
    [all...]
  /external/tensorflow/tensorflow/core/distributed_runtime/
master_test.cc 30 #include "tensorflow/core/graph/testlib.h"
181 Graph graph_1(OpRegistry::Global());
182 test::graph::Constant(&graph_1, A_expected, "A");
184 test::graph::ToGraphDef(&graph_1, &def_1);
192 Graph graph_2(OpRegistry::Global());
193 test::graph::Constant(&graph_2, x_expected, "x");
195 test::graph::ToGraphDef(&graph_2, &def_2);
216 Graph graph_1(OpRegistry::Global());
217 test::graph::Var(&graph_1, DT_FLOAT, TensorShape({512}));
219 test::graph::ToGraphDef(&graph_1, &def_1)
    [all...]
  /external/tensorflow/tensorflow/core/graph/
control_flow.cc 16 #include "tensorflow/core/graph/control_flow.h"
23 #include "tensorflow/core/graph/node_builder.h"
40 // Verify that the ControlFlowInfo of the graph has valid loop structure.
41 Status ValidateControlFlowInfo(const Graph* graph,
44 for (const Node* node : graph->op_nodes()) {
86 Status BuildControlFlowInfo(const Graph* g, std::vector<ControlFlowInfo>* info,
  /external/tensorflow/tensorflow/core/kernels/
strided_slice_op_test.cc 26 #include "tensorflow/core/graph/node_builder.h"
27 #include "tensorflow/core/graph/testlib.h"
43 Graph* g = new Graph(OpRegistry::Global());
66 .Input(test::graph::Constant(g, input))
67 .Input(test::graph::Constant(g, begin))
68 .Input(test::graph::Constant(g, end))
69 .Input(test::graph::Constant(g, strides))
  /external/tensorflow/tensorflow/python/compiler/tensorrt/test/
reshape_transpose_test.py 36 g = ops.Graph()
95 """Create a graph containing single segment."""
100 g = ops.Graph()
  /external/tensorflow/tensorflow/python/data/experimental/benchmarks/
unbatch_benchmark.py 39 with ops.Graph().as_default():
76 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/python/data/experimental/kernel_tests/serialization/
dataset_serialization_test_base.py 266 with ops.Graph().as_default() as g:
271 with self.session(graph=g) as sess:
288 """Attempts to restore an iterator in a modified graph.
291 and saves a checkpoint. Then builds a new graph using ds_fn2, restores
329 # Build graph for ds_fn2 but load checkpoint for ds_fn1.
330 with ops.Graph().as_default() as g:
334 with self.session(graph=g) as sess:
350 """Attempts to restore an iterator in an empty graph.
353 and saves a checkpoint. Then builds a new empty graph, restores
390 # Build an empty graph but load checkpoint for ds_fn
    [all...]
serialization_integration_test.py 59 with ops.Graph().as_default() as g:
62 with self.session(graph=g) as sess:
70 with ops.Graph().as_default() as g:
73 with self.session(graph=g) as sess:
  /external/tensorflow/tensorflow/python/saved_model/
simple_save_test.py 63 # Initialize input and output variables and save a prediction graph using
65 with self.session(graph=ops.Graph()) as sess:
72 # Restore the graph with a valid tag and check the global variables and
74 with self.session(graph=ops.Graph()) as sess:
75 graph = loader.load(sess, [tag_constants.SERVING], export_dir)
87 signature_def_map = graph.signature_def
  /external/tensorflow/tensorflow/python/training/tracking/
base_test.py 51 with ops.Graph().as_default():
56 with ops.Graph().as_default():

Completed in 796 milliseconds

<<11121314151617181920>>