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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/contrib/keras/api/keras/activations/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.activations import elu
23 from tensorflow.python.keras._impl.keras.activations import hard_sigmoid
24 from tensorflow.python.keras._impl.keras.activations import linear
25 from tensorflow.python.keras._impl.keras.activations import relu
26 from tensorflow.python.keras._impl.keras.activations import selu
27 from tensorflow.python.keras._impl.keras.activations import sigmoid
28 from tensorflow.python.keras._impl.keras.activations import softmax
29 from tensorflow.python.keras._impl.keras.activations import softplus
30 from tensorflow.python.keras._impl.keras.activations import softsig
    [all...]
  /external/tensorflow/tensorflow/contrib/keras/api/keras/callbacks/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras._impl.keras.callbacks import BaseLogger
22 from tensorflow.python.keras._impl.keras.callbacks import Callback
23 from tensorflow.python.keras._impl.keras.callbacks import CSVLogger
24 from tensorflow.python.keras._impl.keras.callbacks import EarlyStopping
25 from tensorflow.python.keras._impl.keras.callbacks import History
26 from tensorflow.python.keras._impl.keras.callbacks import LambdaCallback
27 from tensorflow.python.keras._impl.keras.callbacks import LearningRateScheduler
28 from tensorflow.python.keras._impl.keras.callbacks import ModelCheckpoint
29 from tensorflow.python.keras._impl.keras.callbacks import ProgbarLogge
    [all...]
  /external/tensorflow/tensorflow/python/keras/activations/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.activations import elu
23 from tensorflow.python.keras._impl.keras.activations import hard_sigmoid
24 from tensorflow.python.keras._impl.keras.activations import linear
25 from tensorflow.python.keras._impl.keras.activations import relu
26 from tensorflow.python.keras._impl.keras.activations import selu
27 from tensorflow.python.keras._impl.keras.activations import sigmoid
28 from tensorflow.python.keras._impl.keras.activations import softmax
29 from tensorflow.python.keras._impl.keras.activations import softplus
30 from tensorflow.python.keras._impl.keras.activations import softsig
    [all...]
  /external/tensorflow/tensorflow/python/keras/callbacks/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras._impl.keras.callbacks import BaseLogger
22 from tensorflow.python.keras._impl.keras.callbacks import Callback
23 from tensorflow.python.keras._impl.keras.callbacks import CSVLogger
24 from tensorflow.python.keras._impl.keras.callbacks import EarlyStopping
25 from tensorflow.python.keras._impl.keras.callbacks import History
26 from tensorflow.python.keras._impl.keras.callbacks import LambdaCallback
27 from tensorflow.python.keras._impl.keras.callbacks import LearningRateScheduler
28 from tensorflow.python.keras._impl.keras.callbacks import ModelCheckpoint
29 from tensorflow.python.keras._impl.keras.callbacks import ProgbarLogge
    [all...]
  /external/tensorflow/tensorflow/contrib/slim/python/slim/nets/
inception.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.contrib.slim.python.slim.nets.inception_v1 import inception_v1
23 from tensorflow.contrib.slim.python.slim.nets.inception_v1 import inception_v1_arg_scope
24 from tensorflow.contrib.slim.python.slim.nets.inception_v1 import inception_v1_base
25 from tensorflow.contrib.slim.python.slim.nets.inception_v2 import inception_v2
26 from tensorflow.contrib.slim.python.slim.nets.inception_v2 import inception_v2_arg_scope
27 from tensorflow.contrib.slim.python.slim.nets.inception_v2 import inception_v2_base
28 from tensorflow.contrib.slim.python.slim.nets.inception_v3 import inception_v3
29 from tensorflow.contrib.slim.python.slim.nets.inception_v3 import inception_v3_arg_scope
30 from tensorflow.contrib.slim.python.slim.nets.inception_v3 import inception_v3_bas
    [all...]
  /external/tensorflow/tensorflow/core/distributed_runtime/rpc/
grpc_testlib_server.cc 1 /* Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 #include "tensorflow/core/distributed_runtime/server_lib.h"
24 #include "tensorflow/core/lib/core/errors.h"
25 #include "tensorflow/core/lib/core/status.h"
26 #include "tensorflow/core/lib/strings/str_util.h"
27 #include "tensorflow/core/lib/strings/strcat.h"
28 #include "tensorflow/core/platform/env.h"
29 #include "tensorflow/core/platform/init_main.h"
30 #include "tensorflow/core/protobuf/cluster.pb.h"
31 #include "tensorflow/core/public/session_options.h
35 namespace tensorflow { namespace
    [all...]
  /external/tensorflow/tensorflow/contrib/cluster_resolver/python/training/
__init__.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.cluster_resolver.python.training.cluster_resolver import ClusterResolver
22 from tensorflow.contrib.cluster_resolver.python.training.cluster_resolver import SimpleClusterResolver
23 from tensorflow.contrib.cluster_resolver.python.training.cluster_resolver import UnionClusterResolver
24 from tensorflow.contrib.cluster_resolver.python.training.gce_cluster_resolver import GceClusterResolver
25 from tensorflow.contrib.cluster_resolver.python.training.tpu_cluster_resolver import TPUClusterResolver
  /external/tensorflow/tensorflow/contrib/kfac/
__init__.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.contrib.kfac.python.ops import curvature_matrix_vector_products_lib as curvature_matrix_vector_products
23 from tensorflow.contrib.kfac.python.ops import estimator_lib as estimator
24 from tensorflow.contrib.kfac.python.ops import fisher_blocks_lib as fisher_blocks
25 from tensorflow.contrib.kfac.python.ops import fisher_factors_lib as fisher_factors
26 from tensorflow.contrib.kfac.python.ops import layer_collection_lib as layer_collection
27 from tensorflow.contrib.kfac.python.ops import loss_functions_lib as loss_functions
28 from tensorflow.contrib.kfac.python.ops import op_queue_lib as op_queue
29 from tensorflow.contrib.kfac.python.ops import optimizer_lib as optimizer
30 from tensorflow.contrib.kfac.python.ops import utils_lib as util
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/utils/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
16 """TensorFlow Learn Utils."""
22 from tensorflow.contrib.learn.python.learn.utils.export import export_estimator
23 from tensorflow.contrib.learn.python.learn.utils.input_fn_utils import build_default_serving_input_fn
24 from tensorflow.contrib.learn.python.learn.utils.input_fn_utils import build_parsing_serving_input_fn
25 from tensorflow.contrib.learn.python.learn.utils.input_fn_utils import InputFnOps
26 from tensorflow.contrib.learn.python.learn.utils.saved_model_export_utils import make_export_strategy
  /external/tensorflow/tensorflow/contrib/specs/python/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.contrib.specs.python.params_ops import *
23 from tensorflow.contrib.specs.python.specs import *
24 from tensorflow.contrib.specs.python.specs_lib import *
25 from tensorflow.contrib.specs.python.specs_ops import *
26 from tensorflow.contrib.specs.python.summaries import *
  /external/tensorflow/tensorflow/contrib/tensor_forest/python/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
15 """Random forest implementation in tensorflow."""
21 from tensorflow.contrib.tensor_forest.python import tensor_forest
22 from tensorflow.contrib.tensor_forest.python.ops import data_ops
23 from tensorflow.contrib.tensor_forest.python.ops import model_ops
24 from tensorflow.contrib.tensor_forest.python.ops import stats_ops
25 from tensorflow.contrib.tensor_forest.python.ops import tensor_forest_ops
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/
__init__.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
15 """A time series library in TensorFlow (TFTS)."""
21 from tensorflow.contrib.timeseries.python.timeseries import saved_model_utils
24 from tensorflow.contrib.timeseries.python.timeseries.ar_model import *
25 from tensorflow.contrib.timeseries.python.timeseries.estimators import *
26 from tensorflow.contrib.timeseries.python.timeseries.feature_keys import *
27 from tensorflow.contrib.timeseries.python.timeseries.input_pipeline import *
  /external/tensorflow/tensorflow/python/client/
client_lib.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
50 from tensorflow.python.client.session import InteractiveSession
51 from tensorflow.python.client.session import Session
53 from tensorflow.python.framework import errors
54 from tensorflow.python.framework.errors import OpError
56 from tensorflow.python.framework.ops import get_default_session
  /external/tensorflow/tensorflow/python/debug/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
15 """Public Python API of TensorFlow Debugger (tfdbg).
48 from tensorflow.python.debug.lib.debug_data import DebugDumpDir
49 from tensorflow.python.debug.lib.debug_data import DebugTensorDatum
50 from tensorflow.python.debug.lib.debug_data import has_inf_or_nan
51 from tensorflow.python.debug.lib.debug_data import load_tensor_from_event
52 from tensorflow.python.debug.lib.debug_data import load_tensor_from_event_file
54 from tensorflow.python.debug.lib.debug_gradients import GradientsDebugger
56 from tensorflow.python.debug.lib.debug_graphs import reconstruct_non_debug_graph_def
58 from tensorflow.python.debug.lib.debug_utils import add_debug_tensor_watc
    [all...]
  /external/tensorflow/tensorflow/python/saved_model/
signature_def_utils.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
24 from tensorflow.python.saved_model.signature_def_utils_impl import build_signature_def
25 from tensorflow.python.saved_model.signature_def_utils_impl import classification_signature_def
26 from tensorflow.python.saved_model.signature_def_utils_impl import is_valid_signature
27 from tensorflow.python.saved_model.signature_def_utils_impl import predict_signature_def
28 from tensorflow.python.saved_model.signature_def_utils_impl import regression_signature_def
  /external/tensorflow/tensorflow/tools/ci_build/windows/cpu/pip/
build_tf_windows.sh 2 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
17 # This script assumes the standard setup on tensorflow Jenkins windows machines.
32 # This script is under <repo_root>/tensorflow/tools/ci_build/windows/cpu/pip/
35 cd ${script_dir%%tensorflow/tools/ci_build/windows/cpu/pip}.
38 source "tensorflow/tools/ci_build/windows/bazel/common_env.sh" \
42 source "tensorflow/tools/ci_build/windows/bazel/bazel_test_lib.sh" \
48 # by 20 minutes. See https://github.com/tensorflow/tensorflow/issues/10521
50 bazel build -c opt $BUILD_OPTS tensorflow/tools/pip_package:build_pip_package || exit $?
56 ./bazel-bin/tensorflow/tools/pip_package/build_pip_package "$PWD/${PY_TEST_DIR}
    [all...]
  /external/tensorflow/tensorflow/core/profiler/
tfprof_options.h 1 /* Copyright 2016 The TensorFlow Authors All Rights Reserved.
24 #include "tensorflow/core/framework/types.h"
25 #include "tensorflow/core/lib/core/status.h"
27 namespace tensorflow { namespace
101 static tensorflow::Status FromProtoStr(const string& opts_proto_str,
109 Options(int max_depth, tensorflow::int64 min_bytes,
110 tensorflow::int64 min_peak_bytes,
111 tensorflow::int64 min_residual_bytes,
112 tensorflow::int64 min_output_bytes, tensorflow::int64 min_micros
    [all...]
  /external/tensorflow/tensorflow/contrib/data/
__init__.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
52 from tensorflow.contrib.data.python.ops.batching import batch_and_drop_remainder
53 from tensorflow.contrib.data.python.ops.batching import dense_to_sparse_batch
54 from tensorflow.contrib.data.python.ops.batching import map_and_batch
55 from tensorflow.contrib.data.python.ops.batching import padded_batch_and_drop_remainder
56 from tensorflow.contrib.data.python.ops.batching import unbatch
57 from tensorflow.contrib.data.python.ops.counter import Counter
58 from tensorflow.contrib.data.python.ops.enumerate_ops import enumerate_dataset
59 from tensorflow.contrib.data.python.ops.error_ops import ignore_errors
60 from tensorflow.contrib.data.python.ops.get_single_element import get_single_elemen
    [all...]
  /external/tensorflow/tensorflow/contrib/keras/api/keras/initializers/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.initializers import Constant
23 from tensorflow.python.keras._impl.keras.initializers import Identity
24 from tensorflow.python.keras._impl.keras.initializers import Initializer
25 from tensorflow.python.keras._impl.keras.initializers import Ones
26 from tensorflow.python.keras._impl.keras.initializers import Orthogonal
27 from tensorflow.python.keras._impl.keras.initializers import RandomNormal
28 from tensorflow.python.keras._impl.keras.initializers import RandomUniform
29 from tensorflow.python.keras._impl.keras.initializers import TruncatedNormal
30 from tensorflow.python.keras._impl.keras.initializers import VarianceScalin
    [all...]
  /external/tensorflow/tensorflow/contrib/keras/api/keras/metrics/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.metrics import binary_accuracy
23 from tensorflow.python.keras._impl.keras.metrics import binary_crossentropy
24 from tensorflow.python.keras._impl.keras.metrics import categorical_accuracy
25 from tensorflow.python.keras._impl.keras.metrics import categorical_crossentropy
26 from tensorflow.python.keras._impl.keras.metrics import cosine_proximity
27 from tensorflow.python.keras._impl.keras.metrics import hinge
28 from tensorflow.python.keras._impl.keras.metrics import kullback_leibler_divergence
29 from tensorflow.python.keras._impl.keras.metrics import mean_absolute_error
30 from tensorflow.python.keras._impl.keras.metrics import mean_absolute_percentage_erro
    [all...]
  /external/tensorflow/tensorflow/python/keras/initializers/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.initializers import Constant
23 from tensorflow.python.keras._impl.keras.initializers import Identity
24 from tensorflow.python.keras._impl.keras.initializers import Initializer
25 from tensorflow.python.keras._impl.keras.initializers import Ones
26 from tensorflow.python.keras._impl.keras.initializers import Orthogonal
27 from tensorflow.python.keras._impl.keras.initializers import RandomNormal
28 from tensorflow.python.keras._impl.keras.initializers import RandomUniform
29 from tensorflow.python.keras._impl.keras.initializers import TruncatedNormal
30 from tensorflow.python.keras._impl.keras.initializers import VarianceScalin
    [all...]
  /external/tensorflow/tensorflow/python/keras/metrics/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.metrics import binary_accuracy
23 from tensorflow.python.keras._impl.keras.metrics import binary_crossentropy
24 from tensorflow.python.keras._impl.keras.metrics import categorical_accuracy
25 from tensorflow.python.keras._impl.keras.metrics import categorical_crossentropy
26 from tensorflow.python.keras._impl.keras.metrics import cosine_proximity
27 from tensorflow.python.keras._impl.keras.metrics import hinge
28 from tensorflow.python.keras._impl.keras.metrics import kullback_leibler_divergence
29 from tensorflow.python.keras._impl.keras.metrics import mean_absolute_error
30 from tensorflow.python.keras._impl.keras.metrics import mean_absolute_percentage_erro
    [all...]
  /external/tensorflow/tensorflow/contrib/tensorrt/convert/
convert_graph.cc 1 /* Copyright 2018 The TensorFlow Authors. All Rights Reserved.
16 #include "tensorflow/contrib/tensorrt/convert/convert_graph.h"
24 #include "tensorflow/contrib/tensorrt/convert/convert_nodes.h"
25 #include "tensorflow/contrib/tensorrt/segment/segment.h"
26 #include "tensorflow/core/graph/algorithm.h"
27 #include "tensorflow/core/graph/graph.h"
28 #include "tensorflow/core/graph/graph_constructor.h"
29 #include "tensorflow/core/grappler/clusters/virtual_cluster.h"
30 #include "tensorflow/core/grappler/costs/graph_properties.h"
31 #include "tensorflow/core/grappler/devices.h
46 namespace tensorflow { namespace
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/service/gpu/llvm_gpu_backend/
utils.cc 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
16 #include "tensorflow/compiler/xla/service/gpu/llvm_gpu_backend/utils.h"
18 #include "tensorflow/core/platform/logging.h"
24 #include "tensorflow/compiler/xla/types.h"
25 #include "tensorflow/core/lib/core/stringpiece.h"
26 #include "tensorflow/core/lib/strings/strcat.h"
55 string ReplaceFilenameExtension(tensorflow::StringPiece filename,
56 tensorflow::StringPiece new_extension) {
58 tensorflow::StringPiece stem =
59 pos == tensorflow::StringPiece::npo
    [all...]
  /external/tensorflow/tensorflow/contrib/boosted_trees/python/ops/
boosted_trees_ops_loader.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.util import loader
22 from tensorflow.python.framework import errors
23 from tensorflow.python.platform import resource_loader

Completed in 4905 milliseconds

<<11121314151617181920>>