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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/contrib/boosted_trees/lib/testutil/
random_tree_gen_main.cc 1 // Copyright 2017 The TensorFlow Authors. All Rights Reserved.
17 #include "tensorflow/contrib/boosted_trees/lib/testutil/random_tree_gen.h"
18 #include "tensorflow/core/lib/core/status.h"
19 #include "tensorflow/core/lib/random/philox_random.h"
20 #include "tensorflow/core/lib/random/simple_philox.h"
21 #include "tensorflow/core/platform/env.h"
22 #include "tensorflow/core/platform/init_main.h"
23 #include "tensorflow/core/platform/logging.h"
24 #include "tensorflow/core/platform/types.h"
25 #include "tensorflow/core/util/command_line_flags.h
    [all...]
  /external/tensorflow/tensorflow/contrib/tpu/
__init__.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
54 from tensorflow.contrib.tpu.python import profiler
55 from tensorflow.contrib.tpu.python.ops.tpu_ops import *
56 from tensorflow.contrib.tpu.python.tpu.device_assignment import *
57 from tensorflow.contrib.tpu.python.tpu.topology import *
58 from tensorflow.contrib.tpu.python.tpu.tpu import *
59 from tensorflow.contrib.tpu.python.tpu.tpu_config import *
60 from tensorflow.contrib.tpu.python.tpu.tpu_estimator import *
61 from tensorflow.contrib.tpu.python.tpu.tpu_feed import *
62 from tensorflow.contrib.tpu.python.tpu.tpu_optimizer import
    [all...]
  /external/tensorflow/tensorflow/python/profiler/
profiler.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
15 """profiler python module provides APIs to profile TensorFlow models.
22 from tensorflow.core.profiler.tfprof_log_pb2 import OpLogProto
23 from tensorflow.core.profiler.tfprof_output_pb2 import AdviceProto
24 from tensorflow.core.profiler.tfprof_output_pb2 import GraphNodeProto
25 from tensorflow.core.profiler.tfprof_output_pb2 import MultiGraphNodeProto
27 from tensorflow.python.profiler.model_analyzer import advise
28 from tensorflow.python.profiler.model_analyzer import profile
29 from tensorflow.python.profiler.model_analyzer import Profiler
30 from tensorflow.python.profiler.option_builder import ProfileOptionBuilde
    [all...]
  /external/tensorflow/tensorflow/tools/ci_build/windows/
libtensorflow_cpu.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/contrib/learn/python/learn/estimators/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
20 * **Estimators** are used to train and evaluate TensorFlow models.
92 A classifier for TensorFlow DNN models.
107 A regressor for TensorFlow DNN models.
129 A classifier for TensorFlow Linear and DNN joined training models.
260 # 1. Configure the model via TensorFlow operations
270 In the Further Reading section below, there is an end-to-end TensorFlow
276 `tensorflow.contrib.factorization.python.ops`:
295 from tensorflow.contrib.learn.python.learn.estimators._sklearn import NotFittedError
296 from tensorflow.contrib.learn.python.learn.estimators.constants import ProblemTyp
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/
protobuf_util.cc 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
16 #include "tensorflow/compiler/xla/protobuf_util.h"
18 #include "tensorflow/compiler/xla/status_macros.h"
19 #include "tensorflow/compiler/xla/types.h"
20 #include "tensorflow/compiler/xla/util.h"
21 #include "tensorflow/core/lib/io/path.h"
22 #include "tensorflow/core/platform/env.h"
23 #include "tensorflow/core/platform/protobuf.h"
28 bool ProtobufEquals(const tensorflow::protobuf::Message& m1,
29 const tensorflow::protobuf::Message& m2)
    [all...]
test_helpers.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/core/stringpiece.h"
25 #include "tensorflow/core/platform/protobuf.h"
26 #include "tensorflow/core/platform/regexp.h"
27 #include "tensorflow/core/platform/test.h"
43 inline const ::tensorflow::Status& GetStatus(
44 const ::tensorflow::Status& status) {
49 inline const ::tensorflow::Status& GetStatus(const StatusOr<T>& status)
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/tools/
convert_computation.cc 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
24 #include "tensorflow/compiler/xla/service/session.pb.h"
25 #include "tensorflow/compiler/xla/statusor.h"
26 #include "tensorflow/compiler/xla/types.h"
27 #include "tensorflow/core/platform/env.h"
28 #include "tensorflow/core/platform/init_main.h"
29 #include "tensorflow/core/platform/logging.h"
30 #include "tensorflow/core/platform/protobuf.h"
37 tensorflow::Env* env = tensorflow::Env::Default()
    [all...]
hlo_proto_to_json.cc 1 /* Copyright 2017 The TensorFlow Authors. All Rights Reserved.
28 #include "tensorflow/compiler/xla/service/hlo.pb.h"
29 #include "tensorflow/compiler/xla/statusor.h"
30 #include "tensorflow/compiler/xla/util.h"
31 #include "tensorflow/core/lib/core/status.h"
32 #include "tensorflow/core/platform/env.h"
33 #include "tensorflow/core/platform/init_main.h"
34 #include "tensorflow/core/platform/logging.h"
35 #include "tensorflow/core/util/command_line_flags.h"
37 using tensorflow::Env
    [all...]
  /external/tensorflow/tensorflow/contrib/factorization/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.contrib.factorization.python.ops.clustering_ops import *
23 from tensorflow.contrib.factorization.python.ops.factorization_ops import *
24 from tensorflow.contrib.factorization.python.ops.gmm import *
25 from tensorflow.contrib.factorization.python.ops.gmm_ops import *
26 from tensorflow.contrib.factorization.python.ops.kmeans import *
27 from tensorflow.contrib.factorization.python.ops.wals import *
30 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/keras/api/keras/preprocessing/image/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras._impl.keras.preprocessing.image import apply_transform
22 from tensorflow.python.keras._impl.keras.preprocessing.image import array_to_img
23 from tensorflow.python.keras._impl.keras.preprocessing.image import DirectoryIterator
24 from tensorflow.python.keras._impl.keras.preprocessing.image import flip_axis
25 from tensorflow.python.keras._impl.keras.preprocessing.image import ImageDataGenerator
26 from tensorflow.python.keras._impl.keras.preprocessing.image import img_to_array
27 from tensorflow.python.keras._impl.keras.preprocessing.image import Iterator
28 from tensorflow.python.keras._impl.keras.preprocessing.image import load_img
29 from tensorflow.python.keras._impl.keras.preprocessing.image import NumpyArrayIterato
    [all...]
  /external/tensorflow/tensorflow/contrib/layers/python/layers/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.contrib.layers.python.layers.embedding_ops import *
23 from tensorflow.contrib.layers.python.layers.encoders import *
24 from tensorflow.contrib.layers.python.layers.feature_column import *
25 from tensorflow.contrib.layers.python.layers.feature_column_ops import *
26 from tensorflow.contrib.layers.python.layers.initializers import *
27 from tensorflow.contrib.layers.python.layers.layers import *
28 from tensorflow.contrib.layers.python.layers.normalization import *
29 from tensorflow.contrib.layers.python.layers.optimizers import *
30 from tensorflow.contrib.layers.python.layers.regularizers import
    [all...]
  /external/tensorflow/tensorflow/contrib/metrics/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
81 from tensorflow.contrib.metrics.python.metrics import *
83 from tensorflow.contrib.metrics.python.ops.confusion_matrix_ops import confusion_matrix
84 from tensorflow.contrib.metrics.python.ops.histogram_ops import auc_using_histogram
85 from tensorflow.contrib.metrics.python.ops.metric_ops import aggregate_metric_map
86 from tensorflow.contrib.metrics.python.ops.metric_ops import aggregate_metrics
87 from tensorflow.contrib.metrics.python.ops.metric_ops import auc_with_confidence_intervals
88 from tensorflow.contrib.metrics.python.ops.metric_ops import cohen_kappa
89 from tensorflow.contrib.metrics.python.ops.metric_ops import count
90 from tensorflow.contrib.metrics.python.ops.metric_ops import precision_recall_at_equal_threshold
    [all...]
  /external/tensorflow/tensorflow/contrib/py2tf/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
15 """Py2TF compiles Python code into equivalent TensorFlow code.
24 from tensorflow.contrib.py2tf import utils
25 from tensorflow.contrib.py2tf.impl.api import convert
26 from tensorflow.contrib.py2tf.impl.api import graph_ready
27 from tensorflow.contrib.py2tf.impl.api import to_code
28 from tensorflow.contrib.py2tf.impl.api import to_graph
29 from tensorflow.contrib.py2tf.pyct.transformer import PyFlowParseError
30 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/python/keras/preprocessing/image/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras._impl.keras.preprocessing.image import apply_transform
22 from tensorflow.python.keras._impl.keras.preprocessing.image import array_to_img
23 from tensorflow.python.keras._impl.keras.preprocessing.image import DirectoryIterator
24 from tensorflow.python.keras._impl.keras.preprocessing.image import flip_axis
25 from tensorflow.python.keras._impl.keras.preprocessing.image import ImageDataGenerator
26 from tensorflow.python.keras._impl.keras.preprocessing.image import img_to_array
27 from tensorflow.python.keras._impl.keras.preprocessing.image import Iterator
28 from tensorflow.python.keras._impl.keras.preprocessing.image import load_img
29 from tensorflow.python.keras._impl.keras.preprocessing.image import NumpyArrayIterato
    [all...]
  /external/tensorflow/tensorflow/contrib/cudnn_rnn/python/layers/
__init__.py 1 # Copyright 2015 The TensorFlow Authors. All Rights Reserved.
23 from tensorflow.contrib.cudnn_rnn.python.layers.cudnn_rnn import *
26 from tensorflow.contrib.cudnn_rnn.python.ops.cudnn_rnn_ops import CudnnCompatibleGRUCell
27 from tensorflow.contrib.cudnn_rnn.python.ops.cudnn_rnn_ops import CudnnCompatibleLSTMCell
28 from tensorflow.contrib.cudnn_rnn.python.ops.cudnn_rnn_ops import CudnnGRUSaveable
29 from tensorflow.contrib.cudnn_rnn.python.ops.cudnn_rnn_ops import CudnnLSTMSaveable
30 from tensorflow.contrib.cudnn_rnn.python.ops.cudnn_rnn_ops import CudnnRNNReluSaveable
31 from tensorflow.contrib.cudnn_rnn.python.ops.cudnn_rnn_ops import CudnnRNNTanhSaveable
  /external/tensorflow/tensorflow/contrib/keras/api/keras/models/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras._impl.keras.models import load_model
22 from tensorflow.python.keras._impl.keras.models import Model
23 from tensorflow.python.keras._impl.keras.models import model_from_config
24 from tensorflow.python.keras._impl.keras.models import model_from_json
25 from tensorflow.python.keras._impl.keras.models import model_from_yaml
26 from tensorflow.python.keras._impl.keras.models import save_model
27 from tensorflow.python.keras._impl.keras.models import Sequential
  /external/tensorflow/tensorflow/contrib/legacy_seq2seq/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
15 """Deprecated library for creating sequence-to-sequence models in TensorFlow.
36 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import attention_decoder
37 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import basic_rnn_seq2seq
38 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_attention_decoder
39 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_attention_seq2seq
40 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_rnn_decoder
41 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_rnn_seq2seq
42 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import embedding_tied_rnn_seq2seq
43 from tensorflow.contrib.legacy_seq2seq.python.ops.seq2seq import model_with_bucket
    [all...]
  /external/tensorflow/tensorflow/contrib/nccl/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
30 from tensorflow.contrib.nccl.python.ops.nccl_ops import all_max
31 from tensorflow.contrib.nccl.python.ops.nccl_ops import all_min
32 from tensorflow.contrib.nccl.python.ops.nccl_ops import all_prod
33 from tensorflow.contrib.nccl.python.ops.nccl_ops import all_sum
34 from tensorflow.contrib.nccl.python.ops.nccl_ops import broadcast
35 from tensorflow.contrib.nccl.python.ops.nccl_ops import reduce_sum
37 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/nn/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
33 from tensorflow.contrib.nn.python.ops.alpha_dropout import *
34 from tensorflow.contrib.nn.python.ops.cross_entropy import *
35 from tensorflow.contrib.nn.python.ops.sampling_ops import *
36 from tensorflow.contrib.nn.python.ops.scaled_softplus import *
37 from tensorflow.python.ops.nn_ops import conv1d_transpose
38 from tensorflow.python.ops.nn_ops import nth_element
41 from tensorflow.python.util.all_util import remove_undocumented
  /external/tensorflow/tensorflow/contrib/py2tf/utils/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.contrib.py2tf.utils.context_managers import control_dependency_on_returns
22 from tensorflow.contrib.py2tf.utils.misc import alias_tensors
23 from tensorflow.contrib.py2tf.utils.multiple_dispatch import run_cond
24 from tensorflow.contrib.py2tf.utils.multiple_dispatch import run_while
25 from tensorflow.contrib.py2tf.utils.printing import call_print
26 from tensorflow.contrib.py2tf.utils.py_func import wrap_py_func
27 from tensorflow.contrib.py2tf.utils.type_check import is_tensor
  /external/tensorflow/tensorflow/python/keras/_impl/keras/datasets/
__init__.py 1 # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
22 from tensorflow.python.keras._impl.keras.datasets import boston_housing
23 from tensorflow.python.keras._impl.keras.datasets import cifar10
24 from tensorflow.python.keras._impl.keras.datasets import cifar100
25 from tensorflow.python.keras._impl.keras.datasets import fashion_mnist
26 from tensorflow.python.keras._impl.keras.datasets import imdb
27 from tensorflow.python.keras._impl.keras.datasets import mnist
28 from tensorflow.python.keras._impl.keras.datasets import reuters
  /external/tensorflow/tensorflow/python/keras/datasets/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras.datasets import boston_housing
22 from tensorflow.python.keras.datasets import cifar10
23 from tensorflow.python.keras.datasets import cifar100
24 from tensorflow.python.keras.datasets import fashion_mnist
25 from tensorflow.python.keras.datasets import imdb
26 from tensorflow.python.keras.datasets import mnist
27 from tensorflow.python.keras.datasets import reuters
  /external/tensorflow/tensorflow/python/keras/models/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras._impl.keras.models import load_model
22 from tensorflow.python.keras._impl.keras.models import Model
23 from tensorflow.python.keras._impl.keras.models import model_from_config
24 from tensorflow.python.keras._impl.keras.models import model_from_json
25 from tensorflow.python.keras._impl.keras.models import model_from_yaml
26 from tensorflow.python.keras._impl.keras.models import save_model
27 from tensorflow.python.keras._impl.keras.models import Sequential
  /external/tensorflow/tensorflow/python/keras/applications/
__init__.py 1 # Copyright 2016 The TensorFlow Authors. All Rights Reserved.
21 from tensorflow.python.keras.applications import densenet
22 from tensorflow.python.keras.applications import inception_resnet_v2
23 from tensorflow.python.keras.applications import inception_v3
24 from tensorflow.python.keras.applications import mobilenet
25 from tensorflow.python.keras.applications import nasnet
26 from tensorflow.python.keras.applications import resnet50
27 from tensorflow.python.keras.applications import vgg16
28 from tensorflow.python.keras.applications import vgg19
29 from tensorflow.python.keras.applications import xceptio
    [all...]

Completed in 1485 milliseconds

<<11121314151617181920>>