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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/python/data/experimental/kernel_tests/serialization/
range_dataset_serialization_test.py 71 with ops.Graph().as_default() as g:
73 with self.session(graph=g) as sess:
80 with ops.Graph().as_default() as g:
82 with self.session(graph=g) as sess:
91 with ops.Graph().as_default() as g:
93 with self.session(graph=g) as sess:
  /external/tensorflow/tensorflow/contrib/distribute/python/
values_test.py 56 ops.Graph().as_default(), \
83 ops.Graph().as_default(), \
96 ops.Graph().as_default(), \
315 with context.graph_mode(), ops.Graph().as_default():
416 with self.session(graph=ops.Graph()) as sess:
432 with self.session(graph=ops.Graph()) as sess:
447 """Restore to variables without mirroring in a fresh graph."""
448 with self.session(graph=ops.Graph()) as sess
    [all...]
  /external/tensorflow/tensorflow/core/graph/
graph_constructor.cc 16 #include "tensorflow/core/graph/graph_constructor.h"
27 #include "tensorflow/core/framework/graph.pb.h"
34 #include "tensorflow/core/graph/algorithm.h"
35 #include "tensorflow/core/graph/graph.h"
36 #include "tensorflow/core/graph/tensor_id.h"
126 const FunctionDefLibrary* library, Graph* g, ShapeRefiner* refiner,
133 "GraphDef", "graph"));
146 const FunctionDefLibrary* library, Graph* g,
232 // already unique in the graph
    [all...]
graph_test.cc 16 #include "tensorflow/core/graph/graph.h"
23 #include "tensorflow/core/graph/benchmark_testlib.h"
24 #include "tensorflow/core/graph/graph_constructor.h"
25 #include "tensorflow/core/graph/node_builder.h"
126 e->src_output() == Graph::kControlSlot &&
127 e->dst_input() == Graph::kControlSlot) {
140 Graph graph_;
293 // Set up the graph with some holes due to removals.
306 // expected = set of all node DebugStrings we expect in the graph
    [all...]
costmodel.cc 16 #include "tensorflow/core/graph/costmodel.h"
23 #include "tensorflow/core/graph/graph.h"
53 void CostModel::MergeFromLocal(const Graph& g, const CostModel& cm) {
105 // We don't keep stats for nodes not in the global graph, i.e.
233 void CostModel::CheckInitialized(const Graph& graph) const {
234 for (const Node* n : graph.op_nodes()) {
413 static void AddNodesToCostModel(const Graph& g, CostModel* cost_model) {
424 static void AssignSizes(const Graph& g, CostModel* cost_model)
    [all...]
mkl_layout_pass.cc 17 // all over the place, we should log an error and execute the original graph.
35 #include "tensorflow/core/graph/algorithm.h"
36 #include "tensorflow/core/graph/graph.h"
37 #include "tensorflow/core/graph/node_builder.h"
46 #include "tensorflow/core/graph/mkl_graph_util.h"
47 #include "tensorflow/core/graph/mkl_layout_pass.h"
51 // This pass implements rewriting of graph to support following scenarios:
52 // (A) Merging nodes in the graph
53 // (B) Rewriting a node in the graph to a new nod
    [all...]
  /external/tensorflow/tensorflow/compiler/jit/
increase_dynamism_for_auto_jit_pass.cc 32 #include "tensorflow/core/graph/algorithm.h"
43 // this pass (e.g. the Graph is malformed).
159 scope_.graph()->AddControlEdge(e->src(), new_const.node());
225 host_scope.graph()->AddControlEdge(e->src(), concat_axis.node());
237 Graph* g, Node* slice, const SliceInputs& slice_inputs,
281 void ReplaceTensorFlowSliceWithStaticShapedSlice(Graph* g, Node* slice,
287 DCHECK(e->src_output() == 0 || e->src_output() == Graph::kControlSlot);
305 Status RewriteSlice(Graph* g, Node* slice, const SliceInputs& slice_inputs,
346 Status FindAndRewriteSlices(Graph* g, bool* changed) {
364 // We've added constants to the graph; hook them up to _SOURCE
    [all...]
  /external/tensorflow/tensorflow/contrib/graph_editor/
util.py 41 # The graph editor sometimes need to create placeholders, they are named
42 # "geph_*". "geph" stands for Graph-Editor PlaceHolder.
171 """Check that all the element in args belong to the same graph.
174 *args: a list of object with a obj.graph property.
176 ValueError: if all the elements do not belong to the same graph.
178 graph = None
180 if graph is None and sgv.graph is not None:
181 graph = sgv.graph
389 def graph(self): member in class:ControlOutputs
    [all...]
  /external/tensorflow/tensorflow/core/common_runtime/
direct_session.h 37 #include "tensorflow/core/framework/graph.pb.h"
70 ::tensorflow::Status Create(const GraphDef& graph) override;
71 ::tensorflow::Status Extend(const GraphDef& graph) override;
126 Graph* graph = nullptr; // not owned. member in struct:tensorflow::DirectSession::PerPartitionExecutorsAndLib
133 // 'step_count' is the number of times this graph is executed.
134 // 'graph' is the entire graph being executed. 'name_to_node'
135 // maps node name to node. We keep 'graph' and 'name_to_node' only in
137 // a partition of the graph bundled with its dependent library runtime
144 std::unique_ptr<Graph> graph; member in struct:tensorflow::DirectSession::ExecutorsAndKeys
209 std::unique_ptr<Graph> graph; member in struct:tensorflow::DirectSession::RunStateArgs
    [all...]
graph_execution_state.cc 30 #include "tensorflow/core/framework/graph.pb_text.h"
35 #include "tensorflow/core/graph/algorithm.h"
36 #include "tensorflow/core/graph/collective_order.h"
37 #include "tensorflow/core/graph/graph.h"
38 #include "tensorflow/core/graph/graph_constructor.h"
39 #include "tensorflow/core/graph/subgraph.h"
40 #include "tensorflow/core/graph/tensor_id.h"
41 #include "tensorflow/core/graph/validate.h"
85 VLOG(4) << "Graph proto is \n" << graph_def->DebugString()
    [all...]
function.cc 36 #include "tensorflow/core/graph/algorithm.h"
37 #include "tensorflow/core/graph/control_flow.h"
38 #include "tensorflow/core/graph/gradients.h"
39 #include "tensorflow/core/graph/graph_constructor.h"
40 #include "tensorflow/core/graph/optimizer_cse.h"
92 // The following Add* routines are used to add a few graph nodes while
94 static Node* AddNoOp(StringPiece name, Graph* g) {
104 static Node* AddIdentity(StringPiece name, Graph* g, Endpoint input) {
122 static Node* AddArg(Graph* g, DataType dtype, int index) {
136 static Node* AddRet(Graph* g, Endpoint input, int index)
383 const Graph* graph = nullptr; \/\/ Owned by exec. member in struct:tensorflow::FunctionLibraryRuntimeImpl::Item
898 Graph* graph = g.get(); local
    [all...]
  /external/testng/src/main/java/org/testng/internal/
MethodHelper.java 31 private static final Map<ITestNGMethod[], Graph<ITestNGMethod>> GRAPH_CACHE =
191 private static Graph<ITestNGMethod> topologicalSort(ITestNGMethod[] methods,
193 Graph<ITestNGMethod> result = new Graph<>();
200 // Create the graph
299 Graph<ITestNGMethod> g = GRAPH_CACHE.get(methods);
  /external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/
convert_graph.cc 39 #include "tensorflow/core/graph/algorithm.h"
40 #include "tensorflow/core/graph/graph.h"
41 #include "tensorflow/core/graph/graph_constructor.h"
88 Status BuildNodeMap(const Graph& graph,
90 for (auto* node : graph.op_nodes()) {
92 return errors::AlreadyExists("Node name is not unique in graph: " +
110 item.graph = graph_def;
153 // new optimizers break the graph for trt
807 *params.input_graph_def, &graph)); local
    [all...]
  /external/tensorflow/tensorflow/python/keras/saving/
saved_model_test.py 270 k: sess.graph.get_tensor_by_name(v.name)
273 k: sess.graph.get_tensor_by_name(v.name)
353 # Load predict graph, and test predictions
354 with session.Session(graph=ops.Graph()) as sess:
363 # Load eval graph, and test predictions, loss and metric values
364 with session.Session(graph=ops.Graph()) as sess:
391 # Load train graph, and check for the train op, and prediction values
392 with session.Session(graph=ops.Graph()) as sess
    [all...]
  /external/tensorflow/tensorflow/python/ops/linalg/
linear_operator_test_util.py 196 with self.session(graph=ops.Graph()) as sess:
197 sess.graph.seed = random_seed.DEFAULT_GRAPH_SEED
212 with self.session(graph=ops.Graph()) as sess:
213 sess.graph.seed = random_seed.DEFAULT_GRAPH_SEED
229 with self.session(graph=ops.Graph()) as sess:
230 sess.graph.seed = random_seed.DEFAULT_GRAPH_SEED
254 with self.session(graph=ops.Graph()) as sess
    [all...]
  /external/tensorflow/tensorflow/python/ops/parallel_for/
gradients_test.py 591 with ops.Graph().as_default():
597 with ops.Graph().as_default():
604 with ops.Graph().as_default():
610 with ops.Graph().as_default():
616 with ops.Graph().as_default():
622 with ops.Graph().as_default():
628 with ops.Graph().as_default():
638 with ops.Graph().as_default():
647 with ops.Graph().as_default():
658 with ops.Graph().as_default()
    [all...]
  /external/swiftshader/third_party/llvm-7.0/llvm/unittests/XRay/
GraphTest.cpp 1 //===- llvm/unittest/XRay/GraphTest.cpp - XRay Graph unit tests -*- C++ -*-===//
10 #include "llvm/XRay/Graph.h"
26 typedef Graph<VAttr, EAttr, unsigned> GraphT;
33 T Graph = getTestGraph();
149 auto &G = this->Graph;
155 auto &G = this->Graph;
161 TypeParam G(this->Graph);
168 TypeParam G = this->Graph;
175 TypeParam G(std::move(this->Graph));
181 // Tests the incremental Construction of a graph
    [all...]
  /external/tensorflow/tensorflow/core/distributed_runtime/
graph_mgr.cc 41 #include "tensorflow/core/graph/graph.h"
42 #include "tensorflow/core/graph/graph_constructor.h"
43 #include "tensorflow/core/graph/graph_partition.h"
44 #include "tensorflow/core/graph/validate.h"
75 graph_mgr->cost_model_manager_.RemoveCostModelForGraph(unit.graph);
102 const DebugOptions& debug_options, Graph* graph, Device* device) {
106 TF_RETURN_IF_ERROR(decorator->DecorateGraph(graph, device));
107 TF_RETURN_IF_ERROR(decorator->PublishGraph(*graph, device->name()))
    [all...]
  /external/tensorflow/tensorflow/python/framework/
graph_util_test.py 51 with ops.Graph().as_default() as g:
108 with ops.Graph().as_default():
123 with ops.Graph().as_default() as g:
144 with ops.Graph().as_default() as g, g.device(
183 # It is fine to have a loops in the graph as well.
206 with ops.Graph().as_default():
218 variable_graph_def = sess.graph.as_graph_def()
238 with ops.Graph().as_default():
250 variable_graph_def = sess.graph.as_graph_def()
289 # Now we make sure the variable is now a constant, and that the graph stil
    [all...]
  /external/tensorflow/tensorflow/core/distributed_runtime/rpc/
grpc_session_test.cc 20 #include "tensorflow/core/framework/graph.pb.h"
23 #include "tensorflow/core/graph/default_device.h"
24 #include "tensorflow/core/graph/graph.h"
25 #include "tensorflow/core/graph/testlib.h"
45 Graph graph(OpRegistry::Global());
49 Node* a = test::graph::Constant(&graph, a_tensor);
54 Node* b = test::graph::Constant(&graph, b_tensor)
88 GraphDef graph; local
124 GraphDef graph; local
169 GraphDef graph; local
200 GraphDef graph; local
232 GraphDef graph; local
263 GraphDef graph; local
773 GraphDef graph; local
904 GraphDef graph; local
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
rnn_test.py 219 # so only run this test for graph construction.
567 with self.session(graph=ops_lib.Graph()) as sess:
575 with self.session(graph=ops_lib.Graph()) as sess:
606 with self.session(graph=ops_lib.Graph()) as sess:
614 with self.session(graph=ops_lib.Graph()) as sess:
628 with self.session(graph=ops_lib.Graph()) as sess
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/
tf2xla_util.cc 29 #include "tensorflow/core/framework/graph.pb.h"
38 #include "tensorflow/core/graph/tensor_id.h"
80 // For graph `g`, copy all function call nodes' FunctionDef from `lookup_fld` to
81 // `fld`. This is to ensure that `fld` can instantiate FunctionDef of graph `g`.
82 Status CopyAssociatedFunctions(Graph* g,
109 // For graph `g`, replaces _Arg nodes whose "index" attribute is in
112 Graph* g,
197 Graph* func_graph = fbody->graph;
220 // For an "If" node in graph `g`, if it has Const node inputs, rewrite it
    [all...]
  /external/tensorflow/tensorflow/python/summary/writer/
writer_test.py 85 # The next event should have the graph.
120 with ops.Graph().as_default() as g:
181 with ops.Graph().as_default() as g:
183 sw = self._FileWriter(test_dir, graph=g)
190 with ops.Graph().as_default() as g:
199 with ops.Graph().as_default() as g:
209 with ops.Graph().as_default() as g:
220 with ops.Graph().as_default() as g:
223 sw = self._FileWriter(test_dir, graph=g, graph_def=gd)
230 sw = self._FileWriter(test_dir, "string instead of graph object"
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
conv_ops_test.cc 224 tensorflow::GraphDef graph; local
225 TF_ASSERT_OK(root.ToGraphDef(&graph));
229 TF_ASSERT_OK(session->Create(graph));
277 tensorflow::GraphDef graph; local
278 TF_ASSERT_OK(root.ToGraphDef(&graph));
282 TF_ASSERT_OK(session->Create(graph));
547 // Runs a Tensorflow graph defined by the root scope, and fetches the result
554 tensorflow::GraphDef graph; local
555 TF_ASSERT_OK(root.ToGraphDef(&graph));
558 *graph.add_node() = *fetch_node
1067 Graph* graph; member in struct:tensorflow::Conv2DGraph
1072 Graph* graph; member in struct:tensorflow::Conv2DWithBiasGraph
1078 Graph* graph; member in struct:tensorflow::Conv2DWithBiasAndReluGraph
1085 Graph* graph; member in struct:tensorflow::Conv2DWithBatchNormGraph
1091 Graph* graph; member in struct:tensorflow::Conv2DWithBatchNormAndReluGraph
1106 Graph* graph = new Graph(OpRegistry::Global()); local
1133 Graph* graph = conv_graph.graph; local
1159 Graph* graph = conv_graph.graph; local
1180 Graph* graph = conv_graph.graph; local
1215 Graph* graph = conv_graph.graph; local
1234 Graph* graph = new Graph(OpRegistry::Global()); local
1266 Graph* graph = new Graph(OpRegistry::Global()); local
    [all...]
  /external/google-fruit/src/
binding_normalization.cpp 343 using Graph = NormalizedComponentStorage::Graph;
352 [&base_normalized_component](Graph::const_node_iterator itr) {
355 [](Graph::const_node_iterator itr) { return itr.isTerminal(); },
356 [](Graph::const_node_iterator itr) { return itr.getNode().object; },
357 [](Graph::const_node_iterator itr) { return itr.getNode().create; },

Completed in 900 milliseconds

<<11121314151617181920>>