HomeSort by relevance Sort by last modified time
    Searched refs:tensorflow (Results 376 - 400 of 5953) sorted by null

<<11121314151617181920>>

  /external/tensorflow/tensorflow/python/grappler/
cluster.i 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
16 %include "tensorflow/python/platform/base.i"
23 std::shared_ptr<tensorflow::grappler::Cluster> cluster_;
27 #include "tensorflow/core/protobuf/device_properties.pb.h"
30 bool _PyObjAs(PyObject *input, tensorflow::NamedDevice *out) {
38 tensorflow::NamedDevice named_device;
50 %typemap(in) const std::vector<tensorflow::NamedDevice>& (std::vector<tensorflow::NamedDevice> temp) {
51 if (!tf_vector_input_helper($input, &temp, &_PyObjAs<tensorflow::NamedDevice>)) {
57 %typemap(in) const tensorflow::NamedDevice& (tensorflow::NamedDevice temp)
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/tests/
xla_internal_test_main.cc 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
15 #include "tensorflow/compiler/xla/legacy_flags/debug_options_flags.h"
16 #include "tensorflow/core/platform/logging.h"
17 #include "tensorflow/core/platform/test.h"
20 std::vector<tensorflow::Flag> flag_list;
22 auto usage = tensorflow::Flags::Usage(argv[0], flag_list);
23 if (!tensorflow::Flags::Parse(&argc, argv, flag_list)) {
  /external/tensorflow/tensorflow/contrib/bayesflow/python/ops/
optimizers.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
26 from tensorflow.contrib.bayesflow.python.ops.sgld_optimizer import *
27 from tensorflow.contrib.bayesflow.python.ops.variational_sgd_optimizer import *
29 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/gan/python/eval/python/
classifier_metrics.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.gan.python.eval.python import classifier_metrics_impl
23 from tensorflow.contrib.gan.python.eval.python.classifier_metrics_impl import *
25 from tensorflow.python.util.all_util import remove_undocumented
eval_utils.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.gan.python.eval.python import eval_utils_impl
23 from tensorflow.contrib.gan.python.eval.python.eval_utils_impl import *
25 from tensorflow.python.util.all_util import remove_undocumented
sliced_wasserstein.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.gan.python.eval.python import sliced_wasserstein_impl
23 from tensorflow.contrib.gan.python.eval.python.sliced_wasserstein_impl import *
25 from tensorflow.python.util.all_util import remove_undocumented
summaries.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.gan.python.eval.python import summaries_impl
23 from tensorflow.contrib.gan.python.eval.python.summaries_impl import *
25 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/keras/api/keras/datasets/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.keras.api.keras.datasets import boston_housing
22 from tensorflow.contrib.keras.api.keras.datasets import cifar10
23 from tensorflow.contrib.keras.api.keras.datasets import cifar100
24 from tensorflow.contrib.keras.api.keras.datasets import imdb
25 from tensorflow.contrib.keras.api.keras.datasets import mnist
26 from tensorflow.contrib.keras.api.keras.datasets import reuters
  /external/tensorflow/tensorflow/contrib/learn/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
92 from tensorflow.contrib.learn.python.learn import *
95 from tensorflow.contrib.learn.python.learn import learn_runner_lib as learn_runner
97 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/losses/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
25 from tensorflow.contrib.losses.python import metric_learning
27 from tensorflow.contrib.losses.python.losses import *
29 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/seq2seq/python/ops/
beam_search_ops.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
20 from tensorflow.contrib.seq2seq.ops import gen_beam_search_ops
21 from tensorflow.contrib.util import loader
22 from tensorflow.python.platform import resource_loader
  /external/tensorflow/tensorflow/contrib/sparsemax/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
28 from tensorflow.contrib.sparsemax.python.ops.sparsemax import sparsemax
29 from tensorflow.contrib.sparsemax.python.ops.sparsemax_loss \
31 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/tensor_forest/python/ops/
tensor_forest_ops.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.contrib.tensor_forest.python.ops.gen_tensor_forest_ops import *
24 from tensorflow.contrib.util import loader
25 from tensorflow.python.platform import resource_loader
  /external/tensorflow/tensorflow/core/example/
example_parser_configuration.h 1 /* Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 #include "tensorflow/core/example/example.pb.h"
23 #include "tensorflow/core/example/example_parser_configuration.pb.h"
24 #include "tensorflow/core/framework/allocator.h"
25 #include "tensorflow/core/framework/graph.pb.h"
26 #include "tensorflow/core/framework/tensor.h"
27 #include "tensorflow/core/framework/types.h"
28 #include "tensorflow/core/platform/types.h"
29 #include "tensorflow/core/public/session.h"
30 #include "tensorflow/core/util/example_proto_helper.h
36 namespace tensorflow { namespace
    [all...]
  /external/tensorflow/tensorflow/core/platform/
test_main.cc 1 /* Copyright 2015 The TensorFlow Authors. All Rights Reserved.
21 #include "tensorflow/core/platform/platform.h"
29 #include "tensorflow/core/lib/core/stringpiece.h"
30 #include "tensorflow/core/platform/stacktrace_handler.h"
31 #include "tensorflow/core/platform/test.h"
32 #include "tensorflow/core/platform/test_benchmark.h"
37 tensorflow::testing::InstallStacktraceHandler();
40 if (tensorflow::StringPiece(argv[i]).starts_with("--benchmarks=")) {
42 tensorflow::testing::Benchmark::Run(pattern);
  /external/tensorflow/tensorflow/examples/label_image/
main.cc 1 /* Copyright 2015 The TensorFlow Authors. All Rights Reserved.
17 // recognition TensorFlow model, prepare input images for it, run them through
22 // auto for the types of a lot of the returned values from TensorFlow calls can
41 #include "tensorflow/cc/ops/const_op.h"
42 #include "tensorflow/cc/ops/image_ops.h"
43 #include "tensorflow/cc/ops/standard_ops.h"
44 #include "tensorflow/core/framework/graph.pb.h"
45 #include "tensorflow/core/framework/tensor.h"
46 #include "tensorflow/core/graph/default_device.h"
47 #include "tensorflow/core/graph/graph_def_builder.h
    [all...]
  /external/tensorflow/tensorflow/python/eager/
test.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.framework import ops as _ops
22 from tensorflow.python.platform import test as _test
23 from tensorflow.python.platform.test import * # pylint: disable=wildcard-import
  /external/tensorflow/tensorflow/python/estimator/inputs/
inputs.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.estimator.inputs.numpy_io import numpy_input_fn
23 from tensorflow.python.estimator.inputs.pandas_io import pandas_input_fn
25 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/python/framework/
errors.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
15 """Exception types for TensorFlow errors."""
22 from tensorflow.python.framework import errors_impl as _impl
26 from tensorflow.python.framework.errors_impl import *
28 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/python/keras/_impl/keras/engine/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras._impl.keras.engine.topology import get_source_inputs
22 from tensorflow.python.keras._impl.keras.engine.topology import Input
23 from tensorflow.python.keras._impl.keras.engine.topology import InputLayer
24 from tensorflow.python.keras._impl.keras.engine.topology import InputSpec
25 from tensorflow.python.keras._impl.keras.engine.topology import Layer
26 from tensorflow.python.keras._impl.keras.engine.training import Model
  /external/tensorflow/tensorflow/python/ops/distributions/
bijectors.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
15 """Core module for TensorFlow distribution bijectors."""
23 from tensorflow.python.ops.distributions.bijector import Bijector
24 from tensorflow.python.ops.distributions.identity_bijector import Identity
27 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/python/saved_model/
main_op.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
26 from tensorflow.python.saved_model.main_op_impl import main_op
27 from tensorflow.python.saved_model.main_op_impl import main_op_with_restore
29 from tensorflow.python.util.all_util import remove_undocumented
utils.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
24 from tensorflow.python.saved_model.utils_impl import build_tensor_info
25 from tensorflow.python.saved_model.utils_impl import get_tensor_from_tensor_info
27 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/tools/ci_build/builds/
libtensorflow.sh 2 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
18 # (1) The TensorFlow C-library: Containing C API header files and libtensorflow.so
19 # (2) Native library for the TensorFlow Java API: Containing libtensorflow_jni.so
24 # These binary distributions will allow use of TensorFlow in various languages
25 # without having to compile the TensorFlow framework from sources, which takes
66 # in tensorflow/tools/lib_package/BUILD are removed.
70 //tensorflow/tools/lib_package:libtensorflow_test \
71 //tensorflow/tools/lib_package:libtensorflow_java_test
74 //tensorflow/tools/lib_package:libtensorflow.tar.gz \
75 //tensorflow/tools/lib_package:libtensorflow_jni.tar.gz
    [all...]
  /external/tensorflow/tensorflow/c/
tf_status_helper.h 1 /* Copyright 2016 The TensorFlow Authors. All Rights Reserved.
19 #include "tensorflow/c/c_api.h"
20 #include "tensorflow/core/lib/core/status.h"
22 namespace tensorflow { namespace
30 } // namespace tensorflow

Completed in 588 milliseconds

<<11121314151617181920>>