| /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/common_runtime/ |
| placer_test.cc | 31 #include "tensorflow/core/graph/graph.h" 32 #include "tensorflow/core/graph/graph_def_builder.h" 33 #include "tensorflow/core/graph/graph_def_builder_util.h" 107 // Register the following ops so they can be added to a Graph, and 170 // 1. Build a TensorFlow graph, with no (or partial) device assignments. 172 // 3. EITHER: test that the constraints implied by the graph are respected; 194 // Builds the given graph, and (if successful) indexes the node 196 Status BuildGraph(const GraphDefBuilder& builder, Graph* out_graph) { 205 // Invokes the Placer on "graph". If no DeviceSet is specified, th [all...] |
| debugger_state_interface.h | 22 #include "tensorflow/core/graph/graph.h" 62 // Insert special-purpose debug nodes to graph and dump the graph for 65 virtual Status DecorateGraph(Graph* graph, Device* device) = 0; 67 // Publish Graph to debug URLs. 68 virtual Status PublishGraph(const Graph& graph,
|
| /external/tensorflow/tensorflow/core/kernels/ |
| 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))
|
| 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...] |
| parameterized_truncated_normal_op_test.cc | 21 #include "tensorflow/core/graph/node_builder.h" 27 static Graph* PTruncatedNormal(int num_batches, int samples_per_batch) { 28 Graph* g = new Graph(OpRegistry::Global()); 46 .Input(test::graph::Constant(g, shape_t)) 47 .Input(test::graph::Constant(g, means_t)) 48 .Input(test::graph::Constant(g, stdevs_t)) 49 .Input(test::graph::Constant(g, minvals_t)) 50 .Input(test::graph::Constant(g, maxvals_t)) 56 static Graph* PTruncatedNormal2SD(int num_batches, int samples_per_batch) [all...] |
| cwise_ops_test.cc | 18 #include "tensorflow/core/graph/node_builder.h" 27 // Creates a Graph which applies a unary "func" on a 3D tensor of 30 static Graph* Unary(const string& func, int num, DataType dtype) { 31 Graph* g = new Graph(OpRegistry::Global()); 35 test::graph::Unary(g, func, test::graph::Constant(g, data), 0); 89 Graph* BinaryScalar(int num, const string& func) { 90 Graph* g = new Graph(OpRegistry::Global()) [all...] |
| /external/v8/src/compiler/ |
| int64-lowering.h | 9 #include "src/compiler/graph.h" 21 Int64Lowering(Graph* graph, MachineOperatorBuilder* machine, 42 Graph* graph() const { return graph_; } function in class:v8::internal::compiler::Int64Lowering 69 Graph* const graph_;
|
| simd-scalar-lowering.h | 9 #include "src/compiler/graph.h" 20 SimdScalarLowering(Graph* graph, MachineOperatorBuilder* machine, 42 Graph* graph() const { return graph_; } function in class:v8::internal::compiler::SimdScalarLowering 70 Graph* const graph_;
|
| graph-reducer.h | 18 class Graph; 27 // Represents the result of trying to reduce a node in the graph. 41 // inputs. This class functions as an extension point for the graph reducer for 43 // folding of low-level operators) can be integrated into the graph reduction 90 // Helper functions for subclasses to edit the graph. 107 // TODO(turbofan): replace the effect input to {node} with {graph->start()}. 123 // Performs an iterative reduction of a node graph. 127 GraphReducer(Zone* zone, Graph* graph, Node* dead = nullptr); 130 Graph* graph() const { return graph_; function in class:v8::internal::compiler::GraphReducer [all...] |
| loop-variable-optimizer.h | 15 class Graph; 68 LoopVariableOptimizer(Graph* graph, CommonOperatorBuilder* common, 102 Graph* graph() { return graph_; } function in class:v8::internal::compiler::LoopVariableOptimizer 106 Graph* graph_;
|
| /system/update_engine/payload_generator/ |
| tarjan.cc | 35 Graph* graph, 40 for (Graph::iterator it = graph->begin(); it != graph->end(); ++it) 44 Tarjan(vertex, graph); 49 void TarjanAlgorithm::Tarjan(Vertex::Index vertex, Graph* graph) { 50 CHECK_EQ((*graph)[vertex].index, kInvalidIndex); 51 (*graph)[vertex].index = index_ [all...] |
| /external/tensorflow/tensorflow/cc/framework/ |
| scope_internal.h | 26 // graph, status, name_map, and refiner. 29 Scope NewInternalScope(Graph* graph, Status* status, ShapeRefiner* refiner); 41 Impl(const std::shared_ptr<Graph>& graph, 64 Impl(Graph* graph, Status* status, NameMap* name_map, ShapeRefiner* refiner, 88 // The graph, status, and name maps are shared by all child scopes 90 // Scope::NewRootScope function, which creates a new graph, a new status and 92 std::shared_ptr<Graph> graph_ = nullptr [all...] |
| /external/tensorflow/tensorflow/compiler/jit/ |
| graph_to_functiondef_test.cc | 22 #include "tensorflow/core/graph/graph_constructor.h" 23 #include "tensorflow/core/graph/graph_def_builder.h" 59 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global())); 61 TF_EXPECT_OK(ConvertGraphDefToGraph(options, graph_def, graph.get())); 64 TF_EXPECT_OK(GraphToFunctionDef(*graph, "test_fn", &fdef)); 95 std::unique_ptr<Graph> graph(new Graph(OpRegistry::Global())) [all...] |
| /external/tensorflow/tensorflow/core/graph/ |
| 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...] |
| tensor_id.h | 21 #include "tensorflow/core/graph/graph.h" 38 if (second == Graph::kControlSlot) return strings::StrCat("^", first);
|
| algorithm.cc | 16 #include "tensorflow/core/graph/algorithm.h" 26 void DFS(const Graph& g, const std::function<void(Node*)>& enter, 80 void ReverseDFS(const Graph& g, const std::function<void(Node*)>& enter, 89 void ReverseDFSFromHelper(const Graph& g, gtl::ArraySlice<T> start, 149 void ReverseDFSFrom(const Graph& g, gtl::ArraySlice<const Node*> start, 156 void ReverseDFSFrom(const Graph& g, gtl::ArraySlice<Node*> start, 163 void GetPostOrder(const Graph& g, std::vector<Node*>* order, 169 void GetReversePostOrder(const Graph& g, std::vector<Node*>* order, 175 bool PruneForReverseReachability(Graph* g, 196 // Make a pass over the graph to remove nodes not in "visited [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...] |
| /external/tensorflow/tensorflow/contrib/kfac/examples/tests/ |
| convnet_test.py | 31 with tf.Graph().as_default(): 47 with tf.Graph().as_default(): 54 with tf.Graph().as_default(): 66 with tf.Graph().as_default(): 113 with tf.Graph().as_default(): 120 with tf.Graph().as_default(): 134 with tf.Graph().as_default(): 144 with tf.Graph().as_default(): 150 with tf.Graph().as_default():
|
| /external/tensorflow/tensorflow/python/training/ |
| training_util_test.py | 37 with ops.Graph().as_default() as g: 50 with ops.Graph().as_default() as g: 64 with ops.Graph().as_default() as g: 71 self._assert_global_step(training_util.create_global_step(ops.Graph())) 74 with ops.Graph().as_default() as g: 87 with ops.Graph().as_default() as g: 96 with ops.Graph().as_default(): 102 with ops.Graph().as_default(): 109 with ops.Graph().as_default():
|
| /external/mesa3d/src/gallium/drivers/nouveau/codegen/ |
| nv50_ir_bb.cpp | 106 for (Graph::EdgeIterator it = cfg.outgoing(); !it.end(); it.next()) { 117 Graph::Node *dn = dom.parent(); 314 Graph::Edge *e = cfg.outgoing(true).getEdge(); 326 this->cfg.attach(&bb->cfg, Graph::Edge::TREE); 358 Graph::Node *bn = &that->dom; 359 Graph::Node *dn = &this->dom; 370 Graph::Node *out[2]; 372 Graph::Edge::Type eR; 378 for (Graph::EdgeIterator ei = cfg.outgoing(); !ei.end(); ei.next()) 383 if (eR == Graph::Edge::CROSS || eR == Graph::Edge::BACK [all...] |
| /external/tensorflow/tensorflow/core/distributed_runtime/ |
| executor_test.cc | 28 #include "tensorflow/core/graph/graph_constructor.h" 59 // Resets executor_ with a new executor based on a graph 'gdef'. 60 void Create(std::unique_ptr<const Graph> graph) { 61 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...] |
| /external/tensorflow/tensorflow/contrib/graph_editor/tests/ |
| util_test.py | 49 g0 = ops.Graph() 53 g1 = ops.Graph() 57 # Same graph, should be fine. 62 # a0 and b0 belongs to the same graph, should be fine. 64 # Different graph, should raise an error. 70 g0 = ops.Graph() 74 # Should extract the ops from the graph. 81 g0 = ops.Graph() 86 # Should extract the tensors from tre graph. 97 g0 = ops.Graph() [all...] |
| /external/tensorflow/tensorflow/contrib/layers/python/layers/ |
| target_column_test.py | 34 with ops.Graph().as_default(), session.Session() as sess: 43 with ops.Graph().as_default(), session.Session() as sess: 61 with ops.Graph().as_default(), session.Session() as sess: 74 with ops.Graph().as_default(), session.Session() as sess: 87 with ops.Graph().as_default(), session.Session() as sess: 100 with ops.Graph().as_default(), session.Session() as sess: 111 with ops.Graph().as_default(), session.Session() as sess: 130 with ops.Graph().as_default(), session.Session() as sess:
|