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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/contrib/eager/python/examples/mnist/
mnist_graph_test.py 33 # mnist_test.py) and also be used to construct a TensorFlow graph, which is
35 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/eager/python/examples/resnet50/
resnet50_graph_test.py 15 """Tests and benchmarks for ResNet50 under graph execution."""
55 with tf.Graph().as_default():
69 with tf.Graph().as_default():
114 with tf.Graph().as_default():
138 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/graph_editor/examples/
edit_graph_example.py 31 # create a graph
32 g = tf.Graph()
41 # modify the graph
44 # print the graph def
48 with tf.Session(graph=g) as sess:
  /external/tensorflow/tensorflow/contrib/kfac/python/kernel_tests/
op_queue_test.py 31 with tf_ops.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/
graph_io_test.py 210 with ops.Graph().as_default() as g, self.test_session(graph=g) as sess:
245 with ops.Graph().as_default() as g, self.test_session(graph=g) as sess:
279 with ops.Graph().as_default() as g, self.test_session(graph=g) as sess:
328 with ops.Graph().as_default() as g, self.test_session(graph=g) as session:
377 with ops.Graph().as_default() as g, self.test_session(graph=g) as session
    [all...]
  /external/tensorflow/tensorflow/contrib/predictor/
contrib_estimator_predictor.py 37 graph=None):
49 graph: Optional. The Tensorflow `graph` in which prediction should be
52 self._graph = graph or ops.Graph()
  /external/tensorflow/tensorflow/contrib/quantize/python/
common_test.py 32 g = ops.Graph()
33 with session.Session(graph=g) as sess:
36 # Check that operations are added to the graph.
40 # Check that getting the quantization step doesn't change the graph.
45 # Ensure that running the graph increments the quantization step.
50 # Ensure that even running a graph that depends on the quantization step
  /external/tensorflow/tensorflow/contrib/receptive_field/python/util/examples/
write_inception_resnet_v2_graph.py 15 """Simple script to write Inception-ResNet-v2 model to graph file.
37 g = ops.Graph()
54 help='Directory where graph will be saved.')
58 default='graph.pbtxt',
59 help='Filename of graph that will be saved.')
  /external/tensorflow/tensorflow/contrib/summary/
summary_ops_graph_test.py 43 summary_ops.graph(ops.Graph())
45 summary_ops.graph('')
50 graph = graph_pb2.GraphDef(node=(node_def_pb2.NodeDef(name=name),))
53 summary_ops.initialize(graph=graph)
59 with ops.Graph().as_default(), self.test_session() as sess:
89 with ops.Graph().as_default(), self.test_session():
110 with ops.Graph().as_default(), self.test_session():
  /external/tensorflow/tensorflow/contrib/training/python/training/
feeding_queue_runner_test.py 47 with ops.Graph().as_default():
68 with ops.Graph().as_default():
87 with ops.Graph().as_default():
115 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/core/common_runtime/
kernel_benchmark_testlib.cc 26 #include "tensorflow/core/graph/graph.h"
43 Benchmark::Benchmark(const string& device, Graph* g,
44 const SessionOptions* options, Graph* init,
90 NewLocalExecutor(params, std::unique_ptr<Graph>(init), &init_exec));
98 TF_CHECK_OK(NewLocalExecutor(params, std::unique_ptr<Graph>(g), &exec_));
  /external/tensorflow/tensorflow/core/graph/
node_builder_test.cc 16 #include "tensorflow/core/graph/node_builder.h"
19 #include "tensorflow/core/graph/graph.h"
31 Graph graph(OpRegistry::Global());
35 .Finalize(&graph, &source_node));
41 .Finalize(&graph, nullptr));
44 .Finalize(&graph, nullptr));
49 .Finalize(&graph, nullptr)
53 .Finalize(&graph, nullptr
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
dynamic_partition_op_test.cc 27 #include "tensorflow/core/graph/node_builder.h"
28 #include "tensorflow/core/graph/testlib.h"
161 Node* DynamicPartitionNode(Graph* g, Node* in0, Node* in1, int num_partitions) {
172 static Graph* DynamicPartition(int num_partitions, int dim) {
173 Graph* g = new Graph(OpRegistry::Global());
185 DynamicPartitionNode(g, test::graph::Constant(g, data),
186 test::graph::Constant(g, partitions), num_partitions);
variable_ops_test.cc 18 #include "tensorflow/core/graph/graph.h"
19 #include "tensorflow/core/graph/node_builder.h"
33 Graph g(OpRegistry::Global());
  /external/tensorflow/tensorflow/go/
graph_test.go 25 func hasOperations(g *Graph, ops ...string) error {
33 return fmt.Errorf("Graph does not have the operations %v", missing)
48 return fmt.Errorf("Operations %v are missing from graph.Operations()", missing)
55 // Construct a graph
69 // Serialize the graph
75 // Import it into the same graph, with a prefix
  /external/tensorflow/tensorflow/python/data/kernel_tests/
range_dataset_op_test.py 204 with ops.Graph().as_default() as g:
206 with self.test_session(graph=g) as sess:
213 with ops.Graph().as_default() as g:
215 with self.test_session(graph=g) as sess:
224 with ops.Graph().as_default() as g:
226 with self.test_session(graph=g) as sess:
255 with ops.Graph().as_default() as g:
257 with self.test_session(graph=g) as sess:
267 with ops.Graph().as_default() as g:
275 with self.test_session(graph=g) as sess
    [all...]
  /external/tensorflow/tensorflow/python/estimator/inputs/queues/
feeding_queue_runner_test.py 50 with ops.Graph().as_default():
71 with ops.Graph().as_default():
90 with ops.Graph().as_default():
118 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/python/framework/
graph_io.py 32 """Writes a graph proto to a file.
34 The graph is written as a text proto unless `as_text` is `False`.
47 tf.train.write_graph(sess.graph, '/tmp/my-model', 'train.pbtxt')
51 graph_or_graph_def: A `Graph` or a `GraphDef` protocol buffer.
52 logdir: Directory where to write the graph. This can refer to remote
54 name: Filename for the graph.
55 as_text: If `True`, writes the graph as an ASCII proto.
60 if isinstance(graph_or_graph_def, ops.Graph):
  /external/tensorflow/tensorflow/python/kernel_tests/
numerics_test.py 69 with self.test_session(graph=ops.Graph()):
79 with self.test_session(graph=ops.Graph()):
89 with self.test_session(graph=ops.Graph()):
99 with self.test_session(graph=ops.Graph()):
  /external/tensorflow/tensorflow/python/saved_model/
utils_test.py 71 with ops.Graph().as_default() as expected_graph:
74 with ops.Graph().as_default(): # Some other graph.
77 graph=expected_graph)
79 self.assertIs(actual.graph, expected_graph)
84 with ops.Graph().as_default():
89 # Build a graph with node "foo/bar/x:0", akin to importing into scope foo.
90 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/python/summary/writer/
writer.py 48 def __init__(self, event_writer, graph=None, graph_def=None):
56 If you pass a `Graph` to the constructor it is added to
59 TensorBoard will pick the graph from the file and display it graphically so
60 you can interactively explore the graph you built. You will usually pass
61 the graph from the session in which you launched it:
64 ...create a graph...
65 # Launch the graph in a session.
67 # Create a summary writer, add the 'graph' to the event file.
68 writer = tf.summary.FileWriter(<some-directory>, sess.graph)
74 graph: A `Graph` object, such as `sess.graph`
    [all...]
  /external/tensorflow/tensorflow/python/tools/
strip_unused_test.py 42 # We'll create an input graph that has a single constant containing 1.0,
44 with ops.Graph().as_default():
55 graph_io.write_graph(sess.graph, self.get_temp_dir(), input_graph_name)
57 # We save out the graph to disk, and then call the const conversion
81 # Now we make sure the variable is now a constant, and that the graph still
83 with ops.Graph().as_default():
97 input_node = sess.graph.get_tensor_by_name("wanted_input_node:0")
98 output_node = sess.graph.get_tensor_by_name("output_node:0")
106 # We'll create an input graph that multiplies two input nodes.
107 with ops.Graph().as_default()
    [all...]
  /external/tensorflow/tensorflow/python/training/
saver_large_partitioned_variable_test.py 41 with session.Session("", graph=ops.Graph()) as sess:
saver_large_variable_test.py 41 with session.Session("", graph=ops.Graph()) as sess:
saver_test.py 83 with self.test_session(graph=ops_lib.Graph()) as sess:
84 # Build a graph with 2 parameter nodes, and Save and
114 with self.test_session(graph=ops_lib.Graph()) as sess:
134 # Build another graph with 2 nodes, initialized
136 with self.test_session(graph=ops_lib.Graph()) as sess:
173 with ops_lib.Graph().as_default() as g:
200 # Save from graph mode and restore from eager mode
    [all...]

Completed in 693 milliseconds

<<11121314151617181920>>