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

<<21222324252627282930>>

  /external/tensorflow/tensorflow/core/kernels/data/
graph_rewrite_dataset.cc 53 // Instantiate the optimized input pipeline by running the optimized graph
66 Graph graph(OpRegistry::Global());
67 TF_RETURN_IF_ERROR(ImportGraphDef({}, graph_def, &graph, nullptr));
72 graph_runner.Run(&graph, lib_, input_list, {output_node}, &outputs));
149 // Add fake sink node to graph and functions to allow rewriting the actual
172 "graph", meta_graph_def, item_config);
  /external/tensorflow/tensorflow/core/platform/
device_tracer_test.cc 27 #include "tensorflow/core/framework/graph.pb.h"
31 #include "tensorflow/core/graph/graph.h"
32 #include "tensorflow/core/graph/testlib.h"
56 Graph graph(OpRegistry::Global());
60 Node* a = test::graph::Constant(&graph, a_tensor);
65 Node* x = test::graph::Constant(&graph, x_tensor)
    [all...]
  /external/tensorflow/tensorflow/examples/tutorials/mnist/
fully_connected_feed.py 122 # Tell TensorFlow that the model will be built into the default Graph.
123 with tf.Graph().as_default():
128 # Build a Graph that computes predictions from the inference model.
133 # Add to the Graph the Ops for loss calculation.
136 # Add to the Graph the Ops that calculate and apply gradients.
151 # Create a session for running Ops on the Graph.
154 # Instantiate a SummaryWriter to output summaries and the Graph.
155 summary_writer = tf.summary.FileWriter(FLAGS.log_dir, sess.graph)
mnist_with_summaries.py 18 tf.name_scope to make a graph legible in the TensorBoard graph explorer, and of
82 It also sets up name scoping so that the resultant graph is easy to read,
85 # Adding a name scope ensures logical grouping of the layers in the graph.
141 train_writer = tf.summary.FileWriter(FLAGS.log_dir + '/train', sess.graph)
186 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/go/
example_inception_inference_test.go 44 // - BATCH_SIZE allows for inference of multiple images in one pass through the graph
57 // - Loads the serialized representation of the pre-trained model into a Graph
58 // - Creates a Session to execute operations on the Graph
64 // - Constructs another TensorFlow graph to normalize the image into a
84 // Construct an in-memory graph from the serialized form.
85 graph := tf.NewGraph()
86 if err := graph.Import(model, ""); err != nil {
90 // Create a session for inference over graph.
91 session, err := tf.NewSession(graph, nil)
107 graph.Operation("input").Output(0): tensor
    [all...]
operation.go 25 // Operation that has been added to the graph.
28 // A reference to the Graph to prevent it from
30 g *Graph
79 // Output represents one of the outputs of an operation in the graph. Has a
81 // function for adding operations to a graph, or to a Session's Run() method to
103 // the operation does not belong to the graph. It should not
199 // a Graph.
  /external/tensorflow/tensorflow/python/compiler/tensorrt/test/
biasadd_matmul_test.py 47 g = ops.Graph()
  /external/tensorflow/tensorflow/python/data/experimental/kernel_tests/serialization/
checkpoint_input_pipeline_hook_test.py 60 with ops.Graph().as_default() as g:
65 with self.session(graph=g) as sess:
  /external/tensorflow/tensorflow/python/debug/examples/
debug_mnist.py 21 appear in nodes of the graph during training.
59 # Create the MNIST neural network graph.
79 # Adding a name scope ensures logical grouping of the layers in the graph.
98 # during training of this graph. Log of zero gives inf, which is first seen
193 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/python/debug/lib/
dist_session_debug_grpc_test.py 114 """Create graph for testing.
117 Python Graph object.
119 with ops.Graph().as_default() as graph:
127 return graph
130 graph = self._createGraph()
132 config=self.session_config, graph=graph,
140 sess.graph,
152 sess.graph,
    [all...]
  /external/tensorflow/tensorflow/python/framework/
test_util_test.py 68 with self.cached_session(graph=None, config=None) as sess2:
74 with self.cached_session(graph=ops.Graph()) as sess2:
90 with ops.Graph().as_default() as g:
95 with ops.Graph().as_default() as g:
234 with ops.Graph().as_default():
622 # Call setUp again for WithCApi case (since it makes a new defeault graph
663 mode = "eager" if context.executing_eagerly() else "graph"
674 ("with_brackets", "graph"),
676 ("without_brackets", "graph"),
    [all...]
  /external/tensorflow/tensorflow/python/keras/optimizer_v2/
adam_test.py 205 with self.session(graph=ops.Graph()):
265 with self.session(graph=ops.Graph()):
359 with self.session(graph=ops.Graph()):
406 with self.session(graph=ops.Graph()):
  /external/tensorflow/tensorflow/python/kernel_tests/
control_flow_util_test.py 78 g = ops.Graph()
matrix_logarithm_op_test.py 171 with ops.Graph().as_default(), \
  /external/tensorflow/tensorflow/python/kernel_tests/random/
random_ops_test.py 48 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
68 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
165 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
266 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
random_poisson_test.py 44 with self.session(use_gpu=use_gpu, graph=ops.Graph()) as sess:
  /external/tensorflow/tensorflow/python/ops/
accumulate_n_benchmark.py 97 def _SetupAndRunBenchmark(self, graph, inputs, repeats, format_args):
98 with graph.as_default():
109 with session.Session(graph=graph):
123 graph = ops.Graph()
124 with graph.as_default():
128 self._SetupAndRunBenchmark(graph, inputs, repeats, format_args)
conv2d_benchmark.py 46 """builds a graph containing a sequence of conv2d operations.
99 """runs the graph and print its execution time.
119 graph = ops.Graph()
120 with graph.as_default():
133 # Convolution ops are effectively noop in the test graph as we are not
139 with session_lib.Session(graph=graph, config=config) as session:
matmul_benchmark.py 36 """Build a graph containing a sequence of matmul operations.
73 """Run the graph and print its execution time.
88 graph = ops.Graph()
89 with graph.as_default():
91 with session_lib.Session(graph=graph) as session:
matmul_benchmark_test.py 72 graph = ops.Graph()
73 with graph.as_default():
76 gd = graph.as_graph_def()
  /external/tensorflow/tensorflow/python/training/
server_lib_test.py 311 with ops.Graph().as_default():
319 with ops.Graph().as_default():
326 with ops.Graph().as_default():
332 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/python/training/tracking/
python_state_test.py 58 This snippet works both when graph building and when executing eagerly. On
60 a placeholder when graph building, or as a string constant when executing
61 eagerly). When restoring they skip the TensorFlow graph entirely, and so no
64 TensorFlow variables when graph building.
182 graph = ops.Graph()
183 with graph.as_default(), session.Session():
191 graph.finalize()
  /external/tensorflow/tensorflow/tools/gcs_test/python/
gcs_smoke.py 231 with tf.Graph().as_default():
  /external/v8/src/compiler/
branch-elimination.cc 7 #include "src/compiler/js-graph.h"
19 node_conditions_(js_graph->graph()->NodeCount(), zone),
20 reduced_(js_graph->graph()->NodeCount(), zone),
128 control = graph()->NewNode(
132 NodeProperties::MergeControlToEnd(graph(), common(), control);
133 Revisit(graph()->end());
252 Graph* BranchElimination::graph() const { return jsgraph()->graph(); } function in class:v8::internal::compiler::BranchElimination
frame-states.cc 9 #include "src/compiler/graph.h"
10 #include "src/compiler/js-graph.h"
110 Graph* const graph = jsgraph->graph(); local
118 Node* params_node = graph->NewNode(op_param, parameter_count, parameters);
126 Node* frame_state = graph->NewNode(

Completed in 818 milliseconds

<<21222324252627282930>>