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

<<11121314151617181920>>

  /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))); \
  /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 41 with ops.Graph().as_default():
50 with ops.Graph().as_default():
62 with ops.Graph().as_default():
80 with ops.Graph().as_default():
94 # Create a new Graph and SessionManager and recover.
95 with ops.Graph().as_default():
129 sess.graph.get_tensor_by_name("v:0")).eval(session=sess))
134 # Create a new Graph and SessionManager and recover from a checkpoint.
135 with ops.Graph().as_default():
151 sess.graph.get_tensor_by_name("v:0")).eval(session=sess)
    [all...]
  /external/v8/src/compiler/
escape-analysis.h 8 #include "src/compiler/graph.h"
26 EscapeAnalysis(Graph* graph, CommonOperatorBuilder* common, Zone* zone);
70 Graph* graph() const;
  /external/tensorflow/tensorflow/compiler/jit/
encapsulate_subgraphs_pass.cc 38 #include "tensorflow/core/graph/algorithm.h"
39 #include "tensorflow/core/graph/graph.h"
40 #include "tensorflow/core/graph/graph_def_builder.h"
41 #include "tensorflow/core/graph/tensor_id.h"
81 const Graph& graph,
89 ReverseDFSFrom(graph, srcs, /*enter=*/nullptr,
153 Graph const* graph_in)
173 // Write a copy of the input graph to 'graph_out', where the subgraphs ar
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
stability_test.py 70 with ops.Graph().as_default() as g:
71 with self.test_session(graph=g) as session:
75 with ops.Graph().as_default() as g:
76 with self.test_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."""
95 """Graph actions tests."""
156 """Build simple inference graph.
171 in0.graph.add_to_collections([ops.GraphKeys.TABLE_INITIALIZERS],
177 with ops.Graph().as_default() as g, self.test_session(g):
195 with ops.Graph().as_default() as g, self.test_session(g):
206 with ops.Graph().as_default() as g, self.test_session(g):
221 with ops.Graph().as_default():
238 with ops.Graph().as_default():
240 with ops.Graph().as_default()
    [all...]
  /external/tensorflow/tensorflow/core/common_runtime/
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) {
112 // is only used on a TensorFlow graph that is gonna to be executed in
120 static Node* Send(Graph* g, const string& tensor_name,
134 static Node* Recv(Graph* g, const string& tensor_name,
150 const string& device_name, Graph* g) {
204 Status MemoryTypeForOutput(const DeviceType& device_type, const Graph* g,
  /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)
411 private final Graph graph; field in class:Session
    [all...]
  /external/tensorflow/tensorflow/contrib/kfac/python/kernel_tests/
fisher_blocks_test.py 47 with ops.Graph().as_default(), self.test_session() as sess:
62 with ops.Graph().as_default():
71 with ops.Graph().as_default():
80 with ops.Graph().as_default():
90 with ops.Graph().as_default(), self.test_session() as sess:
108 with ops.Graph().as_default(), self.test_session() as sess:
126 with ops.Graph().as_default(), self.test_session() as sess:
153 with ops.Graph().as_default():
162 with ops.Graph().as_default():
171 with ops.Graph().as_default()
    [all...]
utils_test.py 86 c = a + b + a # note that a appears twice in this graph
103 with ops.Graph().as_default():
130 with ops.Graph().as_default(), self.test_session() as sess:
139 with ops.Graph().as_default(), self.test_session() as sess:
147 with ops.Graph().as_default():
154 with ops.Graph().as_default(), self.test_session() as sess:
164 with ops.Graph().as_default(), self.test_session() as sess:
178 with ops.Graph().as_default(), self.test_session() as sess:
188 with ops.Graph().as_default(), self.test_session() as sess:
212 with ops.Graph().as_default(), self.test_session() as sess
    [all...]
  /external/tensorflow/tensorflow/python/framework/
meta_graph_test.py 73 orig_graph = ops.Graph()
74 with self.test_session(graph=orig_graph) as sess:
75 # Create a minimal graph with zero variables.
81 # Add input and output tensors to graph collections.
100 # Create a clean graph and import the MetaGraphDef nodes.
101 new_graph = ops.Graph()
102 with self.test_session(graph=new_graph) as sess:
103 # Import the previously export meta graph.
106 # Re-exports the current graph state for comparison to the original.
112 # Ensures that we can still get a reference to our graph collections
    [all...]
  /external/tensorflow/tensorflow/core/graph/
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;
194 friend class Graph;
254 // Index within Graph::device_names_ of the name of device assigned
258 // A back-pointer to the Graph that owns this node. Currently, this exists
261 // equivalent methods defined directly on Graph, then we can remove this
263 Graph* graph_;
268 // 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"
46 void Reset() { g_.reset(new Graph(OpRegistry::Global())); }
50 return test::graph::Constant(g_.get(), test::AsTensor(values, shape));
53 Status Placeholder(Graph* g, const string& name, TensorShape shape,
62 Status FindNode(Graph* g, const string& name, Node** out) {
72 std::unique_ptr<Graph> g_;
77 // Construct the following graph
288 Graph* graph = g_.get(); local
325 Graph* graph = g_.get(); local
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/
tf2xla.cc 32 #include "tensorflow/core/framework/graph.pb.h"
37 #include "tensorflow/core/graph/algorithm.h"
38 #include "tensorflow/core/graph/graph.h"
39 #include "tensorflow/core/graph/graph_constructor.h"
40 #include "tensorflow/core/graph/node_builder.h"
64 Status AddArgNodes(Graph* graph, const NodeMap& node_map,
86 // "_shape" attr if we can determine it. That way the graph will be
97 .Finalize(graph, &arg_node))
352 std::unique_ptr<Graph> graph; local
    [all...]
  /external/tensorflow/tensorflow/go/
graph.go 51 // Graph represents a computation graph. Graphs may be shared between sessions.
52 type Graph struct {
56 // NewGraph returns a new Graph.
57 func NewGraph() *Graph {
58 g := &Graph{C.TF_NewGraph()}
59 runtime.SetFinalizer(g, (*Graph).finalizer)
63 func (g *Graph) finalizer() {
70 func (g *Graph) WriteTo(w io.Writer) (int64, error) {
81 return 0, fmt.Errorf("Graph is too large to write out, Graph.WriteTo needs to be updated"
    [all...]
  /system/update_engine/payload_generator/
cycle_breaker_unittest.cc 39 void SetOpForNodes(Graph* graph) {
40 for (Vertex& vertex : *graph) {
58 const Graph::size_type kNodeCount = counter++;
60 Graph graph(kNodeCount);
61 SetOpForNodes(&graph);
63 graph[n_a].out_edges.insert(make_pair(n_e, EdgeProperties()));
64 graph[n_a].out_edges.insert(make_pair(n_f, EdgeProperties()));
65 graph[n_b].out_edges.insert(make_pair(n_a, EdgeProperties()))
    [all...]
  /external/opencv/cvaux/src/
cvlcm.cpp 54 CvGraph* Graph;
163 // pLCM : in, information about graph
165 // Returns: pointer to graph node
196 // Purpose: Function create graph node
199 // pLCM : in, information about graph
200 // Returns: pointer to graph node
208 // Purpose: Function create graph edge
211 // pLCM : in, information about graph
212 // Returns: pointer to graph edge
223 // LCMNode : in, graph nod
    [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
110 try (Graph g = new Graph()) {
162 GraphBuilder(Graph g) {
231 private Graph g;
  /test/vti/dashboard/src/main/java/com/android/vts/servlet/
ShowGraphServlet.java 25 import com.android.vts.util.Graph;
79 PageType.GRAPH,
89 * @param graphMap A map from graph name to Graph object.
92 Entity profilingRun, String idString, Map<String, Graph> graphMap) {
96 Graph g = null;
150 Map<String, Graph> graphMap = new HashMap<>();
224 List<Graph> graphList = new ArrayList<>();
227 Graph g = graphMap.get(name);
250 .registerTypeHierarchyAdapter(Graph.class, new GraphSerializer()
    [all...]
  /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/cc/framework/
scope.cc 22 #include "tensorflow/core/graph/graph_constructor.h"
23 #include "tensorflow/core/graph/node_builder.h"
39 Scope::Impl::Impl(Graph* graph, Status* status, NameMap* name_map,
41 : graph_(graph),
49 Scope::Impl::Impl(const std::shared_ptr<Graph>& graph,
53 : graph_(graph),
62 Graph* graph = new Graph(OpRegistry::Global()) local
70 Graph* graph = new Graph(OpRegistry::Global()); local
233 Graph* Scope::graph() const { return impl()->graph_.get(); } function in class:tensorflow::Scope
    [all...]
  /external/llvm/lib/CodeGen/SelectionDAG/
SelectionDAGPrinter.cpp 84 const SelectionDAG *Graph) {
99 const SelectionDAG *Graph) {
119 std::string getNodeLabel(const SDNode *Node, const SelectionDAG *Graph);
121 const SelectionDAG *Graph) {
123 const std::string &Attrs = Graph->getGraphAttrs(N);
170 /// clearGraphAttrs - Clear all previously defined node graph attributes.
182 /// setGraphAttrs - Set graph attributes for a node. (eg. "color=red".)
194 /// getGraphAttrs - Get graph attributes for a node. (eg. "color=red".)
300 // Draw a special "GraphRoot" node to indicate the root of the graph.
  /external/swiftshader/third_party/LLVM/lib/CodeGen/SelectionDAG/
SelectionDAGPrinter.cpp 86 const SelectionDAG *Graph) {
94 const SelectionDAG *Graph) {
114 std::string getNodeLabel(const SDNode *Node, const SelectionDAG *Graph);
116 const SelectionDAG *Graph) {
118 const std::string &Attrs = Graph->getGraphAttrs(N);
165 /// clearGraphAttrs - Clear all previously defined node graph attributes.
177 /// setGraphAttrs - Set graph attributes for a node. (eg. "color=red".)
189 /// getGraphAttrs - Get graph attributes for a node. (eg. "color=red".)
295 // Draw a special "GraphRoot" node to indicate the root of the graph.
  /external/tensorflow/tensorflow/contrib/quantize/python/
graph_matcher_test.py 38 g = ops.Graph()
87 g = ops.Graph()
112 g = ops.Graph()
145 g = ops.Graph()
155 g = ops.Graph()

Completed in 1630 milliseconds

<<11121314151617181920>>