HomeSort by relevance Sort by last modified time
    Searched refs:Graph (Results 426 - 450 of 1024) sorted by null

<<11121314151617181920>>

  /external/tensorflow/tensorflow/contrib/layers/python/layers/
optimizers_test.py 67 with ops.Graph().as_default() as g:
68 with self.test_session(graph=g) as session:
83 with ops.Graph().as_default() as g:
84 with self.test_session(graph=g) as session:
97 with ops.Graph().as_default() as g:
98 with self.test_session(graph=g):
105 with ops.Graph().as_default() as g, self.test_session(graph=g):
113 with ops.Graph().as_default() as g, self.test_session(graph=g)
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
variables_test.py 474 with ops.Graph().as_default(), self.test_session() as sess:
478 with ops.Graph().as_default(), self.test_session() as sess:
489 with ops.Graph().as_default(), self.test_session() as sess:
493 # We should also be able to re-export the variable to a new meta graph.
526 with ops.Graph().as_default(), self.test_session() as sess:
531 with ops.Graph().as_default(), self.test_session() as sess:
541 with ops.Graph().as_default(), self.test_session() as sess:
552 with ops.Graph().as_default(), self.test_session() as sess:
559 with ops.Graph().as_default(), self.test_session() as sess:
574 with ops.Graph().as_default()
    [all...]
map_stage_op_test.py 33 with ops.Graph().as_default() as G:
47 with self.test_session(use_gpu=True, graph=G) as sess:
54 with ops.Graph().as_default() as G:
68 with self.test_session(use_gpu=True, graph=G) as sess:
76 with ops.Graph().as_default() as G:
95 with self.test_session(use_gpu=True, graph=G) as sess:
105 with ops.Graph().as_default() as G:
125 with ops.Graph().as_default() as G:
144 with self.test_session(use_gpu=True, graph=G) as sess:
154 with ops.Graph().as_default() as G
    [all...]
  /prebuilts/go/darwin-x86/src/cmd/vendor/github.com/google/pprof/internal/graph/
graph_test.go 1 package graph package
33 func graphDebugString(graph *Graph) string {
35 for i, node := range graph.Nodes {
39 for i, node := range graph.Nodes {
80 // graphsEqual checks if graph is equivalent to the graph templated by expected.
81 func graphsEqual(graph *Graph, expected []expectedNode) bool {
82 if len(graph.Nodes) != len(expected)
    [all...]
  /prebuilts/go/linux-x86/src/cmd/vendor/github.com/google/pprof/internal/graph/
graph_test.go 1 package graph package
33 func graphDebugString(graph *Graph) string {
35 for i, node := range graph.Nodes {
39 for i, node := range graph.Nodes {
80 // graphsEqual checks if graph is equivalent to the graph templated by expected.
81 func graphsEqual(graph *Graph, expected []expectedNode) bool {
82 if len(graph.Nodes) != len(expected)
    [all...]
  /external/tensorflow/tensorflow/core/debug/
debug_graph_utils.cc 22 #include "tensorflow/core/graph/node_builder.h"
49 const protobuf::RepeatedPtrField<DebugTensorWatch>& watches, Graph* graph,
106 for (Node* src_node : graph->nodes()) {
145 TF_RETURN_IF_ERROR(MemoryTypeForOutput(device_type, graph, src_node,
151 graph, device_type, memory_type == HOST_MEMORY, src_node->name(),
162 graph->AddEdge(src_node, src_output_slot, copy_node, 0);
171 graph, *device, copy_node->name(), src_dt, tensor_name,
174 graph->AddEdge(copy_node, 0, debug_node, 0);
199 graph->AddEdge(copy_node, 0, edge->dst(), edge->dst_input())
    [all...]
  /external/tensorflow/tensorflow/core/graph/
gradients.cc 27 #include "tensorflow/core/graph/algorithm.h"
28 #include "tensorflow/core/graph/gradients.h"
29 #include "tensorflow/core/graph/graph_constructor.h"
30 #include "tensorflow/core/graph/optimizer_cse.h"
65 static Node* AddZerosLike(Graph* g, NodeOut input) {
80 static Node* AddSymGrad(Graph* g, Node* n, gtl::ArraySlice<NodeOut> grads) {
129 Graph* graph);
138 Graph* graph_; // Not owned.
182 std::vector<NodeOut>* x_grad_node_outputs, Graph* graph
    [all...]
algorithm_test.cc 16 #include "tensorflow/core/graph/algorithm.h"
21 #include "tensorflow/core/graph/graph.h"
22 #include "tensorflow/core/graph/graph_def_builder.h"
23 #include "tensorflow/core/graph/graph_def_builder_util.h"
24 #include "tensorflow/core/graph/subgraph.h"
84 Graph g(OpRegistry::Global());
142 Graph g(OpRegistry::Global());
mkl_layout_pass.cc 30 #include "tensorflow/core/graph/algorithm.h"
31 #include "tensorflow/core/graph/graph.h"
32 #include "tensorflow/core/graph/node_builder.h"
40 #include "tensorflow/core/graph/mkl_graph_util.h"
41 #include "tensorflow/core/graph/mkl_layout_pass.h"
47 // This pass implements rewriting of graph to support following scenarios:
48 // (A) Merging nodes in the graph
49 // (B) Rewriting a node in the graph to a new node
61 // Example of A : Merging nodes in the graph
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
example_parsing_ops_test.cc 27 #include "tensorflow/core/graph/graph.h"
28 #include "tensorflow/core/graph/node_builder.h"
145 static Graph* ParseExample(int batch_size, int num_keys, int feature_size) {
146 Graph* g = new Graph(OpRegistry::Global());
162 dense_keys.emplace_back(test::graph::Constant(g, key));
163 dense_defaults.emplace_back(test::graph::Constant(
168 dense_keys.emplace_back(test::graph::Constant(g, key));
170 test::graph::Constant(g, opt.filler.make_dense_default(1)))
    [all...]
  /external/tensorflow/tensorflow/python/ops/
control_flow_ops_test.py 68 with ops.Graph().as_default() as g:
82 with ops.Graph().as_default() as g:
95 with ops.Graph().as_default() as g:
119 with ops.Graph().as_default() as g:
131 with ops.Graph().as_default():
140 with ops.Graph().as_default():
152 with ops.Graph().as_default():
166 with ops.Graph().as_default():
197 with ops.Graph().as_default():
221 with ops.Graph().as_default()
    [all...]
special_math_ops_test.py 287 with ops.Graph().as_default():
299 with ops.Graph().as_default():
311 with ops.Graph().as_default():
323 with ops.Graph().as_default():
335 with ops.Graph().as_default():
347 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/python/tools/
freeze_graph_test.py 15 """Tests the graph freezing tool."""
56 # We'll create an input graph that has a single variable containing 1.0,
58 with ops.Graph().as_default():
72 graph_io.write_graph(sess.graph, self.get_temp_dir(), input_graph_name)
74 # We save out the graph to disk, and then call the const conversion
101 # Now we make sure the variable is now a constant, and that the graph still
103 with ops.Graph().as_default():
115 output_node = sess.graph.get_tensor_by_name("output_node:0")
128 with ops.Graph().as_default():
172 with ops.Graph().as_default()
    [all...]
  /external/tensorflow/tensorflow/python/feature_column/
feature_column_test.py 330 with ops.Graph().as_default():
421 with ops.Graph().as_default():
433 with ops.Graph().as_default():
449 with ops.Graph().as_default():
463 with ops.Graph().as_default():
478 with ops.Graph().as_default():
514 with ops.Graph().as_default():
539 with ops.Graph().as_default():
752 with ops.Graph().as_default():
    [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/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/contrib/data/python/kernel_tests/
dataset_serialization_test_base.py 249 with ops.Graph().as_default() as g:
254 with self.test_session(graph=g) as sess:
271 """Attempts to restore an iterator in a modified graph.
274 and saves a checkpoint. Then builds a new graph using ds_fn2, restores
312 # Build graph for ds_fn2 but load checkpoint for ds_fn1.
313 with ops.Graph().as_default() as g:
317 with self.test_session(graph=g) as sess:
333 """Attempts to restore an iterator in an empty graph.
336 and saves a checkpoint. Then builds a new empty graph, restores
373 # 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.test_session(graph=g) as sess:
70 with ops.Graph().as_default() as g:
73 with self.test_session(graph=g) as sess:
  /external/tensorflow/tensorflow/contrib/factorization/python/kernel_tests/
masked_matmul_ops_test.py 61 with ops.Graph().as_default(), self.test_session() as sess:
81 with ops.Graph().as_default(), self.test_session() as sess:
  /external/tensorflow/tensorflow/contrib/tensorrt/test/
test_tftrt.py 40 """Create a simple graph and return its graph_def"""
41 g = ops.Graph()
65 g = ops.Graph()
72 config=cpb2.ConfigProto(gpu_options=gpu_options), graph=g) as sess:
81 # Get optimized graph
  /external/tensorflow/tensorflow/contrib/tpu/python/tpu/
tpu_system_metadata.py 60 with ops.Graph().as_default():
134 with ops.Graph().as_default():
  /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...]
shape_refiner.h 23 #include "tensorflow/core/graph/graph.h"
86 // Node in the Graph, and providing/storing the 'input_tensor' Tensors
87 // used by Shape Inference functions, when available at graph
203 // given outer_context. Internally it instantiates the function as a graph
229 Node* node, Graph* out_graph, bool* is_constant_graph,
276 // execution of the entire constant subgraph as a graph is being
296 // Cache the graph corresponding to each functin definition for which shapes
298 std::unordered_map<const FunctionDef*, std::unique_ptr<const Graph>>
  /external/tensorflow/tensorflow/core/distributed_runtime/
master_test.cc 29 #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...]

Completed in 702 milliseconds

<<11121314151617181920>>