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

<<21222324252627282930>>

  /external/tensorflow/tensorflow/contrib/graph_editor/tests/
edit_test.py 32 - modify an existing graph.
33 - then make sure it has the expected topology using the graph matcher.
37 self.graph = ops.Graph()
38 with self.graph.as_default():
54 control_outputs = ge.ControlOutputs(self.graph)
56 # make sure the detached graph is as expected.
62 with self.graph.as_default():
  /external/tensorflow/tensorflow/contrib/model_pruning/examples/cifar10/
cifar10_eval.py 106 with tf.Graph().as_default() as g:
111 # Build a Graph that computes the logits predictions from the
cifar10_train.py 57 with tf.Graph().as_default():
63 # Build a Graph that computes the logits predictions from the
70 # Build a Graph that trains the model with one batch of examples and
80 # Use the pruning_obj to add ops to the training graph to update the masks
86 # Use the pruning_obj to add summaries to the graph to track the sparsity
  /external/tensorflow/tensorflow/contrib/model_pruning/python/
strip_pruning_vars_lib.py 54 """Extracts masked_weights from the graph as a dict of {var_name:ndarray}."""
55 input_graph = ops.Graph()
59 with session.Session(graph=input_graph) as sess:
64 sess.graph.get_tensor_by_name(_tensor_name(node.name)))
75 """Removes mask variable from the graph.
84 output_node_names: List of name strings for the result nodes of the graph
121 output_node_names: List of name strings for the result nodes of the graph.
  /external/tensorflow/tensorflow/contrib/opt/python/training/
adam_gs_optimizer_test.py 169 with self.session(graph=ops.Graph()):
213 with ops.Graph().as_default():
355 g = ops.Graph()
362 gg = ops.Graph()
368 # If the optimizer saves any state not keyed by graph the following line
adamax_test.py 175 with self.session(graph=ops.Graph()):
202 with ops.Graph().as_default():
321 g = ops.Graph()
328 gg = ops.Graph()
334 # If the optimizer saves any state not keyed by graph the following line
lazy_adam_gs_optimizer_test.py 188 with self.session(graph=ops.Graph()):
232 with ops.Graph().as_default():
373 g = ops.Graph()
375 with self.session(graph=g):
380 gg = ops.Graph()
382 with self.session(graph=gg):
386 # If the optimizer saves any state not keyed by graph the following line
lazy_adam_optimizer_test.py 167 with self.session(graph=ops.Graph()):
206 with ops.Graph().as_default():
336 g = ops.Graph()
338 with self.session(graph=g):
343 gg = ops.Graph()
345 with self.session(graph=gg):
349 # If the optimizer saves any state not keyed by graph the following line
  /external/tensorflow/tensorflow/contrib/optimizer_v2/
adam_test.py 155 with self.session(graph=ops.Graph()):
183 with ops.Graph().as_default():
305 g = ops.Graph()
312 gg = ops.Graph()
318 # If the optimizer saves any state not keyed by graph the following line
  /external/tensorflow/tensorflow/contrib/predictor/
saved_model_predictor.py 119 graph=None,
139 graph: Optional. The Tensorflow `graph` in which prediction should be
149 self._graph = graph or ops.Graph()
  /external/tensorflow/tensorflow/contrib/receptive_field/python/util/
graph_compute_order_test.py 35 g: Tensorflow graph object (Graph proto).
37 g = ops.Graph()
80 # These will be used to make sure that the graph is topologically sorted.
89 # Since the graph is topologically sorted, the inputs to the current
parse_layer_parameters_test.py 39 g = ops.Graph()
  /external/tensorflow/tensorflow/contrib/rnn/python/tools/
checkpoint_convert.py 221 with ops.Graph().as_default():
  /external/tensorflow/tensorflow/contrib/timeseries/examples/
multivariate.py 71 with tf.Graph().as_default():
  /external/tensorflow/tensorflow/core/common_runtime/data/
standalone.cc 26 #include "tensorflow/core/graph/graph.h"
27 #include "tensorflow/core/graph/graph_constructor.h"
45 Graph graph(OpRegistry::Global());
46 TF_RETURN_IF_ERROR(ImportGraphDef({}, graph_def, &graph, nullptr));
48 // Instantiate enough of the TensorFlow runtime to run `graph` on a single CPU
54 // the lifetime of `graph`.
56 MakeUnique<FunctionLibraryDefinition>(graph.flib_def());
62 // Run graph up to `output_node` and extract the `DatasetBase` stored in th
    [all...]
  /external/tensorflow/tensorflow/core/common_runtime/
shape_refiner.h 23 #include "tensorflow/core/graph/graph.h"
86 // Node in the Graph, and providing/storing the 'input_tensor' Tensors
87 // used by Shape Inference functions, when available at graph
203 // given outer_context. Internally it instantiates the function as a graph
276 // execution of the entire constant subgraph as a graph is being
296 // Cache the graph corresponding to each functin definition for which shapes
298 std::unordered_map<const FunctionDef*, std::unique_ptr<const Graph>>
  /external/tensorflow/tensorflow/core/common_runtime/sycl/
sycl_device.h 219 Status FillContextMap(const Graph* graph,
  /external/tensorflow/tensorflow/core/graph/
graph_def_builder.cc 16 #include "tensorflow/core/graph/graph_def_builder.h"
20 #include "tensorflow/core/graph/tensor_id.h"
25 GraphDefBuilder::Options::Options(Graph* graph, Status* status)
26 : graph_(graph), status_(status) {}
  /external/tensorflow/tensorflow/core/grappler/
graph_view_test.cc 21 #include "tensorflow/core/graph/benchmark_testlib.h"
131 GraphView graph(&item.graph);
133 GraphView::InputPort input = graph.GetInputPort("AddN", 0);
136 GraphView::OutputPort fanin = graph.GetRegularFanin(input);
140 input = graph.GetInputPort("AddN", 1);
143 fanin = graph.GetRegularFanin(input);
147 GraphView::OutputPort output = graph.GetOutputPort("AddN", 0);
150 EXPECT_EQ(graph.GetFanout(output).size(), 2);
151 for (auto fanout : graph.GetFanout(output))
    [all...]
  /external/tensorflow/tensorflow/core/kernels/hexagon/
graph_transferer.h 26 #include "tensorflow/core/graph/graph.h"
39 // GraphTransferer transfers graph definitions into SoC memory.
41 // the graph on that chip.
56 // Load graph structure into GraphTransferer
66 // Load graph structure into GraphTransferer from protobuf file
86 // Return parameters for graph transfer
89 // Return mutable GraphTransferInfo for graph transfer
112 // Transform a remote fused graph to add an aggregated input node which takes
113 // all inputs of the remote graph
    [all...]
  /external/tensorflow/tensorflow/examples/how_tos/reading_data/
fully_connected_reader.py 136 # Tell TensorFlow that the model will be built into the default Graph.
137 with tf.Graph().as_default():
142 # Build a Graph that computes predictions from the inference model.
145 # Add to the Graph the loss calculation.
148 # Add to the Graph operations that train the model.
155 # Create a session for running operations in the Graph.
  /external/tensorflow/tensorflow/examples/label_image/
label_image.py 27 graph = tf.Graph()
32 with graph.as_default():
35 return graph
89 parser.add_argument("--graph", help="graph/model to be executed")
99 if args.graph:
100 model_file = args.graph
118 graph = load_graph(model_file) variable
128 input_operation = graph.get_operation_by_name(input_name
    [all...]
  /external/tensorflow/tensorflow/examples/speech_commands/
input_data.py 125 with tf.Session(graph=tf.Graph()) as sess:
142 with tf.Session(graph=tf.Graph()) as sess:
352 with tf.Session(graph=tf.Graph()) as sess:
367 """Builds a TensorFlow graph to apply the input distortions.
369 Creates a graph that loads a WAVE file, decodes it, scales the volume,
544 # Use the processing graph we created earlier to repeatedly to generate the
599 # Run the graph to produce the output audio
    [all...]
  /external/tensorflow/tensorflow/python/compiler/tensorrt/test/
concatenation_test.py 41 g = ops.Graph()
quantization_test.py 44 g = ops.Graph()
71 """Create a graph containing single segment with no quantization ranges."""
95 """Create a graph containing single segment with no quantization ranges."""
121 """Create a graph containing single segment with no quantization ranges."""
131 # graph into three TRT segments.

Completed in 1036 milliseconds

<<21222324252627282930>>