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

1 2 3 4 5 67 8 91011>>

  /external/tensorflow/tensorflow/core/common_runtime/
executor_test.cc 28 #include "tensorflow/core/graph/graph_constructor.h"
58 // Resets executor_ with a new executor based on a graph 'gdef'.
59 void Create(std::unique_ptr<const Graph> graph) {
60 const int version = graph->versions().producer();
72 TF_CHECK_OK(NewLocalExecutor(params, std::move(graph), &exec_));
147 std::unique_ptr<Graph> g(new Graph(OpRegistry::Global()));
148 auto in0 = test::graph::Recv(g.get(), "a", "float", ALICE, 1, BOB);
149 auto in1 = test::graph::Recv(g.get(), "b", "float", ALICE, 1, BOB)
    [all...]
placer_test.cc 35 #include "tensorflow/core/graph/graph.h"
36 #include "tensorflow/core/graph/graph_constructor.h"
37 #include "tensorflow/core/graph/graph_def_builder.h"
38 #include "tensorflow/core/graph/graph_def_builder_util.h"
123 // Register the following ops so they can be added to a Graph, and
193 // 1. Build a TensorFlow graph, with no (or partial) device assignments.
195 // 3. EITHER: test that the constraints implied by the graph are respected;
217 // Builds the given graph, and (if successful) indexes the node
219 Status BuildGraph(const GraphDefBuilder& builder, Graph* out_graph)
1694 GraphDef graph = GDef( local
1739 GraphDef graph = GDef( local
1777 GraphDef graph = GDef( local
    [all...]
graph_runner.h 26 #include "tensorflow/core/graph/graph.h"
32 // GraphRunner takes a Graph, some inputs to feed, and some outputs
33 // to fetch and executes the graph required to feed and fetch the
37 // partially evaluate inexpensive nodes in a graph, such as for shape
55 // REQUIRES: `graph`, `env`, and `outputs` are not nullptr.
58 Status Run(Graph* graph, FunctionLibraryRuntime* function_library,
  /external/tensorflow/tensorflow/python/saved_model/
saved_model_test.py 104 with self.session(graph=ops.Graph()) as sess:
117 with self.session(graph=ops.Graph()) as sess:
128 with self.session(graph=ops.Graph()) as sess:
140 with self.session(graph=ops.Graph()) as sess:
150 with self.session(graph=ops.Graph()) as sess
    [all...]
  /external/tensorflow/tensorflow/compiler/jit/
partially_decluster_pass_test.cc 34 #include "tensorflow/core/graph/algorithm.h"
35 #include "tensorflow/core/graph/graph_constructor.h"
36 #include "tensorflow/core/graph/graph_def_builder.h"
37 #include "tensorflow/core/graph/graph_def_builder_util.h"
83 Status PartiallyDecluster(std::unique_ptr<Graph>* graph) {
84 FixupSourceAndSinkEdges(graph->get());
87 for (Node* n : (*graph)->nodes()) {
94 opt_options.graph = graph;
315 auto graph = absl::make_unique<Graph>(OpRegistry::Global()); local
343 std::unique_ptr<Graph> graph = absl::make_unique<Graph>(OpRegistry::Global()); local
368 std::unique_ptr<Graph> graph = absl::make_unique<Graph>(OpRegistry::Global()); local
392 std::unique_ptr<Graph> graph = absl::make_unique<Graph>(OpRegistry::Global()); local
432 std::unique_ptr<Graph> graph = absl::make_unique<Graph>(OpRegistry::Global()); local
    [all...]
  /external/tensorflow/tensorflow/contrib/saved_model/python/saved_model/
reader_test.py 46 with self.session(graph=ops.Graph()) as sess:
68 # Graph with a single variable. SavedModel invoked to:
71 with self.session(graph=ops.Graph()) as sess:
75 # Graph that updates the single variable. SavedModel invoked to:
78 with self.session(graph=ops.Graph()) as sess:
82 # Graph that updates the single variable. SavedModel is invoked:
85 with self.session(graph=ops.Graph()) as sess
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
unique_op_test.cc 24 #include "tensorflow/core/graph/node_builder.h"
25 #include "tensorflow/core/graph/testlib.h"
67 Graph* g = new Graph(OpRegistry::Global());
74 .Input(test::graph::Constant(g, input))
86 Graph* g = new Graph(OpRegistry::Global());
94 .Input(test::graph::Constant(g, input))
124 Graph* g = new Graph(OpRegistry::Global())
    [all...]
bincount_op_test.cc 20 #include "tensorflow/core/graph/node_builder.h"
27 static Graph* Bincount(int arr_size, int nbins) {
28 Graph* g = new Graph(OpRegistry::Global());
40 .Input(test::graph::Constant(g, arr))
41 .Input(test::graph::Constant(g, size))
42 .Input(test::graph::Constant(g, weights))
clustering_ops_test.cc 19 #include "tensorflow/core/graph/node_builder.h"
50 Graph* SetUpKmeansPlusPlusInitialization(int num_dims, int num_points,
53 Graph* g = new Graph(OpRegistry::Global());
65 .Input(test::graph::Constant(g, points))
66 .Input(test::graph::Constant(g, sample_size))
67 .Input(test::graph::Constant(g, seed))
68 .Input(test::graph::Constant(g, num_retries_per_sample))
80 Graph* g = SetUpKmeansPlusPlusInitialization(
119 Graph* SetUpKMC2Initialization(int num_points)
    [all...]
crop_and_resize_op_benchmark_test.cc 18 #include "tensorflow/core/graph/node_builder.h"
24 static Graph* BM_CropAndResize(int batches, int width, int height, int depth,
26 Graph* g = new Graph(OpRegistry::Global());
46 .Input(test::graph::Constant(g, in))
47 .Input(test::graph::Constant(g, boxes))
48 .Input(test::graph::Constant(g, box_ind))
49 .Input(test::graph::Constant(g, crop_size))
sparse_xent_op_test.cc 26 static Graph* SparseXent(int batch_size, int num_classes) {
27 Graph* g = new Graph(OpRegistry::Global());
38 test::graph::Binary(g, "SparseSoftmaxCrossEntropyWithLogits",
39 test::graph::Constant(g, logits),
40 test::graph::Constant(g, labels));
gather_nd_op_test.cc 28 #include "tensorflow/core/graph/graph.h"
29 #include "tensorflow/core/graph/node_builder.h"
30 #include "tensorflow/core/graph/testlib.h"
42 namespace graph { namespace in namespace:tensorflow::test
44 class Node* GatherNd(Graph* g, class Node* in0, class Node* in1) {
53 } // namespace graph
86 static Graph* GatherNd(int dim) {
87 Graph* g = new Graph(OpRegistry::Global())
    [all...]
  /external/tensorflow/tensorflow/python/tools/
saved_model_utils_test.py 48 with self.session(graph=ops.Graph()) as sess:
71 # Graph with a single variable. SavedModel invoked to:
74 with self.session(graph=ops.Graph()) as sess:
78 # Graph that updates the single variable. SavedModel invoked to:
81 with self.session(graph=ops.Graph()) as sess:
85 # Graph that updates the single variable. SavedModel is invoked:
88 with self.session(graph=ops.Graph()) as sess
    [all...]
  /external/v8/src/compiler/
graph-visualizer.h 24 class Graph;
88 GraphAsJSON(const Graph& g, SourcePositionTable* p, NodeOriginTable* o)
89 : graph(g), positions(p), origins(o) {}
90 const Graph& graph; member in struct:v8::internal::compiler::GraphAsJSON
95 V8_INLINE V8_EXPORT_PRIVATE GraphAsJSON AsJSON(const Graph& g,
105 explicit AsRPO(const Graph& g) : graph(g) {}
106 const Graph& graph; member in struct:v8::internal::compiler::AsRPO
    [all...]
int64-lowering.h 9 #include "src/compiler/graph.h"
25 Int64Lowering(Graph* graph, MachineOperatorBuilder* machine,
43 Graph* graph() const { return graph_; } function in class:v8::internal::compiler::Int64Lowering
71 Graph* const graph_;
machine-graph.h 11 #include "src/compiler/graph.h"
20 // Implements a facade on a Graph, enhancing the graph with machine-specific
25 MachineGraph(Graph* graph, CommonOperatorBuilder* common,
27 : graph_(graph), common_(common), machine_(machine), cache_(zone()) {}
75 Graph* graph() const { return graph_; } function in class:v8::internal::compiler::MachineGraph
76 Zone* zone() const { return graph()->zone(); }
79 Graph* graph_
    [all...]
  /external/tensorflow/tensorflow/contrib/quantize/python/
input_to_ops_test.py 32 graph = ops.Graph()
33 with graph.as_default():
36 input_to_ops_map = input_to_ops.InputToOps(graph)
42 graph = ops.Graph()
43 with graph.as_default():
47 input_to_ops_map = input_to_ops.InputToOps(graph)
53 graph = ops.Graph()
    [all...]
  /external/tensorflow/tensorflow/core/graph/
algorithm.cc 16 #include "tensorflow/core/graph/algorithm.h"
27 void DFSFromHelper(const Graph& g, gtl::ArraySlice<T> start,
89 void DFS(const Graph& g, const std::function<void(Node*)>& enter,
97 void DFSFrom(const Graph& g, gtl::ArraySlice<Node*> start,
105 void DFSFrom(const Graph& g, gtl::ArraySlice<const Node*> start,
113 void ReverseDFS(const Graph& g, const std::function<void(Node*)>& enter,
122 void ReverseDFSFromHelper(const Graph& g, gtl::ArraySlice<T> start,
180 void ReverseDFSFrom(const Graph& g, gtl::ArraySlice<const Node*> start,
187 void ReverseDFSFrom(const Graph& g, gtl::ArraySlice<Node*> start,
194 void GetPostOrder(const Graph& g, std::vector<Node*>* order
    [all...]
graph_def_builder_test.cc 16 #include "tensorflow/core/graph/graph_def_builder.h"
19 #include "tensorflow/core/graph/graph.h"
20 #include "tensorflow/core/graph/graph_def_builder_util.h"
36 // Check version when we convert to a Graph
37 Graph graph(OpRegistry::Global());
38 TF_EXPECT_OK(GraphDefBuilderToGraph(builder, &graph));
39 ASSERT_EQ(graph.versions().producer(), TF_GRAPH_DEF_VERSION);
40 ASSERT_EQ(graph.versions().min_consumer(), TF_GRAPH_DEF_VERSION_MIN_CONSUMER)
    [all...]
  /external/tensorflow/tensorflow/cc/framework/
scope_internal.h 26 // graph, status, name_map, and refiner.
31 Scope NewInternalScope(Graph* graph, Status* status, ShapeRefiner* refiner);
42 Impl(const std::shared_ptr<Graph>& graph,
67 Impl(Graph* graph, Status* status, NameMap* name_map, ShapeRefiner* refiner,
93 // The graph, status, and name maps are shared by all child scopes
95 // Scope::NewRootScope function, which creates a new graph, a new status and
97 std::shared_ptr<Graph> graph_ = nullptr
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2tensorrt/segment/
segment.h 22 #include "tensorflow/core/framework/graph.pb.h"
23 #include "tensorflow/core/graph/graph.h"
45 // Get the subgraphs of a graph that can be handled by TensorRT.
47 // @param graph Graph of the network
54 Status SegmentGraph(const Graph* tf_graph,
  /external/tensorflow/tensorflow/compiler/tf2xla/
tf2xla_util.h 24 #include "tensorflow/core/framework/graph.pb.h"
27 #include "tensorflow/core/graph/graph.h"
64 // Indicates how a FunctionDef is associated with a graph node (e.g. the node is
141 Graph* graph, Node* node, FunctionLibraryDefinition* fld,
179 xla::StatusOr<Node*> ReplaceNode(Graph* g, Node* n, const NodeDef& node_def);
182 xla::StatusOr<Node*> BuildIdentityNode(Graph* graph, const string& node_name,
197 Graph* g, const FunctionLibraryDefinition* lookup_fld
    [all...]
  /external/tensorflow/tensorflow/contrib/distribute/python/
warm_starting_util_test.py 52 mode=["graph"]))
61 with self.session(graph=g) as sess:
70 with ops.Graph().as_default() as g, distribution.scope():
73 with ops.Graph().as_default() as g:
80 with self.session(graph=g) as sess:
89 # Warm start in a new graph.
91 with ops.Graph().as_default() as g, distribution.scope():
94 with ops.Graph().as_default() as g:
  /external/tensorflow/tensorflow/core/framework/
graph_to_functiondef_test.cc 23 #include "tensorflow/core/graph/graph_constructor.h"
24 #include "tensorflow/core/graph/graph_def_builder.h"
68 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global()));
70 TF_EXPECT_OK(ConvertGraphDefToGraph(options, graph_def, graph.get()));
73 TF_EXPECT_OK(GraphToFunctionDef(*graph, "test_fn", &fdef));
105 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global()))
    [all...]
  /external/testng/src/main/java/org/testng/internal/
Tarjan.java 12 * Implementation of the Tarjan algorithm to find and display a cycle in a graph.
22 public Tarjan(Graph<T> graph, T start) {
24 run(graph, start);
27 private void run(Graph<T> graph, T v) {
33 for (T vprime : graph.getPredecessors(v)) {
35 run(graph, vprime);
56 Graph<String> g = new Graph<>();
    [all...]

Completed in 1029 milliseconds

1 2 3 4 5 67 8 91011>>