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

1 2 3 4 5 6 78 91011>>

  /external/tensorflow/tensorflow/python/estimator/
estimator_lib.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.estimator.canned.baseline import BaselineClassifier
23 from tensorflow.python.estimator.canned.baseline import BaselineRegressor
24 from tensorflow.python.estimator.canned.dnn import DNNClassifier
25 from tensorflow.python.estimator.canned.dnn import DNNRegressor
26 from tensorflow.python.estimator.canned.dnn_linear_combined import DNNLinearCombinedClassifier
27 from tensorflow.python.estimator.canned.dnn_linear_combined import DNNLinearCombinedRegressor
28 from tensorflow.python.estimator.canned.linear import LinearClassifier
29 from tensorflow.python.estimator.canned.linear import LinearRegressor
30 from tensorflow.python.estimator.canned.parsing_utils import classifier_parse_example_spe
    [all...]
  /external/tensorflow/tensorflow/contrib/framework/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
101 from tensorflow.contrib.framework.python.framework import *
102 from tensorflow.contrib.framework.python.ops import *
105 from tensorflow.python.framework.ops import prepend_name_scope
106 from tensorflow.python.framework.ops import strip_name_scope
107 from tensorflow.python.ops.control_flow_ops import smart_cond
108 from tensorflow.python.ops.control_flow_ops import smart_constant_value
110 from tensorflow.python.framework.tensor_spec import BoundedTensorSpec
111 from tensorflow.python.framework.tensor_spec import TensorSpec
113 from tensorflow.python.util.all_util import remove_undocumente
    [all...]
  /external/tensorflow/tensorflow/tools/ci_build/windows/
libtensorflow_gpu.sh 2 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
34 export TF_BAZEL_TARGETS="//tensorflow:libtensorflow.so"
35 export TF_BAZEL_TARGETS="${TF_BAZEL_TARGETS} //tensorflow/tools/lib_package:clicenses_generate"
36 export TF_BAZEL_TARGETS="${TF_BAZEL_TARGETS} //tensorflow/java:libtensorflow_jni.so"
37 export TF_BAZEL_TARGETS="${TF_BAZEL_TARGETS} //tensorflow/tools/lib_package:jnilicenses_generate"
45 tensorflow:libtensorflow.so \
46 tensorflow/tools/lib_package:clicenses_generate \
47 tensorflow/java:libtensorflow_jni.so \
48 tensorflow/tools/lib_package:jnilicenses_generate
55 cp bazel-bin/tensorflow/java/libtensorflow_jni.so ${DIR}/tensorflow_jni.dl
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/tools/
hex_floats_to_packed_literal.cc 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
20 #include "tensorflow/compiler/xla/types.h"
21 #include "tensorflow/core/lib/core/casts.h"
22 #include "tensorflow/core/lib/core/status.h"
23 #include "tensorflow/core/lib/core/stringpiece.h"
24 #include "tensorflow/core/lib/io/buffered_inputstream.h"
25 #include "tensorflow/core/lib/io/random_inputstream.h"
26 #include "tensorflow/core/platform/env.h"
27 #include "tensorflow/core/platform/init_main.h"
28 #include "tensorflow/core/platform/logging.h
    [all...]
  /external/tensorflow/tensorflow/contrib/quantization/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
23 from tensorflow.contrib.quantization.python import array_ops as quantized_array_ops
24 from tensorflow.contrib.quantization.python.math_ops import *
25 from tensorflow.contrib.quantization.python.nn_ops import *
27 from tensorflow.python.ops import gen_array_ops as quantized_gen_array_ops
28 from tensorflow.python.ops.gen_array_ops import dequantize
29 from tensorflow.python.ops.gen_array_ops import quantize_v2
30 from tensorflow.python.ops.gen_array_ops import quantized_concat
  /external/tensorflow/tensorflow/python/ops/
nn.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
112 from tensorflow.python.ops import ctc_ops as _ctc_ops
113 from tensorflow.python.ops import embedding_ops as _embedding_ops
114 from tensorflow.python.ops import nn_grad as _nn_grad
115 from tensorflow.python.ops import nn_ops as _nn_ops
116 from tensorflow.python.ops.math_ops import sigmoid
117 from tensorflow.python.ops.math_ops import tanh
119 from tensorflow.python.util.all_util import remove_undocumented
124 from tensorflow.python.ops.ctc_ops import *
125 from tensorflow.python.ops.nn_impl import
    [all...]
standard_ops.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
26 from tensorflow.python.ops import array_grad
27 from tensorflow.python.ops import data_flow_grad
28 from tensorflow.python.ops import manip_grad
29 from tensorflow.python.ops import math_grad
30 from tensorflow.python.ops import manip_grad
31 from tensorflow.python.ops import sparse_grad
32 from tensorflow.python.ops import spectral_grad
33 from tensorflow.python.ops import state_grad
34 from tensorflow.python.ops import tensor_array_gra
    [all...]
  /external/tensorflow/tensorflow/contrib/framework/python/framework/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
15 """A module containing TensorFlow ops whose API may change in the future."""
22 from tensorflow.contrib.framework.python.framework.checkpoint_utils import *
23 from tensorflow.contrib.framework.python.framework.experimental import experimental
24 from tensorflow.contrib.framework.python.framework.graph_util import *
25 from tensorflow.contrib.framework.python.framework.tensor_util import *
27 from tensorflow.python.util import decorator_utils
28 from tensorflow.python.util import nest
29 from tensorflow.python.util.deprecation import deprecated
30 from tensorflow.python.util.deprecation import deprecated_arg_value
    [all...]
  /external/tensorflow/tensorflow/contrib/linalg/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
36 from tensorflow.contrib.linalg.python.ops.linear_operator_addition import *
37 from tensorflow.python.ops.linalg.linear_operator import *
38 from tensorflow.python.ops.linalg.linear_operator_composition import *
39 from tensorflow.python.ops.linalg.linear_operator_diag import *
40 from tensorflow.python.ops.linalg.linear_operator_full_matrix import *
41 from tensorflow.python.ops.linalg.linear_operator_identity import *
42 from tensorflow.python.ops.linalg.linear_operator_low_rank_update import *
43 from tensorflow.python.ops.linalg.linear_operator_lower_triangular import *
47 from tensorflow.python.util.all_util import remove_undocumente
    [all...]
  /external/tensorflow/tensorflow/python/framework/
framework_lib.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
17 """Classes and functions for building TensorFlow graphs.
65 ## For libraries building on TensorFlow
75 from tensorflow.python.framework.device import DeviceSpec
76 from tensorflow.python.framework.ops import Graph
77 from tensorflow.python.framework.ops import Operation
78 from tensorflow.python.framework.ops import Tensor
79 from tensorflow.python.framework.ops import IndexedSlices
81 from tensorflow.python.framework.sparse_tensor import SparseTensor
82 from tensorflow.python.framework.sparse_tensor import SparseTensorValu
    [all...]
  /external/tensorflow/tensorflow/compiler/tf2xla/
sharding_util.h 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
20 #include "tensorflow/compiler/xla/client/sharding_builder.h"
21 #include "tensorflow/compiler/xla/status_macros.h"
22 #include "tensorflow/core/graph/graph.h"
23 #include "tensorflow/core/lib/core/status.h"
25 namespace tensorflow { namespace
36 xla::StatusOr<tensorflow::gtl::optional<xla::OpSharding>>
38 tensorflow::gtl::optional<xla::OpSharding>
39 explicit_sharding = tensorflow::gtl::nullopt);
41 xla::StatusOr<tensorflow::gtl::optional<xla::OpSharding>
    [all...]
dump_graph_flags.h 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
23 #include "tensorflow/core/platform/types.h"
24 #include "tensorflow/core/util/command_line_flags.h"
26 namespace tensorflow { namespace
31 void AppendDumpGraphFlags(std::vector<tensorflow::Flag>* flag_list);
46 } // namespace tensorflow
  /external/tensorflow/tensorflow/compiler/xla/client/
padding.h 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
22 #include "tensorflow/compiler/xla/statusor.h"
23 #include "tensorflow/compiler/xla/types.h"
24 #include "tensorflow/core/lib/gtl/array_slice.h"
45 tensorflow::gtl::ArraySlice<int64> input_dimensions,
46 tensorflow::gtl::ArraySlice<int64> window_dimensions,
47 tensorflow::gtl::ArraySlice<int64> window_strides);
61 tensorflow::gtl::ArraySlice<int64> input_dimensions,
62 tensorflow::gtl::ArraySlice<int64> window_dimensions,
63 tensorflow::gtl::ArraySlice<int64> window_strides, Padding padding)
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/
service_interface.h 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
19 #include "tensorflow/compiler/xla/xla.pb.h"
20 #include "tensorflow/core/lib/core/status.h"
34 virtual tensorflow::Status TransferToClient(
37 virtual tensorflow::Status TransferToServer(
40 virtual tensorflow::Status TransferToInfeed(
43 virtual tensorflow::Status TransferFromOutfeed(
47 virtual tensorflow::Status ResetDevice(const ResetDeviceRequest* arg,
50 virtual tensorflow::Status LoadComputationSnapshot(
54 virtual tensorflow::Status Execute(const ExecuteRequest* arg
    [all...]
  /external/tensorflow/tensorflow/python/training/
server_lib.i 1 /* Copyright 2016 The TensorFlow Authors. All Rights Reserved.
16 %nothread tensorflow::ServerInterface::Join;
18 %include "tensorflow/python/platform/base.i"
20 //%newobject tensorflow::NewServer;
22 %typemap(in) const ServerDef& (tensorflow::ServerDef temp) {
40 std::unique_ptr<tensorflow::ServerInterface>* out_server (
41 std::unique_ptr<tensorflow::ServerInterface> temp) {
45 %typemap(argout) std::unique_ptr<tensorflow::ServerInterface>* out_server {
49 $descriptor(tensorflow::ServerInterface*),
53 %feature("except") tensorflow::ServerInterface::Join
    [all...]
  /external/tensorflow/tensorflow/contrib/keras/api/keras/backend/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.backend import abs
23 from tensorflow.python.keras._impl.keras.backend import all
24 from tensorflow.python.keras._impl.keras.backend import any
25 from tensorflow.python.keras._impl.keras.backend import arange
26 from tensorflow.python.keras._impl.keras.backend import argmax
27 from tensorflow.python.keras._impl.keras.backend import argmin
28 from tensorflow.python.keras._impl.keras.backend import backend
29 from tensorflow.python.keras._impl.keras.backend import batch_dot
30 from tensorflow.python.keras._impl.keras.backend import batch_flatte
    [all...]
  /external/tensorflow/tensorflow/python/keras/backend/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.backend import abs
23 from tensorflow.python.keras._impl.keras.backend import all
24 from tensorflow.python.keras._impl.keras.backend import any
25 from tensorflow.python.keras._impl.keras.backend import arange
26 from tensorflow.python.keras._impl.keras.backend import argmax
27 from tensorflow.python.keras._impl.keras.backend import argmin
28 from tensorflow.python.keras._impl.keras.backend import backend
29 from tensorflow.python.keras._impl.keras.backend import batch_dot
30 from tensorflow.python.keras._impl.keras.backend import batch_flatte
    [all...]
  /external/tensorflow/tensorflow/contrib/makefile/sub_makefiles/android/
Makefile.in 2 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
16 # This sub Makefile compiles the TensorFlow Android Inference library. This is
17 # designed to be used as a sub Makefile with tensorflow/contrib/makefile/Makefile.
20 # $ make -f tensorflow/contrib/makefile/Makefile TARGET=ANDROID \
22 # $(pwd)/tensorflow/contrib/makefile/sub_makefiles/android/Makefile.in \
28 # This library provides TensorFlow support on Android via the Java API and
31 # under tensorflow/java and tensorflow/contrib/android/java.
33 tensorflow/c/tf_status_helper.cc \
34 tensorflow/c/checkpoint_reader.cc
    [all...]
  /external/tensorflow/tensorflow/contrib/eager/python/
tfe.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
15 """TensorFlow Eager execution prototype.
76 from tensorflow.contrib.eager.python import metrics
77 from tensorflow.contrib.eager.python.datasets import Iterator
78 from tensorflow.contrib.eager.python.network import Network
79 from tensorflow.contrib.eager.python.network import Sequential
80 from tensorflow.contrib.eager.python.network import save_network_checkpoint
81 from tensorflow.contrib.eager.python.network import restore_network_checkpoint
82 from tensorflow.contrib.eager.python.saver import get_optimizer_variables
83 from tensorflow.contrib.eager.python.saver import restore_variables_on_creat
    [all...]
  /external/tensorflow/tensorflow/python/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
15 """Import core names of TensorFlow.
17 Programs that want to build TensorFlow Ops and Graphs without having to import
24 import tensorflow as tf
34 # If you want to edit this file to expose modules in public tensorflow API, you
36 # 1. Consult with tensorflow team and get approval for adding a new API to the
39 # 3. Import the module in the main tensorflow namespace by adding an import
49 from tensorflow.python import pywrap_tensorflow
52 from tensorflow.core.framework.graph_pb2 import *
53 from tensorflow.core.framework.node_def_pb2 import
    [all...]
  /external/tensorflow/tensorflow/python/util/
py_checkpoint_reader.i 1 /* Copyright 2015 The TensorFlow Authors. All Rights Reserved.
16 %include "tensorflow/python/lib/core/strings.i"
17 %include "tensorflow/python/platform/base.i"
20 #include "tensorflow/c/checkpoint_reader.h"
21 #include "tensorflow/core/lib/core/status.h"
22 #include "tensorflow/python/lib/core/ndarray_tensor.h"
23 #include "tensorflow/python/lib/core/py_func.h"
24 #include "tensorflow/python/lib/core/safe_ptr.h"
27 %typemap(out) const tensorflow::checkpoint::TensorSliceReader::VarToShapeMap& {
28 tensorflow::Safe_PyObjectPtr output_map(tensorflow::make_safe(PyDict_New()))
    [all...]
  /external/tensorflow/tensorflow/compiler/jit/legacy_flags/
encapsulate_subgraphs_pass_flags.h 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
23 #include "tensorflow/core/platform/types.h"
24 #include "tensorflow/core/util/command_line_flags.h"
26 namespace tensorflow { namespace
32 std::vector<tensorflow::Flag>* flag_list);
48 } // namespace tensorflow
parallel_check_op_flags.h 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
23 #include "tensorflow/core/platform/types.h"
24 #include "tensorflow/core/util/command_line_flags.h"
26 namespace tensorflow { namespace
31 void AppendParallelCheckOpFlags(std::vector<tensorflow::Flag>* flag_list);
50 } // namespace tensorflow
  /external/tensorflow/tensorflow/contrib/boosted_trees/lib/testutil/
batch_features_testutil.h 1 // Copyright 2017 The TensorFlow Authors. All Rights Reserved.
18 #include "tensorflow/contrib/boosted_trees/lib/utils/batch_features.h"
19 #include "tensorflow/core/framework/tensor.h"
20 #include "tensorflow/core/lib/random/simple_philox.h"
22 namespace tensorflow { namespace
37 tensorflow::random::SimplePhilox* rng, uint32 num_dense_float_features,
43 } // namespace tensorflow
  /external/tensorflow/tensorflow/contrib/graph_editor/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
15 """TensorFlow Graph Editor.
25 from tensorflow.contrib.graph_editor.edit import *
26 from tensorflow.contrib.graph_editor.reroute import *
27 from tensorflow.contrib.graph_editor.select import *
28 from tensorflow.contrib.graph_editor.subgraph import *
29 from tensorflow.contrib.graph_editor.transform import *
30 from tensorflow.contrib.graph_editor.util import *
35 from tensorflow.contrib.graph_editor import subgraph as _subgraph
36 from tensorflow.contrib.graph_editor import util as _uti
    [all...]

Completed in 307 milliseconds

1 2 3 4 5 6 78 91011>>