TensorFlow API 汉化

TensorFlow API 汉化

模块:tf

 

定义于tensorflow/__init__.py

将所有公共TensorFlow接口引入此模块。

模块

app module:通用入口点脚本。

bitwise module:操作整数二进制表示的操作。

compat module:Python 2与3兼容的函数。

contrib module:包含易失性或实验代码的contrib模块。

datamodule:tf.data.Dataset输入管道的API。

debugging module:tf.debugging名称空间的公共API。

distributions module:TensorFlow分发对象和帮助程序的核心模块。

dtypes module:tf.dtypes命名空间的公共API。

errors module:TensorFlow错误的异常类型。

estimator 模块:Estimator:用于处理模型的高级工具。

feature_column module:tf.feature_column命名空间的公共API。

flagsmodule:导入absl.flags的路由器。请参阅https://github.com/abseil/abseil-py。

gfile module:导入file_io的路由器。

graph_util module:帮助操作python中的张量图。

image 模块:图像处理和解码操作。

initializers module:tf.initializers命名空间的公共API。

io module:tf.io名称空间的公共API。

keras 模块:Keras API的实现意味着是TensorFlow的高级API。

layers module:tf.layers命名空间的公共API。

linalg 模块:线性代数的操作。

logging module:日志记录和摘要操作。

losses 模块:用于神经网络的损失操作。

manip module:操作张量的操作符。

math module:基本算术运算符。

metrics 模块:与评估相关的指标。

nn module:原始神经网络(NN)操作的包装器。

profiler module:tf.profiler命名空间的公共API。

python_io module:Python函数,用于直接操作TFRecord格式的文件。

pywrap_tensorflow module:TensorFlow SWIG生成的绑定的包装器。

quantization module:tf.quantization命名空间的公共API。

resource_loader 模块:资源管理库。

saved_model module:tf.saved_model命名空间的公共API。

sets module:Tensorflow设置操作。

sparse模块:稀疏张量表示。请参阅稀疏张量指南。

spectral 模块:频谱运算符(例如DCT,FFT,RFFT)。

strings module:使用字符串Tensors的操作。

summary module:tf.summary命名空间的公共API。

sysconfig module:系统配置库。

test 模块:测试。

tools 模

train 模块:支持培训模型。

user_ops module:tf.user_ops命名空间的公共API。

class AggregationMethod:列出用于组合渐变的聚合方法的类。

class AttrValue

class ConditionalAccumulator:用于聚合渐变的条件累加器。

class ConditionalAccumulatorBase:用于聚合渐变的条件累加器。

class ConfigProto

class DType:表示a中元素的类型Tensor

class DeviceSpec:表示TensorFlow设备的(可能是部分的)规范。

class Dimension:表示TensorShape中一个维的值。

class Event

class FIFOQueue:以先进先出顺序使元素出列的队列实现。

class FixedLenFeature:用于解析固定长度输入要素的配置。

class FixedLenSequenceFeature:用于将可变长度输入要素解析为a的配置Tensor

class FixedLengthRecordReader:从文件输出固定长度记录的Reader。

class GPUOptions

class GradientTape:记录自动区分操作。

class Graph:TensorFlow计算,表示为数据流图。

class GraphDef

class GraphKeys:用于图表集合的标准名称。

class GraphOptions

class HistogramProto

class IdentityReader:将排队的工作输出为键和值的Reader。

class IndexedSlices:给定索引处的一组张量切片的稀疏表示。

class InteractiveSession:TensorFlow Session,用于交互式上下文,例如shell。

class LMDBReader:从LMDB文件输出记录的Reader。

class LogMessage

class MetaGraphDef

class NameAttrList

class NodeDef

class OpError:TensorFlow执行失败时引发的一般错误。

class Operation:表示在张量上执行计算的图形节点。

class OptimizerOptions

class PaddingFIFOQueue:FIFOQueue,支持通过填充批处理可变大小的张量。

class PriorityQueue:以优先顺序排列元素的队列实现。

class QueueBase:队列实现的基类。

class RandomShuffleQueue:以随机顺序使元素出列的队列实现。

class ReaderBase:不同Reader类型的基类,每步生成一条记录。

class RegisterGradient:用于为op类型注册渐变函数的装饰器。

class RunMetadata

class RunOptions

class Session:用于运行TensorFlow操作的类。

class SessionLog

class SparseConditionalAccumulator:用于聚合稀疏梯度的条件累加器。

class SparseFeature:用于从中解析稀疏输入要素的配置Example

class SparseTensor:表示稀疏张量。

class SparseTensorValue:SparseTensorValue(索引,值,dense_shape)

class Summary

class SummaryMetadata

class TFRecordReader:从TFRecords文件输出记录的Reader。

class Tensor:代表一个输出Operation

class TensorArray:类包装动态大小,每时间步长,一次写入Tensor数组。

class TensorInfo

class TensorShape:表示a的形状Tensor

class TextLineReader:一个Reader,输出由换行符分隔的文件行。

class VarLenFeature:用于解析可变长度输入要素的配置。

class Variable:有关高级概述,请参见变量操作方法

class VariableAggregation:指示如何聚合分布式变量。

class VariableScope:变量范围对象携带默认值get_variable

class VariableSynchronization:指示何时同步分布式变量。

class WholeFileReader:一个Reader,它将文件的全部内容输出为值。

class constant_initializer:初始化程序,生成具有常量值的张量。

class name_scope:定义Python操作时使用的上下文管理器。

class ones_initializer:生成张量初始化为1的初始化程序。

class orthogonal_initializer:初始化程序,生成正交矩阵。

class random_normal_initializer:初始化程序,生成具有正态分布的张量。

class random_uniform_initializer:初始化程序,生成具有均匀分布的张量。

class truncated_normal_initializer:初始化程序,生成截断的正态分布。

class uniform_unit_scaling_initializer:初始化程序,生成张量而不缩放方差。

class variable_scope:用于定义创建变量(层)的操作的上下文管理器。

class variance_scaling_initializer:初始化程序能够使其比例适应权重张量的形状。

class zeros_initializer:生成张量初始化为0的初始化程序。

功能

Assert(...):断言给定条件为真。

NoGradient(...):指定类型的ops op_type不可区分。

NotDifferentiable(...):指定类型的ops op_type不可区分。

Print(...):打印张量列表。

abs(...):计算张量的绝对值。

accumulate_n(...):返回张量列表的元素和。

acos(...):计算x元素的acos。

acosh(...):计算x元素的反双曲余弦值。

add(...):返回x + y元素。

add_check_numerics_ops(...):连接check_numerics到每个浮点张量。

add_n(...):以元素方式添加所有输入张量。

add_to_collection(...):包装器Graph.add_to_collection()使用默认图形。

add_to_collections(...):包装器Graph.add_to_collections()使用默认图形。

all_variables(...):见tf.global_variables(废弃)

angle(...):返回复杂(或实际)张量的逐元素参数。

arg_max(...):返回张量维度上具有最大值的索引。(废弃)

arg_min(...):返回张量维度上具有最小值的索引。(废弃)

argmax(...):返回张量轴上具有最大值的索引。(不赞成的参数)

argmin(...):返回张量轴上具有最小值的索引。(不赞成的参数)

as_dtype(...):将给定转换type_valueDType

as_string(...):将给定张量中的每个条目转换为字符串。支持许多数字

asin(...):计算x元素的asin。

asinh(...):计算x元素的反双曲正弦值。

assert_equal(...):断言条件x == y保持元素。

assert_greater(...):断言条件x > y保持元素。

assert_greater_equal(...):断言条件x >= y保持元素。

assert_integer(...):断言x是整数dtype。

assert_less(...):断言条件x < y保持元素。

assert_less_equal(...):断言条件x <= y保持元素。

assert_near(...):断言条件x并且y元素紧密。

assert_negative(...):断言条件x < 0保持元素。

assert_non_negative(...):断言条件x >= 0保持元素。

assert_non_positive(...):断言条件x <= 0保持元素。

assert_none_equal(...):断言x != y所有元素的条件成立。

assert_positive(...):断言条件x > 0保持元素。

assert_proper_iterable(...):静态断言值是“正确的”可迭代的。

assert_rank(...):Assert的x排名等于rank

assert_rank_at_least(...):Assert的x等级等于rank或高于等级

assert_rank_in(...):Assert x已经排名靠前ranks

assert_same_float_dtype(...):根据tensors验证并返回float类型dtype

assert_scalar(...)

assert_type(...):静态断言给定的Tensor是指定类型。

assert_variables_initialized(...):返回一个Op来检查变量是否已初始化。

assign(...):通过为其指定’value’来更新’ref’。

assign_add(...):通过向其添加“值”来更新“ref”。

assign_sub(...):通过从中减去’value’来更新’ref’。

atan(...):计算x元素的atan。

atan2(...):计算y/x元素方面的反正切性,尊重参数的符号。

atanh(...):计算x元素的反双曲正切。

batch_to_space(...):BatchToSpace用于T型的4-D张量

batch_to_space_nd(...):用于类型T的ND张量的BatchToSpace

betainc(...):计算正则化的不完全β积分 一世X一个b

bincount(...):计算整数数组中每个值的出现次数。

bitcast(...):从一种类型到另一种类型的张量,无需复制数据。

boolean_mask(...):将boolean mask应用于张量。Numpy等价物tensor[mask]

broadcast_dynamic_shape(...):返回shape_x之间的广播动态形状shape_y

broadcast_static_shape(...):返回shape_x之间的广播静态形状shape_y

broadcast_to(...):为兼容的形状广播数组。

case(...):创建案例操作。

cast(...):将张量转换为新类型。

ceil(...):返回不小于x的元素方向最小整数。

check_numerics(...):检查NaN和Inf值的张量。

cholesky(...):计算一个或多个方阵的Cholesky分解。

cholesky_solve(...)A X = RHS给出Cholesky因子分解,求解线性方程组

clip_by_average_norm(...):将张量值剪切为最大平均L2范数。

clip_by_global_norm(...):通过其范数之和的比率来剪切多个张量的值。

clip_by_norm(...):将张量值剪切为最大L2范数。

clip_by_value(...):将张量值剪切到指定的最小值和最大值。

colocate_with(...)

complex(...):将两个实数转换为复数。

concat(...):沿一个维度连接张量。

cond(...)true_fn()如果谓词pred为真,返回false_fn()(不赞成的参数)

confusion_matrix(...):从预测和标签计算混淆矩阵。

conj(...):返回复数的复共轭。

constant(...):创建一个恒定的张量。

container(...):包装器Graph.container()使用默认图形。

control_dependencies(...):包装器Graph.control_dependencies()使用默认图形。

convert_to_tensor(...):将给定转换valueTensor

convert_to_tensor_or_indexed_slices(...):将给定对象转换为a Tensor或a IndexedSlices

convert_to_tensor_or_sparse_tensor(...):将值转换为SparseTensorTensor

cos(...):计算x元素的cos。

cosh(...):计算x元素的双曲余弦值。

count_nonzero(...):计算张量尺寸的非零元素数。(不赞成的参数)

count_up_to(...):递增’ref’直到达到’limit’。

create_partitioned_variables(...):根据给定的内容创建分区变量列表slicing

cross(...):计算成对交叉乘积。

cumprod(...):计算张量的累积产x一起axis

cumsum(...):计算张量的累积和x一起axis

custom_gradient(...):Decorator用于定义具有自定义渐变的函数。

decode_base64(...):解码Web安全base64编码的字符串。

decode_compressed(...):解压缩字符串。

decode_csv(...):将CSV记录转换为张量。每列映射到一个张量。

decode_json_example(...):将JSON编码的示例记录转换为二进制协议缓冲区字符串。

decode_raw(...):将字符串的字节重新解释为数字向量。

delete_session_tensor(...):删除给定张量句柄的张量。

depth_to_space(...):用于T型张量的DepthToSpace

dequantize(...):将“输入”张量反量化为浮点张量。

deserialize_many_sparse(...)SparseTensors从序列化的minibatch 反序列化和连接

device(...):包装器Graph.device()使用默认图形。

diag(...):返回具有给定对角线值的对角线张量。

diag_part(...):返回张量的对角线部分。

digamma(...):计算Psi,Lgamma的导数(绝对值的对数)

div(...):将x / y元素分开(使用Python 2除法运算符语义)。

divide(...):计算的Python的风格划分xy

dynamic_partition(...)使用索引从分区data转换为num_partitions张量partitions

dynamic_stitch(...):将来自data张量的值交织到单个张量中。

edit_distance(...):计算序列之间的Levenshtein距离。

einsum(...):任意维度的张量之间的广义收缩。

enable_eager_execution(...):在此程序的生命周期内启用急切执行。

encode_base64(...):将字符串编码为web-safe base64格式。

equal(...):返回(x == y)元素的真值。

erf(...):计算x元素方面的高斯误差函数

erfc(...):计算x元素的互补误差函数

executing_eagerly(...):如果当前线程启用了预先执行,则返回True。

exp(...):计算x元素的指数。 ÿ=ËX

expand_dims(...):将尺寸1插入张量的形状。(不赞成的参数)

expm1(...):计算x – 1元素的指数。

extract_image_patches(...)patchesimages“深度”输出维度中提取并放入它们。

eye(...):构造一个单位矩阵或一批矩阵。

fake_quant_with_min_max_args(...):假定位’输入’张量,键入float到’outputs’张量相同的类型。

fake_quant_with_min_max_args_gradient(...):计算FakeQuantWithMinMaxArgs操作的渐变。

fake_quant_with_min_max_vars(...):通过全局浮动标量假定量化float类型的’inputs’张量 min

fake_quant_with_min_max_vars_gradient(...):计算FakeQuantWithMinMaxVars操作的渐变。

fake_quant_with_min_max_vars_per_channel(...):假量化float类型的’inputs’张量和其中一个形状:[d]

fake_quant_with_min_max_vars_per_channel_gradient(...):计算FakeQuantWithMinMaxVarsPerChannel操作的渐变。

fft(...):快速傅立叶变换。

fft2d(...):2D快速傅里叶变换。

fft3d(...):3D快速傅里叶变换。

fill(...):创建一个填充标量值的张量。

fixed_size_partitioner(...):分区程序指定沿给定轴的固定数量的分片。

floor(...):返回不大于x的元素方向最大整数。

floor_div(...):以元素方式返回x // y。

floordiv(...)x / y除以元素,向最负整数舍入。

floormod(...):返回除法元素的余数。x < 0xor y < 0

foldl(...)elems在尺寸0上解压缩的张量列表上的foldl 

foldr(...)elems在尺寸0上解压缩的张量列表上的foldr 

gather(...)根据params轴上采集切片axisindices

gather_nd(...):将切片从params具有指定形状的Tensor中收集indices

get_collection(...):包装器Graph.get_collection()使用默认图形。

get_collection_ref(...):包装器Graph.get_collection_ref()使用默认图形。

get_default_graph(...):返回当前线程的默认图形。

get_default_session(...):返回当前线程的默认会话。

get_local_variable(...):获取现有局部变量或创建新变量。

get_seed(...):返回操作应该使用给定特定种子的种子的本地种子。

get_session_handle(...):归还手柄data

get_session_tensor(...)dtype通过提供张量手柄获得张量类型

get_variable(...):使用这些参数获取现有变量或创建一个新变量。

get_variable_scope(...):返回当前变量范围。

global_norm(...):计算多个张量的全局范数。

global_variables(...):返回全局变量。

global_variables_initializer(...):返回初始化全局变量的Op。

glorot_normal_initializer(...):Glorot普通初始化器,也称为Xavier普通初始化器。

glorot_uniform_initializer(...):Glorot统一初始化器,也称为Xavier统一初始化器。

gradients(...):构造yswrt x in 的和的符号导数xs

greater(...):以元素方式返回(x> y)的真值。

greater_equal(...):以元素方式返回(x> = y)的真值。

group(...):创建一个将多个操作分组的操作。

guarantee_const(...):为TF运行时保证输入张量是常量。

hessians(...):构造的总和的Hessian矩阵ys相对于xxs

histogram_fixed_width(...):返回值的直方图。

histogram_fixed_width_bins(...):将给定值用于直方图。

identity(...):返回与输入相同的形状和内容的张量。

identity_n(...):返回与输入具有相同形状和内容的张量列表

ifft(...):逆快速傅里叶变换。

ifft2d(...):逆2D快速傅里叶变换。

ifft3d(...):逆3D快速傅里叶变换。

igamma(...):计算较低正则化的不完全Gamma函数Q(a, x)

igammac(...):计算上部正则化不完全Gamma函数Q(a, x)

imag(...):返回复数(或实数)张量的虚部。

import_graph_def(...):将图形graph_def导入当前默认值Graph(不赞成的参数)

initialize_all_tables(...):返回初始化默认图形的所有表的Op。(废弃)

initialize_all_variables(...):见tf.global_variables_initializer(废弃)

initialize_local_variables(...):见tf.local_variables_initializer(废弃)

initialize_variables(...):见tf.variables_initializer(废弃)

invert_permutation(...):计算张量的逆置换。

is_finite(...):返回x的哪些元素是有限的。

is_inf(...):返回x的哪些元素是Inf。

is_nan(...):返回x的哪些元素是NaN。

is_non_decreasing(...)True如果x不减少返回

is_numeric_tensor(...)

is_strictly_increasing(...)True如果x严格增加则返回

is_variable_initialized(...):测试变量是否已初始化。

lbeta(...):计算 ñ|ËŤ一个X|,沿着最后一个维度减少。

less(...):返回(x <y)元素的真值。

less_equal(...):以元素方式返回(x <= y)的真值。

lgamma(...):计算Gamma(x)元素的绝对值的对数

lin_space(...):生成间隔中的值。

linspace(...):生成间隔中的值。

load_file_system_library(...):加载TensorFlow插件,包含文件系统实现。

load_op_library(...):加载TensorFlow插件,包含自定义操作和内核。

local_variables(...):返回局部变量。

local_variables_initializer(...):返回初始化所有局部变量的Op。

log(...):计算x元素的自然对数。

log1p(...):计算(1 + x)元素的自然对数。

log_sigmoid(...):计算x元素方式的日志sigmoid 

logical_and(...):返回x和y元素的真值。

logical_not(...):返回NOT x元素的真值。

logical_or(...):返回x OR y元素的真值。

logical_xor(...):x ^ y =(x | y)&〜(x&y)。

make_ndarray(...):从张量中创建一个numpy ndarray。

make_template(...):给定一个任意函数,包装它以便它进行变量共享。

make_tensor_proto(...):创建TensorProto。

map_fn(...)elems在尺寸0上解压缩的张量列表上的地图

matching_files(...):返回与一个或多个glob模式匹配的文件集。

matmul(...):矩阵a乘以矩阵b,产生ab

matrix_band_part(...):复制张量设置每个最内层矩阵中央带外的所有内容

matrix_determinant(...):计算一个或多个方阵的行列式。

matrix_diag(...):返回具有给定批处理对角线值的批处理对角线张量。

matrix_diag_part(...):返回批处理张量的批处理对角线部分。

matrix_inverse(...):计算一个或多个平方可逆矩阵或它们的倒数

matrix_set_diag(...):返回具有新批处理对角线值的批处理矩阵张量。

matrix_solve(...):求解线性方程组。

matrix_solve_ls(...):解决一个或多个线性最小二乘问题。

matrix_transpose(...):转置张量的最后两个维度a

matrix_triangular_solve(...):求解具有上三角矩阵或下三角矩阵的线性方程组

maximum(...):以元素方式返回x和y的最大值(即x> y?x:y)。

meshgrid(...):广播用于评估ND网格的参数。

min_max_variable_partitioner(...):分区程序,用于分配每个切片的最小大小。

minimum(...):以元素方式返回x和y的min(即x <y?x:y)。

mod(...):返回除法元素的余数。x < 0xor y < 0

model_variables(...):返回MODEL_VARIABLES集合中的所有变量。

moving_average_variables(...):返回维护其移动平均值的所有变量。

multinomial(...):从多项分布中绘制样本。

multiply(...):以元素方式返回x * y。

negative(...):按元素计算数值负值。

no_op(...): 什么也没做。仅用作控制边的占位符。

no_regularizer(...):使用此函数可防止变量正则化。

norm(...):计算向量,矩阵和张量的范数。(不赞成的参数)

not_equal(...):以元素方式返回(x!= y)的真值。

one_hot(...):返回一个热的张量。

ones(...):创建一个张量,所有元素都设置为1。

ones_like(...):创建一个张量,所有元素都设置为1。

op_scope(...):已弃用。与上面的name_scope相同,只是不同的参数顺序。

pad(...):垫一个张量。

parallel_stack(...)R将一个等级(R+1)张量列表并行堆叠到一个等级 – 张量中。

parse_example(...):将Example原型解析dict为张量。

parse_single_example(...):解析一个Example原型。

parse_single_sequence_example(...):解析一个SequenceExample原型。

parse_tensor(...):将序列化的tensorflow.TensorProto原型转换为Tensor。

placeholder(...):插入一个占位符,用于将始终输入的张量。

placeholder_with_default(...):占位符op input在未输入其输出时通过

polygamma(...):计算polygamma函数 ψñX

pow(...):计算一个值与另一个值的幂。

py_func(...):包装python函数并将其用作TensorFlow操作。

qr(...):计算一个或多个矩阵的QR分解。

quantize(...):将float类型的’input’张量量化为’t’类型的’output’张量。

quantize_v2(...):请tf.quantize改用。

quantized_concat(...):沿一个维度连接量化张量。

random_crop(...):随机地将张量裁剪为给定大小。

random_gamma(...)shape从每个给定的Gamma分布中抽取样本。

random_normal(...):从正态分布输出随机值。

random_poisson(...)shape从每个给定的泊松分布中绘制样本。

random_shuffle(...):随机地沿着第一维度改变张量。

random_uniform(...):从均匀分布输出随机值。

range(...):创建一系列数字。

rank(...):返回张量的等级。

read_file(...):读取并输出输入文件名的全部内容。

real(...):返回复杂(或实际)张量的实部。

realdiv(...):返回实数类型的x / y元素。

reciprocal(...):计算x元素的倒数。

reduce_all(...):计算张量维度的元素的“逻辑和”。(不赞成的参数)

reduce_any(...):计算张量维度的“逻辑或”元素。(不赞成的参数)

reduce_join(...):在给定尺寸上连接字符串Tensor。

reduce_logsumexp(...):计算log(sum(exp(张量尺寸的元素)))。(不赞成的参数)

reduce_max(...):计算张量尺寸的元素最大值。(不赞成的参数)

reduce_mean(...):计算张量维度的元素平均值。(不赞成的参数)

reduce_min(...):计算张量尺寸的最小元素。(不赞成的参数)

reduce_prod(...):计算张量维度的元素乘积。(不赞成的参数)

reduce_sum(...):计算张量维度的元素总和。(不赞成的参数)

regex_replace(...):用重写替换输入中的模式匹配。

register_tensor_conversion_function(...):注册转换的对象的功能base_typeTensor

report_uninitialized_variables(...):添加ops以列出未初始化变量的名称。

required_space_to_batch_paddings(...):计算使block_shape除以input_shape所需的填充。

reset_default_graph(...):清除默认图形堆栈并重置全局默认图形。

reshape(...):重塑张量。

reverse(...):反转张量的特定尺寸。

reverse_sequence(...):反转可变长度切片。

reverse_v2(...):反转张量的特定尺寸。

rint(...):返回最接近x的逐元素整数。

round(...):将张量的值按元素逐行舍入为最接近的整数。

rsqrt(...):计算x元素的平方根的倒数。

saturate_cast(...):执行的安全饱和投valuedtype

scalar_mul(...):将标量乘以a TensorIndexedSlices对象。

scan(...):扫描在elems尺寸0上解压缩的张量列表

scatter_add(...):向引用的变量添加稀疏更新resource

scatter_div(...):通过稀疏更新划分变量引用。

scatter_max(...):使用该max操作将稀疏更新减少为变量引用

scatter_min(...):使用该min操作将稀疏更新减少为变量引用

scatter_mul(...):将稀疏更新乘以变量引用。

scatter_nd(...):据说,分散updates成一个新的张量indices

scatter_nd_add(...):对变量中的单个值或切片应用稀疏加法。

scatter_nd_sub(...):在updates各个值或切片之间应用稀疏减法

scatter_nd_update(...):将稀疏应用于updates变量中的单个值或切片。

scatter_sub(...):将稀疏更新减去变量引用。

scatter_update(...):将稀疏更新应用于变量引用。

segment_max(...):计算张量段的最大值。

segment_mean(...):计算张量段的平均值。

segment_min(...):计算张量段的最小值。

segment_prod(...):沿张量的片段计算产品。

segment_sum(...):计算张量段的总和。

self_adjoint_eig(...):计算一批自伴随矩阵的特征分解。

self_adjoint_eigvals(...):计算一个或多个自伴随矩阵的特征值。

sequence_mask(...):返回表示每个单元格的前N个位置的掩码张量。

serialize_many_sparse(...):序列化N-minibatch SparseTensor[N, 3] Tensor

serialize_sparse(...)SparseTensor将a 序列化为3向量(1-D Tensor)对象。

serialize_tensor(...):将Tensor转换为序列化的TensorProto原型。

set_random_seed(...):设置图级随机种子。

setdiff1d(...):计算两个数字或字符串列表之间的差异。

shape(...):返回张量的形状。

shape_n(...):返回张量的形状。

sigmoid(...):计算x元素方式的sigmoid 

sign(...):返回数字符号的元素指示。

sin(...):计算x元素的罪。

sinh(...):计算x元素的双曲正弦值。

size(...):返回张量的大小。

slice(...):从张量中提取切片。

space_to_batch(...):SpaceToBatch用于T型的4-D张量

space_to_batch_nd(...):SpaceToBatch用于T类型的ND张量

space_to_depth(...):T型张量的SpaceToDepth:

sparse_add(...):添加两个张量,每个至少有一个是张量SparseTensor

sparse_concat(...):连接SparseTensor指定维度的列表(不赞成的参数)

sparse_fill_empty_rows(...)SparseTensor使用默认值填充输入2-D中的空行

sparse_mask(...):面具元素IndexedSlices

sparse_matmul(...):矩阵“b”乘以矩阵“a”。

sparse_maximum(...):返回两个SparseTensors的元素最大值。

sparse_merge(...):将一批要素ID和值合并为一个SparseTensor

sparse_minimum(...):返回两个SparseTensors的元素分钟。

sparse_placeholder(...):插入一个占位符,表示将始终输入的稀疏张量。

sparse_reduce_max(...):计算SparseTensor维度的元素最大值。

sparse_reduce_max_sparse(...):计算SparseTensor维度的元素最大值。

sparse_reduce_sum(...):计算SparseTensor的维度之间的元素总和。

sparse_reduce_sum_sparse(...):计算SparseTensor的维度之间的元素总和。

sparse_reorder(...):重新排序SparseTensor为规范的行主要排序。

sparse_reset_shape(...):重置SparseTensor具有索引和值的a的形状不变。

sparse_reshape(...):重塑a SparseTensor以表示新的密集形状中的值。

sparse_retain(...):保留a中指定的非空值SparseTensor

sparse_segment_mean(...):计算张量的稀疏段的平均值。

sparse_segment_sqrt_n(...):计算张量的稀疏段除以sqrt(N)的总和。

sparse_segment_sum(...):计算张量的稀疏段的总和。

sparse_slice(...)SparseTensor根据start和`大小切片a 

sparse_softmax(...):将softmax应用于批量ND SparseTensor

sparse_split(...):将a拆分SparseTensornum_split张量axis(不赞成的参数)

sparse_tensor_dense_matmul(...):通过密集矩阵“B”将SparseTensor(等级2)乘以“A”。

sparse_tensor_to_dense(...):将a SparseTensor转换为密集张量。

sparse_to_dense(...):将稀疏表示转换为密集张量。

sparse_to_indicator(...):将一个SparseTensorid转换为一个密集的bool指标张量。

sparse_transpose(...):转置一个 SparseTensor

split(...):将张量分裂为子张量。

sqrt(...):计算x元素的平方根。

square(...):计算x元素的平方。

squared_difference(...):以元素方式返回(x – y)(x – y)。

squeeze(...):从张量的形状中移除尺寸为1的尺寸。(不赞成的参数)

stack(...)R将一个等级(R+1)张量列表堆叠成一个等级 – 张量。

stop_gradient(...):停止渐变计算。

strided_slice(...):提取张量的张量切片(广义python数组索引)。

string_join(...):将给定的字符串张量列表中的字符串连接成一个张量;

string_split(...):拆分source基于delimitera的元素SparseTensor

string_strip(...):从Tensor中删除前导和尾随空格。

string_to_hash_bucket(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

string_to_hash_bucket_fast(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

string_to_hash_bucket_strong(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

string_to_number(...):将输入Tensor中的每个字符串转换为指定的数字类型。

substr(...):从Tensor字符串返回子字符串。

subtract(...):返回x – y元素。

svd(...):计算一个或多个矩阵的奇异值分解。

tables_initializer(...):返回初始化默认图形的所有表的Op。

tan(...):计算x元素的tan。

tanh(...):计算x元素的双曲正切值

tensordot(...):沿指定轴张紧a和b的收缩。

tile(...):通过平铺给定的张量构造张量。

timestamp(...):提供自纪元以来的时间,以秒为单位。

to_bfloat16(...):将张量转换为类型bfloat16

to_complex128(...):将张量转换为类型complex128

to_complex64(...):将张量转换为类型complex64

to_double(...):将张量转换为类型float64

to_float(...):将张量转换为类型float32

to_int32(...):将张量转换为类型int32

to_int64(...):将张量转换为类型int64

trace(...):计算张量的轨迹x

trainable_variables(...):返回使用创建的所有变量trainable=True

transpose(...):转置a根据尺寸置换尺寸perm

truediv(...):将x / y元素分开(使用Python 3除法运算符语义)。

truncated_normal(...):从截断的正态分布输出随机值。

truncatediv(...):返回整数类型的x / y元素。

truncatemod(...):返回除法元素的余数。这样就模​​拟了C语义

tuple(...):集团张力在一起。

unique(...):在1-D张量中找到独特的元素。

unique_with_counts(...):在1-D张量中找到独特的元素。

unravel_index(...):将平面索引或平面索引数组转换为元组

unsorted_segment_max(...):计算张量段的最大值。

unsorted_segment_mean(...):计算张量段的平均值。

unsorted_segment_min(...):计算张量段的最小值。

unsorted_segment_prod(...):沿张量的片段计算产品。

unsorted_segment_sqrt_n(...):计算张量的段除以sqrt(N)的总和。

unsorted_segment_sum(...):计算张量段的总和。

unstack(...):将等级R张量的给定维度解包为等级(R-1)量。

variable_axis_size_partitioner(...):获取VariableScope的分区程序以保留下面的分片max_shard_bytes

variable_op_scope(...):不推荐使用:用于定义创建变量的op的上下文管理器。

variables_initializer(...):返回初始化变量列表的Op。

verify_tensor_all_finite(...):断言张量不包含任何NaN或Inf。

where(...):从x返回元素y,具体取决于condition

while_loop(...)body条件cond为真时重复

write_file(...):以输入文件名将内容写入文件。以递归方式创建文件

zeros(...):创建一个张量,所有元素都设置为零。

zeros_like(...):创建一个张量,所有元素都设置为零。

zeta(...):计算Hurwitz zeta函数 ζXq

其他成员

AUTO_REUSE

COMPILER_VERSION

CXX11_ABI_FLAG

GIT_VERSION

GRAPH_DEF_VERSION

GRAPH_DEF_VERSION_MIN_CONSUMER

GRAPH_DEF_VERSION_MIN_PRODUCER

MONOLITHIC_BUILD

QUANTIZED_DTYPES

VERSION

__all__

__compiler_version__

__cxx11_abi_flag__

__git_version__

__monolithic_build__

__version__

bfloat16

bool

complex128

complex64

double

float16

float32

float64

half

int16

int32

int64

int8

newaxis

qint16

qint32

qint8

quint16

quint8

resource

string

uint16

uint32

uint64

uint8

variant

模块:tf.app

 

定义于tensorflow/app/__init__.py

通用入口点脚本。

模块

flagsmodule:导入absl.flags的路由器。请参阅https://github.com/abseil/abseil-py。

功能

run(...):使用可选的’main’函数和’argv’列表运行程序。

模块:tf.bitwise

 

定义于tensorflow/bitwise/__init__.py

操作整数的二进制表示的操作。

功能

bitwise_and(...):按元素计算按位和xy

bitwise_or(...):按元素计算位或中xy

bitwise_xor(...):按元素计算按位异或xy

invert(...):按元素翻转所有位。

left_shift(...):按元素计算的按位左移xy

right_shift(...):按元素计算的按位右移xy

模块:tf.compat

 

定义于tensorflow/compat/__init__.py

Python 2与3兼容性的函数。

转换例程

除了下面的函数,还as_str可以将对象转换为str

类型

兼容性模块还提供以下类型:

  • bytes_or_text_types
  • complex_types
  • integral_types
  • real_types

功能

as_bytes(...)bytes使用utf-8编码将字节或unicode转换为文本。

as_str(...)bytes使用utf-8编码将字节或unicode转换为文本。

as_str_any(...):转换为stras str(value),但as_str用于bytes

as_text(...):将给定参数作为unicode字符串返回。

path_to_str(...):返回对象的文件系统路径表示PathLike,否则返回原样。

其他成员

bytes_or_text_types

complex_types

integral_types

real_types

模块:tf.contrib

 

定义于tensorflow/contrib/__init__.py

contrib模块包含volatile或实验代码。

模块

all_reduce module:All-reduce实现。

batching module:与批处理相关的Ops和模块。

bayesflow module:用于表示贝叶斯计算的Ops。

bigtable module:TensorFlow的Cloud Bigtable Client。

checkpoint module:用于处理基于对象的检查点的工具。

cloud 模块:云操作模块。

cluster_resolver module:Cluster Resolvers的标准导入。

coder 模块:数据压缩工具。

compiler module:用于控制Tensorflow / XLA JIT编译器的模块。

constrained_optimization module:用于在TensorFlow中执行约束优化的库。

copy_graph module:在图形之间复制元素的函数。

crf 模块:线性链CRF层。

cudnn_rnn 模块:融合Cudnn RNN模型的操作。

data 模块:用于构建输入管道的实验API。

decision_trees module:张量流中基于树的模型的共享表示。

deprecated module:已弃用的tf.X_summary操作的非核心别名。

distribute module:TF的分布式计算库的原型。

distributions module:表示统计分布的类和使用它们的操作。

eager 模块:TensorFlow Eager执行原型。

estimator 模块:实验工具re:tf.estimator。*。

factorization 模块:与分解相关的Ops和模块。

feature_column module:tf.feature_column的实验工具。

ffmpeg 模块:使用FFmpeg处理音频。

framework 模块:框架实用程序。

gan module:TFGAN是一个用于培训和评估GAN的轻量级库。

graph_editor module:TensorFlow Graph Editor。

grid_rnn module:GridRNN单元格

image module:用于图像处理的操作。

input_pipeline module:与input_pipeline相关的Ops和模块。

integrate 模块:集成和ODE求解器。

keras 模块:Keras API的实现意味着是TensorFlow的高级API。

kernel_methods module:在TensorFlow中启用显式内核方法的Ops和估算器。

kfac 模块:Kronecker因子近似曲率优化器。

labeled_tensor module:TensorFlow的标签。

layers 模块:用于构建神经网络层,正则化器,摘要等的操作。

learn module:用于学习的高级API(DEPRECATED)。

legacy_seq2seq module:用于在TensorFlow中创建序列到序列模型的过时库。

linalg 模块:线性代数库。

linear_optimizer 模块:用于训练线性模型的Ops。

lite module:TensorFlow Lite工具助手功能。

lookup module:用于查找操作的Ops。

losses 模块:用于构建神经网络损失的操作。

memory_stats module:用于内存统计的Ops。

meta_graph_transform module:用于将Graph Transform工具应用于MetaGraphDef的实用程序。

metrics module:用于评估指标和摘要统计的操作。

mixed_precision 模块:用于混合精确训练的库。

model_pruning module:tensorflow中的模型修剪实现。

nccl module:使用NVIDIA nccl集合操作的函数。

nn module:tf.nn中ops变体的模块。

opt module:包含优化例程的模块。

optimizer_v2 模块:Optimizer的分布感知版本。

periodic_resample module:periodic_resample使用的自定义op。

predictormodule:Predictors的模块

proto 模块:与proto相关的Ops和模块。

quantization module:用于构建量化模型的操作。

quantize module:用于重写量化训练图形的函数。

receptive_field module:在tf.contrib.receptive_field的API中声明函数的模块。

recurrent 模块:循环计算库。

reduce_slice_ops 模块:按片减少

remote_fused_graph 模块:远程融合图操作python库。

resampler 模块:与重采样器相关的操作和模块。

rnn 模块:RNN信元和附加的RNN操作。

rpc module:与RPC相关的Ops和模块。

saved_model module:SavedModel contrib支持。

seq2seq 模块:用于构建神经网络seq2seq解码器和丢失的操作。

session_bundle 模

signal 模块:信号处理操作。

slim module:Slim是contrib函数,示例和模型的接口。

solvers module:用于表示贝叶斯计算的Ops。

sparsemax module:实现sparsemax和sparsemax损失的模块,参见[1]。

specs module:Init文件,方便访问所有规格操作。

staging module:包含StagingArea的contrib模块。

stat_summarizer module:公开StatSummarizer实用程序类的Python包装器。

stateless 模块:将种子作为张量输入的无状态随机运算。

summary module:TensorFlow Summary API v2。

tensor_forest module:tensorflow中的随机森林实现。

tensorboard module:包含volatile或实验代码的tensorboard模块。

testing 模块:测试实用程序。

tfprof module:tfprof是一个分析TensorFlow模型各个方面的工具。

timeseries module:TensorFlow(TFTS)中的时间序列库。

tpu 模块:与Tensor Processing Units相关的Ops。

training 模块:培训和输入实用程序。

util 模块:用于处理Tensors的实用程序。

模块:tf.data

 

定义于tensorflow/data/__init__.py

tf.data.Dataset 输入管道的API。

有关概述,请参阅导入数据

class Dataset:表示可能很大的元素集。

class FixedLengthRecordDatasetDataset来自一个或多个二进制文件的固定长度记录的A.

class Iterator:表示迭代的状态Dataset

class TFRecordDatasetDataset包含来自一个或多个TFRecord文件的记录。

class TextLineDatasetDataset包含来自一个或多个文本文件的行。

模块:tf.debugging

 

定义于tensorflow/debugging/__init__.py

tf.debugging名称空间的公共API。

功能

check_numerics(...):检查NaN和Inf值的张量。

is_finite(...):返回x的哪些元素是有限的。

is_inf(...):返回x的哪些元素是Inf。

is_nan(...):返回x的哪些元素是NaN。

模块:tf.distributions

 

定义于tensorflow/distributions/__init__.py

TensorFlow分发对象和帮助程序的核心模块。

class Bernoulli:伯努利分布。

class Beta:Beta发行版。

class Categorical:分类分发。

class Dirichlet:Dirichlet分布。

class DirichletMultinomial:Dirichlet-Multinomial化合物分布。

class Distribution:通用概率分布基类。

class Exponential:指数分布。

class Gamma:Gamma分布。

class Laplace:具有位置locscale参数的拉普拉斯分布

class Multinomial:多项分布。

class Normal:具有位置locscale参数的正态分布

class RegisterKL:Decorator注册KL分歧实现函数。

class ReparameterizationType:此类的实例表示如何重新参数化采样。

class StudentT:学生的t分布。

class Uniform:具有均匀分布lowhigh参数。

功能

kl_divergence(...):获得KL-divergence KL(distribution_a || distribution_b)。

其他成员

FULLY_REPARAMETERIZED

NOT_REPARAMETERIZED

模块:tf.dtypes

 

定义于tensorflow/dtypes/__init__.py

tf.dtypes命名空间的公共API。

功能

as_string(...):将给定张量中的每个条目转换为字符串。支持许多数字

模块:tf.errors

 

定义于tensorflow/errors/__init__.py

TensorFlow错误的异常类型。

class AbortedError:操作已中止,通常是由于并发操作。

class AlreadyExistsError:当我们尝试创建的实体已存在时引发。

class CancelledError:取消操作或步骤时触发。

class DataLossError:遇到不可恢复的数据丢失或损坏时引发。

class DeadlineExceededError:在操作完成之前截止日期到期时引发。

class FailedPreconditionError:操作被拒绝,因为系统未处于执行状态。

class InternalError:系统遇到内部错误时引发。

class InvalidArgumentError:当操作收到无效参数时引发。

class NotFoundError:在找不到请求的实体(例如,文件或目录)时引发。

class OpError:TensorFlow执行失败时引发的一般错误。

class OutOfRangeError:当操作迭代超过有效输入范围时引发。

class PermissionDeniedError:当调用者没有运行操作的权限时触发。

class ResourceExhaustedError:有些资源已经用尽。

class UnauthenticatedError:请求没有有效的身份验证凭据。

class UnavailableError:当运行时当前不可用时引发。

class UnimplementedError:未执行操作时引发。

class UnknownError: 未知错误。

class raise_exception_on_not_ok_status:用于检查C API状态的上下文管理器。

功能

error_code_from_exception_type(...)

exception_type_from_error_code(...)

其他成员

ABORTED

ALREADY_EXISTS

CANCELLED

DATA_LOSS

DEADLINE_EXCEEDED

FAILED_PRECONDITION

INTERNAL

INVALID_ARGUMENT

NOT_FOUND

OK

OUT_OF_RANGE

PERMISSION_DENIED

RESOURCE_EXHAUSTED

UNAUTHENTICATED

UNAVAILABLE

UNIMPLEMENTED

UNKNOWN

模块:tf.estimator

 

定义于tensorflow/python/estimator/api/estimator/__init__.py

Estimator:用于处理模型的高级工具。

模块

export module:导出Estimator的实用方法。

inputs module:创建简单input_fns的实用方法。

class BaselineClassifier:可以建立简单基线的分类器。

class BaselineRegressor:可以建立简单基线的回归量。

class BestExporter:此类导出最佳模型的服务图和检查点。

class BoostedTreesClassifier:Tensorflow Boosted Trees模型的分类器。

class BoostedTreesRegressor:Tensorflow Boosted Trees模型的回归量。

class DNNClassifier:TensorFlow DNN模型的分类器。

class DNNLinearCombinedClassifier:TensorFlow Linear和DNN的估算器加入了分类模型。

class DNNLinearCombinedRegressor:TensorFlow Linear和DNN的估算器加入了回归模型。

class DNNRegressor:TensorFlow DNN型号的回归量。

class Estimator:Estimator类用于训练和评估TensorFlow模型。

class EstimatorSpec:从a返回的Ops和对象model_fn并传递给Estimator

class EvalSpectrain_and_evaluate呼叫的“eval”部分的配置

class Exporter:表示模型导出类型的类。

class FinalExporter:此类最后导出服务图和检查点。

class LatestExporter:此类定期导出服务图和检查点。

class LinearClassifier:线性分类器模型。

class LinearRegressor:TensorFlow线性回归问题的估算器。

class ModeKeys:模型模式的标准名称。

class RunConfig:此类指定Estimator运行的配置

class TrainSpectrain_and_evaluate呼叫的“火车”部分的配置

class VocabInfo:热门启动的词汇信息。

class WarmStartSettings:Estimators中热启动的设置。

功能

classifier_parse_example_spec(...):为tf.parse_example生成解析规范以与分类器一起使用。

regressor_parse_example_spec(...):为tf.parse_example生成解析规范,以与回归量一起使用。

train_and_evaluate(...):训练和评估estimator

模块:tf.feature_column

 

定义于tensorflow/feature_column/__init__.py

tf.feature_column命名空间的公共API。

功能

bucketized_column(...):表示离散密集输入。

categorical_column_with_hash_bucket(...):表示通过散列设置ID的稀疏功能。

categorical_column_with_identity(...)_CategoricalColumn返回标识值的A.

categorical_column_with_vocabulary_file(...)_CategoricalColumn带有词汇表文件的A.

categorical_column_with_vocabulary_list(...)_CategoricalColumn具有内存词汇表的A.

crossed_column(...):返回用于执行分类要素交叉的列。

embedding_column(...)_DenseColumn从稀疏的分类输入转换。

indicator_column(...):表示给定分类列的多热表示。

input_layer(...)Tensor根据给定返回密集的输入图层feature_columns

linear_model(...):返回Tensor基于给定的线性预测feature_columns

make_parse_example_spec(...):从输入feature_columns创建解析spec字典。

numeric_column(...):表示实际值或数字特征。

shared_embedding_columns(...):从稀疏,分类输入转换的密集列的列表。

weighted_categorical_column(...):将权重值应用于a _CategoricalColumn

模块:tf.gfile

 

定义于tensorflow/gfile/__init__.py

导入file_io的路由器。

class FastGFile:没有线程锁定的文件I / O包装器。

class GFile:没有线程锁定的文件I / O包装器。

class Open:没有线程锁定的文件I / O包装器。

功能

Copy(...):将数据从oldpath复制到newpath。

DeleteRecursively(...):递归删除dirname下的所有内容。

Exists(...):确定路径是否存在。

Glob(...):返回与给定模式匹配的文件列表。

IsDirectory(...):返回路径是否是目录。

ListDirectory(...):返回目录中包含的条目列表。

MakeDirs(...):创建目录和所有父/中间目录。

MkDir(...):创建名为“dirname”的目录。

Remove(...):删除位于’filename’的文件。

Rename(...):重命名或移动文件/目录。

Stat(...):返回给定路径的文件统计信息。

Walk(...):目录的递归目录树生成器。

模块:tf.graph_util

 

定义于tensorflow/graph_util/__init__.py

帮助操纵python中的张量图。

功能

convert_variables_to_constants(...):用相同值的常量替换图中的所有变量。

extract_sub_graph(...):提取可以到达’dest_nodes’中任何节点的子图。

must_run_on_cpu(...):如果给定的node_def必须在CPU上运行,则返回True,否则返回False。

remove_training_nodes(...):修剪推断不需要的节点。

tensor_shape_from_node_def_name(...):方便功能,从NodeDef的输入字符串中获取形状。

模块:tf.image

 

定义于tensorflow/image/__init__.py

图像处理和解码操作。

请参阅图像指南。

class ResizeMethod

功能

adjust_brightness(...):调整RGB或灰度图像的亮度。

adjust_contrast(...):调整RGB或灰度图像的对比度。

adjust_gamma(...):对输入图像执行Gamma校正。

adjust_hue(...):调整RGB图像的色调。

adjust_jpeg_quality(...):调整RGB图像的jpeg编码质量。

adjust_saturation(...):调整RGB图像的饱和度。

central_crop(...):裁剪图像的中心区域。

convert_image_dtype(...):转换imagedtype,根据需要缩放其值。

crop_and_resize(...):从输入图像张量中提取裁剪并调整它们的大小。

crop_to_bounding_box(...):将图像裁剪到指定的边界框。

decode_and_crop_jpeg(...):解码并将JPEG编码的图像裁剪为uint8张量。

decode_bmp(...):将BMP编码图像的第一帧解码为uint8张量。

decode_gif(...):将GIF编码图像的第一帧解码为uint8张量。

decode_image(...):便利功能decode_bmpdecode_gifdecode_jpeg

decode_jpeg(...):将JPEG编码的图像解码为uint8张量。

decode_png(...):将PNG编码的图像解码为uint8或uint16张量。

draw_bounding_boxes(...):在一批图像上绘制边界框。

encode_jpeg(...):JPEG编码图像。

encode_png(...):PNG编码图像。

extract_glimpse(...):从输入张量中提取一瞥。

extract_image_patches(...)patchesimages“深度”输出维度中提取并放入它们。

extract_jpeg_shape(...):提取JPEG编码图像的形状信息。

flip_left_right(...):水平翻转图像(从左到右)。

flip_up_down(...):垂直翻转图像(颠倒)。

grayscale_to_rgb(...):将一个或多个图像从灰度转换为RGB。

hsv_to_rgb(...):将一个或多个图像从HSV转换为RGB。

image_gradients(...):返回每个颜色通道的图像渐变(dy,dx)。

is_jpeg(...):便捷功能,用于检查’内容’是否对JPEG图像进行编码。

non_max_suppression(...):贪婪地按分数的降序选择边界框的子集。

non_max_suppression_overlaps(...):贪婪地按分数的降序选择边界框的子集。

pad_to_bounding_box(...)image使用零填充到指定的heightwidth

per_image_standardization(...):线性缩放image以具有零均值和单位范数。

psnr(...):返回a和b之间的峰值信噪比。

random_brightness(...):通过随机因素调整图像的亮度。

random_contrast(...):通过随机因子调整图像的对比度。

random_flip_left_right(...):水平随机翻转图像(从左到右)。

random_flip_up_down(...):垂直翻转图像(颠倒)。

random_hue(...):通过随机因子调整RGB图像的色调。

random_jpeg_quality(...):随机更改jpeg编码质量以诱导jpeg噪声。

random_saturation(...):通过随机因子调整RGB图像的饱和度。

resize_area(...):调整imagessize使用区域插值。

resize_bicubic(...):调整imagessize使用双三次插值。

resize_bilinear(...):调整imagessize使用双线性插值。

resize_image_with_crop_or_pad(...):裁剪和/或将图像填充到目标宽度和高度。

resize_image_with_pad(...):调整图像的大小并将其填充到目标宽度和高度。

resize_images(...):调整大小imagessize使用指定的method

resize_nearest_neighbor(...):调整imagessize使用最近邻插值。

rgb_to_grayscale(...):将一个或多个图像从RGB转换为灰度。

rgb_to_hsv(...):将一个或多个图像从RGB转换为HSV。

rgb_to_yiq(...):将一个或多个图像从RGB转换为YIQ。

rgb_to_yuv(...):将一个或多个图像从RGB转换为YUV。

rot90(...):逆时针旋转图像90度。

sample_distorted_bounding_box(...):为图像生成单个随机扭曲的边界框。

sobel_edges(...):返回一个持有Sobel边缘图的张量。

ssim(...):计算img1和img2之间的SSIM索引。

ssim_multiscale(...):计算img1和img2之间的MS-SSIM。

total_variation(...):计算并返回一个或多个图像的总变差。

transpose_image(...):通过交换高度和宽度尺寸来转置图像。

yiq_to_rgb(...):将一个或多个图像从YIQ转换为RGB。

yuv_to_rgb(...):将一个或多个图像从YUV转换为RGB。

模块:tf.initializers

 

定义于tensorflow/initializers/__init__.py

tf.initializers命名空间的公共API。

class constant:初始化程序,生成具有常量值的张量。

class identity:初始化程序,生成单位矩阵。

class ones:生成张量初始化为1的初始化程序。

class orthogonal:初始化程序,生成正交矩阵。

class random_normal:初始化程序,生成具有正态分布的张量。

class random_uniform:初始化程序,生成具有均匀分布的张量。

class truncated_normal:初始化程序,生成截断的正态分布。

class uniform_unit_scaling:初始化程序,生成张量而不缩放方差。

class variance_scaling:初始化程序能够使其比例适应权重张量的形状。

class zeros:生成张量初始化为0的初始化程序。

功能

global_variables(...):返回初始化全局变量的Op。

local_variables(...):返回初始化所有局部变量的Op。

variables(...):返回初始化变量列表的Op。

模块:tf.io

 

定义于tensorflow/io/__init__.py

tf.io名称空间的公共API。

功能

decode_base64(...):解码Web安全base64编码的字符串。

decode_compressed(...):解压缩字符串。

decode_json_example(...):将JSON编码的示例记录转换为二进制协议缓冲区字符串。

decode_raw(...):将字符串的字节重新解释为数字向量。

encode_base64(...):将字符串编码为web-safe base64格式。

matching_files(...):返回与一个或多个glob模式匹配的文件集。

parse_tensor(...):将序列化的tensorflow.TensorProto原型转换为Tensor。

read_file(...):读取并输出输入文件名的全部内容。

write_file(...):以输入文件名将内容写入文件。以递归方式创建文件

模块:tf.keras

 

定义于tensorflow/keras/__init__.py

Keras API的实现意味着TensorFlow的高级API。

keras.io提供详细的文档和用户指南 

模块

activations 模块:内置激活功能。

applications 模块:Keras应用程序是具有预先训练的权重的固定架构。

backend 模块:Keras后端API。

callbacks module:回调:在模型训练期间在某些点调用的实用程序。

constraints module:Constraints:对权重值施加约束的函数。

datasets module:Keras内置数据集。

estimator 模块:Keras估算器API。

initializers module:Keras初始化类(很快将被核心TF初始化器替换)。

layers 模块:Keras层API。

losses 模块:内置丢失功能。

metrics 模块:内置指标。

models module:模型克隆代码,以及与模型相关的API条目。

optimizers module:内置优化器类。

preprocessing 模块:Keras数据预处理工具。

regularizers 模块:内置正则化器。

utils 模块:Keras实用程序。

wrappers module:Keras模型的包装器,提供与其他框架的兼容性。

class ModelModel将图层分组为具有训练和推理功能的对象。

class Sequential:线性堆叠层。

功能

Input(...)Input()用于实例化Keras张量。

其他成员

__version__

模块:tf.layers

 

定义于tensorflow/layers/__init__.py

tf.layers命名空间的公共API。

class AveragePooling1D:1D输入的平均池层。

class AveragePooling2D:2D输入的平均合并层(例如图像)。

class AveragePooling3D:3D输入的平均合并层(例如卷)。

class BatchNormalization:来自http://arxiv.org/abs/1502.03167的批量标准化层。

class Conv1D:1D卷积层(例如,时间卷积)。

class Conv2D:2D卷积层(例如,图像上的空间卷积)。

class Conv2DTranspose:转置的2D卷积层(有时称为2D解卷积)。

class Conv3D:3D卷积层(例如,卷上的空间卷积)。

class Conv3DTranspose:转置3D卷积层(有时称为3D解卷积)。

class Dense:密集连接的图层类。

class Dropout:将Dropout应用于输入。

class Flatten:在保留批轴(轴0)的同时展平输入张量。

class InputSpec:指定图层的每个输入的ndim,dtype和形状。

class Layer:基础层类。

class MaxPooling1D:1D输入的最大池化层。

class MaxPooling2D:2D输入的最大池化层(例如图像)。

class MaxPooling3D:3D输入的最大池化层(例如卷)。

class SeparableConv1D:深度可分离的1D卷积。

class SeparableConv2D:深度可分的2D卷积。

功能

average_pooling1d(...):1D输入的平均池层。

average_pooling2d(...):2D输入的平均合并层(例如图像)。

average_pooling3d(...):3D输入的平均合并层(例如卷)。

batch_normalization(...):批处理规范化层的功能接口。

conv1d(...):1D卷积层的功能接口(例如,时间卷积)。

conv2d(...):2D卷积层的功能接口。

conv2d_transpose(...):转置2D卷积层的功能接口。

conv3d(...):3D卷积层的功能接口。

conv3d_transpose(...):转置3D卷积层的功能接口。

dense(...):密集连接层的功能接口。

dropout(...):将Dropout应用于输入。

flatten(...):在保留批轴(轴0)的同时展平输入张量。

max_pooling1d(...):1D输入的最大池化层。

max_pooling2d(...):2D输入的最大池化层(例如图像)。

max_pooling3d(...):3D输入的最大池化层(例如卷)。

separable_conv1d(...):深度可分离1D卷积层的功能接口。

separable_conv2d(...):深度可分离2D卷积层的功能接口。

模块:tf.linalg

 

定义于tensorflow/linalg/__init__.py

线性代数的运算。

class LinearOperator:定义[批量]线性运算符[s]的基类。

class LinearOperatorBlockDiag:将一个或多个组合LinearOperators到块对角矩阵中。

class LinearOperatorCirculantLinearOperator表现得像一个循环矩阵。

class LinearOperatorCirculant2DLinearOperator表现得像一个块循环矩阵。

class LinearOperatorCirculant3DLinearOperator表现得像嵌套块循环矩阵。

class LinearOperatorComposition:组成一个或多个LinearOperators

class LinearOperatorDiagLinearOperator表现得像[批量]方形对角矩阵。

class LinearOperatorFullMatrixLinearOperator包装[批处理]矩阵。

class LinearOperatorIdentityLinearOperator表现得像[批量]方形单位矩阵。

class LinearOperatorKronecker:两个之间的Kronecker产品LinearOperators

class LinearOperatorLowRankUpdate:Perturb a LinearOperator排名K更新。

class LinearOperatorLowerTriangularLinearOperator表现得像[批量]方形下三角矩阵。

class LinearOperatorScaledIdentityLinearOperator表现为缩放的[批处理]单位矩阵A = c I

功能

adjoint(...):转换最后两个维度和共轭张量matrix

band_part(...):复制张量设置每个最内层矩阵中央带外的所有内容

cholesky(...):计算一个或多个方阵的Cholesky分解。

cholesky_solve(...)A X = RHS给出Cholesky因子分解,求解线性方程组

cross(...):计算成对交叉乘积。

det(...):计算一个或多个方阵的行列式。

diag(...):返回具有给定批处理对角线值的批处理对角线张量。

diag_part(...):返回批处理张量的批处理对角线部分。

eigh(...):计算一批自伴随矩阵的特征分解。

eigvalsh(...):计算一个或多个自伴随矩阵的特征值。

einsum(...):任意维度的张量之间的广义收缩。

expm(...):计算一个或多个方阵的矩阵指数:

eye(...):构造一个单位矩阵或一批矩阵。

inv(...):计算一个或多个平方可逆矩阵或它们的倒数

logdet(...):计算埃尔米特正定矩阵的行列式的对数。

logm(...):计算一个或多个方阵的矩阵对数:

lstsq(...):解决一个或多个线性最小二乘问题。

norm(...):计算向量,矩阵和张量的范数。(不赞成的参数)

qr(...):计算一个或多个矩阵的QR分解。

set_diag(...):返回具有新批处理对角线值的批处理矩阵张量。

slogdet(...):计算行列式的绝对值的符号和日志

solve(...):求解线性方程组。

svd(...):计算一个或多个矩阵的奇异值分解。

tensor_diag(...):返回具有给定对角线值的对角线张量。

tensor_diag_part(...):返回张量的对角线部分。

tensordot(...):沿指定轴张紧a和b的收缩。

trace(...):计算张量的轨迹x

transpose(...):转置张量的最后两个维度a

triangular_solve(...):求解具有上三角矩阵或下三角矩阵的线性方程组

模块:tf.logging

 

定义于tensorflow/logging/__init__.py

记录和摘要操作。

功能

TaskLevelStatusMessage(...)

debug(...)

error(...)

fatal(...)

flush(...)

get_verbosity(...):返回将生成多少日志记录输出。

info(...)

log(...)

log_every_n(...):每’n’次在”级别’记录’msg%args’一次。

log_first_n(...):仅在第一次“n”次在“级别”级别记录“msg%args”。

log_if(...):仅在条件满足时,将’msg%args’记录在级别’级别’。

set_verbosity(...):设置将记录的消息的阈值。

vlog(...)

warn(...)

warning(...)

其他成员

DEBUG

ERROR

FATAL

INFO

WARN

模块:tf.losses

 

定义于tensorflow/losses/__init__.py

用于神经网络的损失操作。

注意:
默认情况下,
所有损失都会添加到GraphKeys.LOSSES集合中。

class Reduction:减少损失的类型。

功能

absolute_difference(...):在训练过程中添加绝对差值损失。

add_loss(...):为损失集合添加外部定义的损失。

compute_weighted_loss(...):计算加权损失。

cosine_distance(...):在训练过程中添加余弦距离损失。(不赞成的参数)

get_losses(...):获取loss_collection的损失列表。

get_regularization_loss(...):获取总正规化损失。

get_regularization_losses(...):获取正则化损失列表。

get_total_loss(...):返回一个张量,其值代表总损失。

hinge_loss(...):在训练过程中添加铰链损失。

huber_loss(...):在训练过程中添加Huber Loss术语。

log_loss(...):向训练过程添加日志丢失术语。

mean_pairwise_squared_error(...):在训练过程中添加成对误差平方损失。

mean_squared_error(...):在训练过程中添加平方和损失。

sigmoid_cross_entropy(...):使用tf.nn.sigmoid_cross_entropy_with_logits创建交叉熵损失。

softmax_cross_entropy(...):使用tf.nn.softmax_cross_entropy_with_logits_v2创建交叉熵损失。

sparse_softmax_cross_entropy(...):使用交叉熵损失tf.nn.sparse_softmax_cross_entropy_with_logits

模块:tf.manip

 

定义于tensorflow/manip/__init__.py

操纵张量的操作员。

功能

batch_to_space_nd(...):用于类型T的ND张量的BatchToSpace

gather_nd(...):将切片从params具有指定形状的Tensor中收集indices

reshape(...):重塑张量。

reverse(...):反转张量的特定尺寸。

roll(...):沿轴线滚动张量的元素。

scatter_nd(...):据说,分散updates成一个新的张量indices

space_to_batch_nd(...):SpaceToBatch用于T类型的ND张量

tile(...):通过平铺给定的张量构造张量。

模块:tf.math

 

定义于tensorflow/math/__init__.py

基本算术运算符。

请参阅数学指南。

功能

acos(...):计算x元素的acos。

acosh(...):计算x元素的反双曲余弦值。

add(...):返回x + y元素。

asin(...):计算x元素的asin。

asinh(...):计算x元素的反双曲正弦值。

atan(...):计算x元素的atan。

atan2(...):计算y/x元素方面的反正切性,尊重参数的符号。

atanh(...):计算x元素的反双曲正切。

bessel_i0(...):计算x元素的Bessel i0函数

bessel_i0e(...):计算x元素的Bessel i0e函数

bessel_i1(...):计算x元素的Bessel i1函数

bessel_i1e(...):计算x元素的Bessel i1e函数

betainc(...):计算正则化的不完全β积分 一世X一个b

ceil(...):返回不小于x的元素方向最小整数。

cos(...):计算x元素的cos。

cosh(...):计算x元素的双曲余弦值。

digamma(...):计算Psi,Lgamma的导数(绝对值的对数)

equal(...):返回(x == y)元素的真值。

erfc(...):计算x元素的互补误差函数

exp(...):计算x元素的指数。 ÿ=ËX

expm1(...):计算x – 1元素的指数。

floor(...):返回不大于x的元素方向最大整数。

greater(...):以元素方式返回(x> y)的真值。

greater_equal(...):以元素方式返回(x> = y)的真值。

igamma(...):计算较低正则化的不完全Gamma函数Q(a, x)

igammac(...):计算上部正则化不完全Gamma函数Q(a, x)

invert_permutation(...):计算张量的逆置换。

less(...):返回(x <y)元素的真值。

less_equal(...):以元素方式返回(x <= y)的真值。

lgamma(...):计算Gamma(x)元素的绝对值的对数

log(...):计算x元素的自然对数。

log1p(...):计算(1 + x)元素的自然对数。

logical_and(...):返回x和y元素的真值。

logical_not(...):返回NOT x元素的真值。

logical_or(...):返回x OR y元素的真值。

maximum(...):以元素方式返回x和y的最大值(即x> y?x:y)。

minimum(...):以元素方式返回x和y的min(即x <y?x:y)。

not_equal(...):以元素方式返回(x!= y)的真值。

polygamma(...):计算polygamma函数 ψñX

polyval(...):计算多项式的元素值。

reciprocal(...):计算x元素的倒数。

rint(...):返回最接近x的逐元素整数。

rsqrt(...):计算x元素的平方根的倒数。

segment_max(...):计算张量段的最大值。

segment_mean(...):计算张量段的平均值。

segment_min(...):计算张量段的最小值。

segment_prod(...):沿张量的片段计算产品。

segment_sum(...):计算张量段的总和。

sin(...):计算x元素的罪。

sinh(...):计算x元素的双曲正弦值。

softplus(...):计算softplus : log(exp(features) + 1).

softsign(...):计算softsign : features / (abs(features) + 1).

squared_difference(...):以元素方式返回(x – y)(x – y)。

tan(...):计算x元素的tan。

unsorted_segment_max(...):计算张量段的最大值。

unsorted_segment_min(...):计算张量段的最小值。

unsorted_segment_prod(...):沿张量的片段计算产品。

unsorted_segment_sum(...):计算张量段的总和。

zeta(...):计算Hurwitz zeta函数 ζXq

模块:tf.metrics

 

定义于tensorflow/metrics/__init__.py

与评估相关的指标。

功能

accuracy(...):计算predictions匹配的频率labels

auc(...):通过黎曼和计算近似AUC。

average_precision_at_k(...):计算与稀疏标签相关的预测的平均精度@ k。

false_negatives(...):计算错误否定的总数。

false_negatives_at_thresholds(...):在提供的阈值下计算假阴性。

false_positives(...):总结误报的权重。

false_positives_at_thresholds(...):在提供的阈值处计算误报。

mean(...):计算给定值的(加权)均值。

mean_absolute_error(...):计算标签和预测之间的平均绝对误差。

mean_cosine_distance(...):计算标签和预测之间的余弦距离。

mean_iou(...):计算每步平均交叉联合(mIOU)。

mean_per_class_accuracy(...):计算每类精度的平均值。

mean_relative_error(...):通过使用给定值进行标准化来计算平均相对误差。

mean_squared_error(...):计算标签和预测之间的均方误差。

mean_tensor(...):计算给定张量的逐元素(加权)均值。

percentage_below(...):计算小于给定阈值的值的百分比。

precision(...):计算与标签相关的预测精度。

precision_at_k(...):计算与稀疏标签相关的预测精度@ k。

precision_at_thresholds(...):计算对于不同的精度值thresholdspredictions

precision_at_top_k(...):计算与稀疏标签相关的预测精度@ k。

recall(...):计算关于标签的预测的召回。

recall_at_k(...):计算关于稀疏标签的预测的回忆@ k。

recall_at_thresholds(...):针对不同的计算各种召回值thresholdspredictions

recall_at_top_k(...):计算关于稀疏标签的top-k预测的召回@ k。

root_mean_squared_error(...):计算标签和预测之间的均方根误差。

sensitivity_at_specificity(...):计算给定灵敏度的特异性。

sparse_average_precision_at_k(...):重命名为average_precision_at_k,请改用该方法。(废弃)

sparse_precision_at_k(...):重命名为precision_at_k,请改用该方法。(废弃)

specificity_at_sensitivity(...):计算给定灵敏度的特异性。

true_negatives(...):求和true_negatives的权重。

true_negatives_at_thresholds(...):在提供的阈值下计算真阴性。

true_positives(...):总结true_positives的权重。

true_positives_at_thresholds(...):在提供的阈值处计算真阳性。

模块:tf.nn

 

定义于tensorflow/nn/__init__.py

用于原始神经网络(NN)操作的包装器。

模块

rnn_cell module:构建RNN Cell的模块。

功能

all_candidate_sampler(...):生成所有类的集合。

atrous_conv2d(...):Atrous卷积(也就是带孔洞或扩张卷积的卷积)。

atrous_conv2d_transpose(...):转置atrous_conv2d

avg_pool(...):对输入执行平均池化。

avg_pool3d(...):在输入上执行3D平均合并。

batch_norm_with_global_normalization(...):批量标准化。

batch_normalization(...):批量标准化。

bias_add(...):添加biasvalue

bidirectional_dynamic_rnn(...):创建双向递归神经网络的动态版本。

compute_accidental_hits(...):计算sampled_candidates匹配中的位置ID true_classes

conv1d(...):计算给定3-D输入和滤波器张量的1-D卷积。(不推荐使用的参数)(不推荐使用的参数)

conv2d(...):计算给定4-D inputfilter张量的2-D卷积

conv2d_backprop_filter(...):计算相对于滤波器的卷积梯度。

conv2d_backprop_input(...):计算相对于输入的卷积渐变。

conv2d_transpose(...):转置conv2d

conv3d(...):计算给定5-D inputfilter张量的3-D卷积

conv3d_backprop_filter_v2(...):计算相对于滤波器的3-D卷积的梯度。

conv3d_transpose(...):转置conv3d

convolution(...):计算ND卷积的总和(实际上是互相关)。

crelu(...):计算连接的ReLU。

ctc_beam_search_decoder(...):对输入中给出的logits执行波束搜索解码。

ctc_greedy_decoder(...):对输入(最佳路径)中给出的logits执行贪心解码。

ctc_loss(...):计算CTC(连接主义时间分类)损失。

depthwise_conv2d(...):深度2-D卷积。

depthwise_conv2d_native(...):计算给定4-D inputfilter张量的2-D深度卷积

depthwise_conv2d_native_backprop_filter(...):计算相对于滤波器的深度卷积的梯度。

depthwise_conv2d_native_backprop_input(...):计算相对于输入的深度卷积的梯度。

dilation2d(...):计算4-D input和3-D filter张量的灰度扩张

dropout(...):计算辍学率。

dynamic_rnn(...):创建由RNNCell指定的递归神经网络cell

elu(...):计算指数线性:exp(features) - 1如果<0,features否则。

embedding_lookup(...):查找ids嵌入式张量列表。

embedding_lookup_sparse(...):计算给定ID和权重的嵌入。

erosion2d(...):计算4-D value和3-D kernel张量的灰度侵蚀

fixed_unigram_candidate_sampler(...):使用提供的(固定)基本分布对一组类进行采样。

fractional_avg_pool(...):对输入执行小数平均池。

fractional_max_pool(...):对输入执行小数最大池。

fused_batch_norm(...):批量标准化。

in_top_k(...):说目标是否在最高K预测中。

l2_loss(...):L2损失。

l2_normalize(...)axis使用L2范数沿维度规范化(不赞成的参数)

leaky_relu(...):计算Leaky ReLU激活功能。

learned_unigram_candidate_sampler(...):从培训期间学习的分布中抽取一组课程。

local_response_normalization(...):本地响应规范化。

log_poisson_loss(...):计算给定的对数泊松损失log_input

log_softmax(...):计算log softmax激活。(不赞成的参数)

log_uniform_candidate_sampler(...):使用对数统一(Zipfian)基本分布对一组类进行采样。

lrn(...):本地响应规范化。

max_pool(...):对输入执行最大池化。

max_pool3d(...):在输入上执行3D最大池化。

max_pool_with_argmax(...):对输入执行最大池化并输出最大值和索引。

moments(...):计算平均值和方差x

nce_loss(...):计算并返回噪声对比估计训练损失。

normalize_moments(...):根据足够的统计数据计算均值和方差。

pool(...):执行ND池操作。

quantized_avg_pool(...):为量化类型生成输入张量的平均池。

quantized_conv2d(...):计算给定量化4D输入和滤波器张量的2D卷积。

quantized_max_pool(...):为量化类型生成输入张量的最大池。

quantized_relu_x(...):计算量化整流线性X: min(max(features, 0), max_value)

raw_rnn(...):创建RNN由RNNCell cell和循环函数指定的loop_fn

relu(...):计算纠正线性:max(features, 0)

relu6(...):计算整流线性6 : min(max(features, 0), 6).

relu_layer(...):计算Relu(x *权重+偏差)。

safe_embedding_lookup_sparse(...):查找嵌入结果,计算无效ID和空功能。

sampled_softmax_loss(...):计算并返回采样的softmax训练损失。

selu(...):计算缩放指数线性: scale * alpha * (exp(features) - 1)

separable_conv2d(...):带可分离滤波器的2-D卷积。

sigmoid(...):计算x元素方式的sigmoid 

sigmoid_cross_entropy_with_logits(...):计算给出的sigmoid cross entropy logits

softmax(...):计算softmax激活。(不赞成的参数)

softmax_cross_entropy_with_logits(...):计算logits之间的softmax交叉熵labels(废弃)

softmax_cross_entropy_with_logits_v2(...):计算logits之间的softmax交叉熵labels

softplus(...):计算softplus : log(exp(features) + 1).

softsign(...):计算softsign : features / (abs(features) + 1).

sparse_softmax_cross_entropy_with_logits(...):计算logits之间的稀疏softmax交叉熵labels

static_bidirectional_rnn(...):创建双向递归神经网络。

static_rnn(...):创建由RNNCell指定的递归神经网络cell

static_state_saving_rnn(...):RNN接受状态保护程序进行时间截断的RNN计算。

sufficient_statistics(...):计算平均值和方差的足够统计量x

tanh(...):计算x元素的双曲正切值

top_k(...):查找k最后一个维度最大条目的值和索引

uniform_candidate_sampler(...):使用统一的基本分布对一组类进行采样。

weighted_cross_entropy_with_logits(...):计算加权交叉熵。

weighted_moments(...):返回频率加权平均值和方差x

with_space_to_batch(...):执行op空间到批处理的表示input

xw_plus_b(...):计算matmul(x,权重)+偏差。

zero_fraction(...):返回零中的零分数value

其他成员

swish

模块:tf.profiler

 

定义于tensorflow/profiler/__init__.py

tf.profiler命名空间的公共API。

class AdviceProto

class GraphNodeProto

class MultiGraphNodeProto

class OpLogProto

class ProfileOptionBuilder:用于Profiling API的Option Builder。

class Profiler:TensorFlow多步分析器。

功能

advise(...):自动配置文件和建议。

profile(...):个人资料模型。

write_op_log(...):Log提供了’op_log’,并在下面添加其他模型信息。

模块:tf.python_io

 

定义于tensorflow/python_io/__init__.py

Python函数用于直接操作TFRecord格式的文件。

请参阅Data IO(Python函数)指南。

class TFRecordCompressionType:记录的压缩类型。

class TFRecordOptions:用于操作TFRecord文件的选项。

class TFRecordWriter:将记录写入TFRecords文件的类。

功能

tf_record_iterator(...):从TFRecords文件读取记录的迭代器。

模块:tf.quantization

 

定义于tensorflow/quantization/__init__.py

tf.quantization命名空间的公共API。

功能

dequantize(...):将“输入”张量反量化为浮点张量。

fake_quant_with_min_max_args(...):假定位’输入’张量,键入float到’outputs’张量相同的类型。

fake_quant_with_min_max_args_gradient(...):计算FakeQuantWithMinMaxArgs操作的渐变。

fake_quant_with_min_max_vars(...):通过全局浮动标量假定量化float类型的’inputs’张量 min

fake_quant_with_min_max_vars_gradient(...):计算FakeQuantWithMinMaxVars操作的渐变。

fake_quant_with_min_max_vars_per_channel(...):假量化float类型的’inputs’张量和其中一个形状:[d]

fake_quant_with_min_max_vars_per_channel_gradient(...):计算FakeQuantWithMinMaxVarsPerChannel操作的渐变。

quantized_concat(...):沿一个维度连接量化张量。

模块:tf.resource_loader

 

定义于tensorflow/resource_loader/__init__.py

资源管理库。

功能

get_data_files_path(...):获取与脚本共存的数据文件的直接路径。

get_path_to_datafile(...):获取数据依赖项中指定文件的路径。

get_root_dir_with_all_resources(...):获取包含构建规则中所有数据属性的根目录。

load_resource(...):在给定路径上加载资源,其中path相对于tensorflow /。

readahead_file_path(...):预读文件未实现; 只返回给定的路径。

模块:tf.saved_model

 

定义于tensorflow/saved_model/__init__.py

tf.saved_model命名空间的公共API。

模块

builder module:SavedModel构建器。

constants module:SavedModel保存和恢复操作的常量。

loader module:SavedModel的加载器功能,具有密封,语言中立的输出。

main_op module:SavedModel main op。

signature_constants module:SavedModel保存和恢复操作的签名常量。

signature_def_utils module:SignatureDef实用程序功能。

tag_constants module:SavedModel中用于图形的公共标记。

utils module:SavedModel实用程序功能。

功能

simple_save(...):构建适合服务的SavedModel的便捷功能。

模块:tf.sets

 

定义于tensorflow/sets/__init__.py

Tensorflow设置操作。

功能

set_difference(...):计算a和的最后一个维度中元素的集合差异b

set_intersection(...):计算设定在最后一维元件的交叉点ab

set_size(...):计算沿着最后一个维度的唯一元素的数量a

set_union(...):计算元素集合联盟的最后一维ab

模块:tf.sparse

 

定义于tensorflow/sparse/__init__.py

稀疏张量表示。请参阅稀疏张量指南。

功能

cross(...):从稀疏和密集张量列表生成稀疏交叉。

cross_hashed(...):从稀疏和密集张量列表中生成散列稀疏交叉。

模块:tf.spectral

 

定义于tensorflow/spectral/__init__.py

频谱运算符(例如DCT,FFT,RFFT)。

功能

dct(...):计算1D [离散余弦变换(DCT)] [dct] input

fft(...):快速傅立叶变换。

fft2d(...):2D快速傅里叶变换。

fft3d(...):3D快速傅里叶变换。

idct(...):计算1D [逆离散余弦变换(DCT)] [idct] input

ifft(...):逆快速傅里叶变换。

ifft2d(...):逆2D快速傅里叶变换。

ifft3d(...):逆3D快速傅里叶变换。

irfft(...):逆实数快速傅里叶变换。

irfft2d(...):逆2D实值快速傅里叶变换。

irfft3d(...):逆3D实值快速傅里叶变换。

rfft(...):实值快速傅里叶变换。

rfft2d(...):2D实值快速傅里叶变换。

rfft3d(...):3D实值快速傅里叶变换。

模块:tf.strings

 

定义于tensorflow/strings/__init__.py

使用字符串Tensors的操作。

请参阅字符串指南。

功能

join(...):将给定的字符串张量列表中的字符串连接成一个张量;

regex_full_match(...):检查输入是否与正则表达式模式匹配。

regex_replace(...):用重写替换输入中的模式匹配。

split(...):拆分source基于sepa的元素SparseTensor

strip(...):从Tensor中删除前导和尾随空格。

substr(...):从Tensor字符串返回子字符串。

to_hash_bucket(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

to_hash_bucket_fast(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

to_hash_bucket_strong(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

to_number(...):将输入Tensor中的每个字符串转换为指定的数字类型。

模块:tf.summary

 

定义于tensorflow/summary/__init__.py

tf.summary命名空间的公共API。

class Event

class FileWriter:将Summary协议缓冲区写入事件文件。

class FileWriterCache:缓存文件编写器。

class SessionLog

class Summary

class SummaryDescription

class TaggedRunMetadata

功能

audio(...):输出Summary带有音频协议缓冲区。

get_summary_description(...):给定TensorSummary node_def,检索其SummaryDescription。

histogram(...):输出Summary带有直方图协议缓冲区。

image(...):输出Summary带有图像协议缓冲区。

merge(...):合并摘要。

merge_all(...):合并默认图表中收集的所有摘要。

scalar(...):输出Summary包含单个标量值协议缓冲区。

tensor_summary(...):输出Summary带有序列化tensor.proto 协议缓冲区。

text(...):总结文本数据。

模块:tf.sysconfig

 

定义于tensorflow/sysconfig/__init__.py

系统配置库。

功能

get_compile_flags(...):获取自定义运算符的编译标志。

get_include(...):获取包含TensorFlow C ++头文件的目录。

get_lib(...):获取包含TensorFlow框架库的目录。

get_link_flags(...):获取自定义运算符的链接标志。

模块:tf.test

 

定义于tensorflow/test/__init__.py

测试。

请参阅测试指南。

注意:
是python的别名 取决于python版本。
 tf.test.mockmockunittest.mock

class Benchmark:为TensorFlow基准测试提供帮助程序的抽象类。

class StubOutForTesting:用于单元测试的存根方法的支持类。

class TestCase:需要测试TensorFlow的测试的基类。

功能

assert_equal_graph_def(...):断言两个GraphDefs(大多数)是相同的。

compute_gradient(...):计算并返回理论和数字雅可比行列式。

compute_gradient_error(...):计算渐变错误。

create_local_cluster(...):创建并启动本地服务器并返回关联的Server对象。

get_temp_dir(...):返回在测试期间使用的临时目录。

gpu_device_name(...):返回GPU设备的名称(如果可用)或空字符串。

is_built_with_cuda(...):返回TensorFlow是否使用CUDA(GPU)支持构建。

is_gpu_available(...):返回TensorFlow是否可以访问GPU。

main(...):运行所有单元测试。

test_src_dir_path(...):给定相对路径创建绝对测试srcdir路径。

模块:tf.train

 

定义于tensorflow/train/__init__.py

支持培训模型。

请参阅培训指南。

模块

queue_runner module:创建线程以运行多个enqueue操作。

class AdadeltaOptimizer:实现Adadelta算法的优化器。

class AdagradDAOptimizer:用于稀疏线性模型的Adagrad Dual Averaging算法。

class AdagradOptimizer:实现Adagrad算法的优化器。

class AdamOptimizer:实现Adam算法的优化器。

class BytesList

class Checkpoint:组检查可检查对象,保存和恢复它们。

class CheckpointSaverHook:每N步或秒保存检查点。

class CheckpointSaverListener:在检查点保存之前或之后执行操作的侦听器的接口。

class ChiefSessionCreator:为一个酋长创建一个tf.Session。

class ClusterDef

class ClusterSpec:将群集表示为一组“任务”,组织为“作业”。

class Coordinator:线程协调员。

class Example

class ExponentialMovingAverage:通过使用指数衰减维持变量的移动平均值。

class Feature

class FeatureList

class FeatureLists

class Features

class FeedFnHook:运行feed_fn并相应地设置feed_dict

class FinalOpsHook:一个Tensors在会话结束时评估的钩子

class FloatList

class FtrlOptimizer:实现FTRL算法的优化器。

class GlobalStepWaiterHook:延迟执行直到全局步骤到达wait_until_step

class GradientDescentOptimizer:优化器,实现梯度下降算法。

class Int64List

class JobDef

class LoggingTensorHook:每N个本地步骤,每N秒或结束打印给定的张量。

class LooperThread:重复运行代码的线程,可选择在计时器上运行。

class MomentumOptimizer:实现Momentum算法的优化器。

class MonitoredSession:类似会话的对象,用于处理初始化,恢复和挂钩。

class NanLossDuringTrainingError

class NanTensorHook:如果损失是NaN,监控损失张量并停止训练。

class Optimizer:优化器的基类。

class ProfilerHook:每N步或秒捕获CPU / GPU分析信息。

class ProximalAdagradOptimizer:优化器,实现Proximal Adagrad算法。

class ProximalGradientDescentOptimizer:优化器,实现近端梯度下降算法。

class QueueRunner:保存队列的入队操作列表,每个队列都在一个线程中运行。

class RMSPropOptimizer:实现RMSProp算法的优化器。

class Saver:保存和恢复变量。

class SaverDef

class Scaffold:用于创建或收集训练模型所需的部件的结构。

class SecondOrStepTimer:定时器每N秒触发一次或每N步触发一次。

class SequenceExample

class Server:进程内TensorFlow服务器,用于分布式培训。

class ServerDef

class SessionCreator:tf.Session的工厂。

class SessionManager:从检查点恢复并创建会话的培训助手。

class SessionRunArgs:表示要添加到Session.run()调用的参数。

class SessionRunContext:提供有关session.run()正在进行呼叫的信息

class SessionRunHook:挂钩以扩展对MonitoredSession.run()的调用。

class SessionRunValues:包含结果Session.run()

class SingularMonitoredSession:类似会话的对象,用于处理初始化,恢复和挂钩。

class StepCounterHook:钩子计算每秒的步数。

class StopAtStepHook:钩子请求在指定的步骤停止。

class SummarySaverHook:每N步保存摘要。

class Supervisor:检查点建模和计算摘要的培训助手。

class SyncReplicasOptimizer:要同步的类,聚合渐变并将它们传递给优化器。

class VocabInfo:热门启动的词汇信息。

class WorkerSessionCreator:为worker创建一个tf.Session。

功能

MonitoredTrainingSession(...):创建一个MonitoredSession培训。

NewCheckpointReader(...)

add_queue_runner(...)QueueRunner在图表中添加一个集合。

assert_global_step(...):Asserts global_step_tensor是一个标量int VariableTensor

basic_train_loop(...):训练模型的基本循环。

batch(...):创建批量的张量tensors

batch_join(...):运行张量列表以填充队列以创建批量示例。

checkpoint_exists(...):检查具有指定前缀的V1或V2检查点是否存在。

cosine_decay(...):将余弦衰减应用于学习率。

cosine_decay_restarts(...):应用余弦衰减并重新启动学习率。

create_global_step(...):在图形中创建全局步长张量。

do_quantize_training_on_graphdef(...):正在开发一种通用的量化方案tf.contrib.quantize

exponential_decay(...):将指数衰减应用于学习率。

export_meta_graph(...):返回MetaGraphDef原型。可选择将其写入filename。

generate_checkpoint_state_proto(...):生成检查点状态proto。

get_checkpoint_mtimes(...):返回检查点的mtimes(修改时间戳)。

get_checkpoint_state(...):从“检查点”文件返回CheckpointState proto。

get_global_step(...):获得全局步长张量。

get_or_create_global_step(...):返回并创建(如果需要)全局步长张量。

global_step(...):帮助全球迈出的小帮手。

import_meta_graph(...):重新创建保存在MetaGraphDefproto中的Graph 

init_from_checkpoint(...):使用从给定检查点加载的张量初始化当前变量。

input_producer(...):将输出input_tensor管道的行输出到队列。

inverse_time_decay(...):将反时限衰减应用于初始学习速率。

latest_checkpoint(...):查找最新保存的检查点文件的文件名。

limit_epochs(...):返回张量num_epochs时间然后引发OutOfRange错误。

linear_cosine_decay(...):将线性余弦衰减应用于学习速率。

list_variables(...):返回检查点中所有变量的列表。

load_checkpoint(...)CheckpointReader找到的检查点的返回ckpt_dir_or_file

load_variable(...):返回检查点中给定变量的张量值。

match_filenames_once(...):保存匹配模式的文件列表,因此只计算一次。

maybe_batch(...):有条件地创建基于的批量张量keep_input

maybe_batch_join(...):运行张量列表以有条件地填充队列以创建批次。

maybe_shuffle_batch(...):通过随机改组条件排序的张量来创建批次。

maybe_shuffle_batch_join(...):通过随机改组条件排列的张量来创建批次。

natural_exp_decay(...):将自然指数衰减应用于初始学习率。

noisy_linear_cosine_decay(...):将嘈杂的线性余弦衰减应用于学习速率。

piecewise_constant(...):来自边界和间隔值的分段常数。

polynomial_decay(...):将多项式衰减应用于学习速率。

range_input_producer(...):生成队列中从0到限制1的整数。

remove_checkpoint(...):删除给定的检查点checkpoint_prefix

replica_device_setter(...):返回a device function以在为副本构建Graph时使用。

sdca_fprint(...):计算输入字符串的指纹。

sdca_optimizer(...):分布式版本的随机双坐标上升(SDCA)优化器

sdca_shrink_l1(...):对参数应用L1正则化收缩步骤。

shuffle_batch(...):通过随机填充张量创建批次。

shuffle_batch_join(...):通过随机填充张量创建批次。

slice_input_producer(...):产生每一个切片Tensortensor_list

start_queue_runners(...):启动图中收集的所有队列运行程序。

string_input_producer(...):将字符串(例如文件名)输出到输入管道的队列。

summary_iterator(...):用于Event从事件文件中读取协议缓冲区的迭代器

update_checkpoint_state(...):更新“检查点”文件的内容。

warm_start(...):使用给定的设置暖启动模型。

write_graph(...):将图形原型写入文件。

模块:tfdbg

 

定义于tensorflow/python/debug/__init__.py

TensorFlow调试器的公共Python API(tfdbg)。

请参阅TensorFlow调试器指南。

class DebugDumpDir:来自文件系统上的调试转储目录的数据集。

class DebugTensorDatum:由TensorFlow调试器(tfdbg)转储的单个张量。

class DumpingDebugHook:一个调试器挂钩,用于将调试数据转储到文件系统。

class DumpingDebugWrapperSession:调试会话包装器,将调试数据转储到文件系统。

class GradientsDebugger:渐变调试器。

class GrpcDebugHook:将调试器相关事件传输到任何grpc_debug_server的挂钩。

class GrpcDebugWrapperSession:调试会话包装器,将调试数据发送到gRPC流。

class LocalCLIDebugHook:命令行界面调试器挂钩。

class LocalCLIDebugWrapperSession:实现本地CLI的BaseDebugWrapperSession的具体子类。

class TensorBoardDebugHook:一个tfdbg挂钩,可以与TensorBoard调试器插件一起使用。

class TensorBoardDebugWrapperSession:一个tfdbg会话包装器,可以与TensorBoard调试器插件一起使用。

class WatchOptions:键入watch_fn的返回值。

功能

add_debug_tensor_watch(...):在添加监视TensorRunOptions

has_inf_or_nan(...):张量是否包含任何不良数值的谓词。

load_tensor_from_event(...):从事件原型加载张量。

load_tensor_from_event_file(...):从事件文件加载张量。

reconstruct_non_debug_graph_def(...):重建原始(非调试器修饰)分区GraphDef。

watch_graph(...)RunOptions为TensorFlow图添加调试监视。

watch_graph_with_blacklists(...):添加调试张量监视,黑名单节点和操作类型。

 

https://www.tensorflow.org/versions/master/api_docs/python/

 

 

模块:tf

 

定义于tensorflow/__init__.py

将所有公共TensorFlow接口引入此模块。

模块

app module:通用入口点脚本。

bitwise module:操作整数二进制表示的操作。

compat module:Python 2与3兼容的函数。

contrib module:包含易失性或实验代码的contrib模块。

datamodule:tf.data.Dataset输入管道的API。

debugging module:tf.debugging名称空间的公共API。

distributions module:TensorFlow分发对象和帮助程序的核心模块。

dtypes module:tf.dtypes命名空间的公共API。

errors module:TensorFlow错误的异常类型。

estimator 模块:Estimator:用于处理模型的高级工具。

feature_column module:tf.feature_column命名空间的公共API。

flagsmodule:导入absl.flags的路由器。请参阅https://github.com/abseil/abseil-py。

gfile module:导入file_io的路由器。

graph_util module:帮助操作python中的张量图。

image 模块:图像处理和解码操作。

initializers module:tf.initializers命名空间的公共API。

io module:tf.io名称空间的公共API。

keras 模块:Keras API的实现意味着是TensorFlow的高级API。

layers module:tf.layers命名空间的公共API。

linalg 模块:线性代数的操作。

logging module:日志记录和摘要操作。

losses 模块:用于神经网络的损失操作。

manip module:操作张量的操作符。

math module:基本算术运算符。

metrics 模块:与评估相关的指标。

nn module:原始神经网络(NN)操作的包装器。

profiler module:tf.profiler命名空间的公共API。

python_io module:Python函数,用于直接操作TFRecord格式的文件。

pywrap_tensorflow module:TensorFlow SWIG生成的绑定的包装器。

quantization module:tf.quantization命名空间的公共API。

resource_loader 模块:资源管理库。

saved_model module:tf.saved_model命名空间的公共API。

sets module:Tensorflow设置操作。

sparse模块:稀疏张量表示。请参阅稀疏张量指南。

spectral 模块:频谱运算符(例如DCT,FFT,RFFT)。

strings module:使用字符串Tensors的操作。

summary module:tf.summary命名空间的公共API。

sysconfig module:系统配置库。

test 模块:测试。

tools 模

train 模块:支持培训模型。

user_ops module:tf.user_ops命名空间的公共API。

class AggregationMethod:列出用于组合渐变的聚合方法的类。

class AttrValue

class ConditionalAccumulator:用于聚合渐变的条件累加器。

class ConditionalAccumulatorBase:用于聚合渐变的条件累加器。

class ConfigProto

class DType:表示a中元素的类型Tensor

class DeviceSpec:表示TensorFlow设备的(可能是部分的)规范。

class Dimension:表示TensorShape中一个维的值。

class Event

class FIFOQueue:以先进先出顺序使元素出列的队列实现。

class FixedLenFeature:用于解析固定长度输入要素的配置。

class FixedLenSequenceFeature:用于将可变长度输入要素解析为a的配置Tensor

class FixedLengthRecordReader:从文件输出固定长度记录的Reader。

class GPUOptions

class GradientTape:记录自动区分操作。

class Graph:TensorFlow计算,表示为数据流图。

class GraphDef

class GraphKeys:用于图表集合的标准名称。

class GraphOptions

class HistogramProto

class IdentityReader:将排队的工作输出为键和值的Reader。

class IndexedSlices:给定索引处的一组张量切片的稀疏表示。

class InteractiveSession:TensorFlow Session,用于交互式上下文,例如shell。

class LMDBReader:从LMDB文件输出记录的Reader。

class LogMessage

class MetaGraphDef

class NameAttrList

class NodeDef

class OpError:TensorFlow执行失败时引发的一般错误。

class Operation:表示在张量上执行计算的图形节点。

class OptimizerOptions

class PaddingFIFOQueue:FIFOQueue,支持通过填充批处理可变大小的张量。

class PriorityQueue:以优先顺序排列元素的队列实现。

class QueueBase: Base class for queue implementations.

class RandomShuffleQueue: A queue implementation that dequeues elements in a random order.

class ReaderBase: Base class for different Reader types, that produce a record every step.

class RegisterGradient: A decorator for registering the gradient function for an op type.

class RunMetadata

class RunOptions

class Session: A class for running TensorFlow operations.

class SessionLog

class SparseConditionalAccumulator: A conditional accumulator for aggregating sparse gradients.

class SparseFeature: Configuration for parsing a sparse input feature from an Example.

class SparseTensor: Represents a sparse tensor.

class SparseTensorValue: SparseTensorValue(indices, values, dense_shape)

class Summary

class SummaryMetadata

class TFRecordReader: A Reader that outputs the records from a TFRecords file.

class Tensor: Represents one of the outputs of an Operation.

class TensorArray: Class wrapping dynamic-sized, per-time-step, write-once Tensor arrays.

class TensorInfo

class TensorShape: Represents the shape of a Tensor.

class TextLineReader: A Reader that outputs the lines of a file delimited by newlines.

class VarLenFeature: Configuration for parsing a variable-length input feature.

class Variable: See the Variables How To for a high level overview.

class VariableAggregation: Indicates how a distributed variable will be aggregated.

class VariableScope: Variable scope object to carry defaults to provide to get_variable.

class VariableSynchronization: Indicates when a distributed variable will be synced.

class WholeFileReader: A Reader that outputs the entire contents of a file as a value.

class constant_initializer: Initializer that generates tensors with constant values.

class name_scope: A context manager for use when defining a Python op.

class ones_initializer: Initializer that generates tensors initialized to 1.

class orthogonal_initializer: Initializer that generates an orthogonal matrix.

class random_normal_initializer: Initializer that generates tensors with a normal distribution.

class random_uniform_initializer: Initializer that generates tensors with a uniform distribution.

class truncated_normal_initializer: Initializer that generates a truncated normal distribution.

class uniform_unit_scaling_initializer: Initializer that generates tensors without scaling variance.

class variable_scope: A context manager for defining ops that creates variables (layers).

class variance_scaling_initializer: Initializer capable of adapting its scale to the shape of weights tensors.

class zeros_initializer: Initializer that generates tensors initialized to 0.

Functions

Assert(...): Asserts that the given condition is true.

NoGradient(...): Specifies that ops of type op_type is not differentiable.

NotDifferentiable(...): Specifies that ops of type op_type is not differentiable.

Print(...): Prints a list of tensors.

abs(...): Computes the absolute value of a tensor.

accumulate_n(...): Returns the element-wise sum of a list of tensors.

acos(...): Computes acos of x element-wise.

acosh(...): Computes inverse hyperbolic cosine of x element-wise.

add(...): Returns x + y element-wise.

add_check_numerics_ops(...): Connect a check_numerics to every floating point tensor.

add_n(...): Adds all input tensors element-wise.

add_to_collection(...): Wrapper for Graph.add_to_collection() using the default graph.

add_to_collections(...): Wrapper for Graph.add_to_collections() using the default graph.

all_variables(...): See tf.global_variables. (deprecated)

angle(...): Returns the element-wise argument of a complex (or real) tensor.

arg_max(...): Returns the index with the largest value across dimensions of a tensor. (deprecated)

arg_min(...): Returns the index with the smallest value across dimensions of a tensor. (deprecated)

argmax(...): Returns the index with the largest value across axes of a tensor. (deprecated arguments)

argmin(...): Returns the index with the smallest value across axes of a tensor. (deprecated arguments)

as_dtype(...): Converts the given type_value to a DType.

as_string(...): Converts each entry in the given tensor to strings. Supports many numeric

asin(...): Computes asin of x element-wise.

asinh(...): Computes inverse hyperbolic sine of x element-wise.

assert_equal(...): Assert the condition x == y holds element-wise.

assert_greater(...): Assert the condition x > y holds element-wise.

assert_greater_equal(...): Assert the condition x >= y holds element-wise.

assert_integer(...): Assert that x is of integer dtype.

assert_less(...): Assert the condition x < y holds element-wise.

assert_less_equal(...): Assert the condition x <= y holds element-wise.

assert_near(...): Assert the condition x and y are close element-wise.

assert_negative(...): Assert the condition x < 0 holds element-wise.

assert_non_negative(...): Assert the condition x >= 0 holds element-wise.

assert_non_positive(...): Assert the condition x <= 0 holds element-wise.

assert_none_equal(...):断言x != y所有元素的条件成立。

assert_positive(...):断言条件x > 0保持元素。

assert_proper_iterable(...):静态断言值是“正确的”可迭代的。

assert_rank(...):Assert的x排名等于rank

assert_rank_at_least(...):Assert的x等级等于rank或高于等级

assert_rank_in(...):Assert x已经排名靠前ranks

assert_same_float_dtype(...):根据tensors验证并返回float类型dtype

assert_scalar(...)

assert_type(...):静态断言给定的Tensor是指定类型。

assert_variables_initialized(...):返回一个Op来检查变量是否已初始化。

assign(...):通过为其指定’value’来更新’ref’。

assign_add(...):通过向其添加“值”来更新“ref”。

assign_sub(...):通过从中减去’value’来更新’ref’。

atan(...):计算x元素的atan。

atan2(...):计算y/x元素方面的反正切性,尊重参数的符号。

atanh(...):计算x元素的反双曲正切。

batch_to_space(...):BatchToSpace用于T型的4-D张量

batch_to_space_nd(...):用于类型T的ND张量的BatchToSpace

betainc(...):计算正则化的不完全β积分 一世X一个b

bincount(...):计算整数数组中每个值的出现次数。

bitcast(...):从一种类型到另一种类型的张量,无需复制数据。

boolean_mask(...):将boolean mask应用于张量。Numpy等价物tensor[mask]

broadcast_dynamic_shape(...):返回shape_x之间的广播动态形状shape_y

broadcast_static_shape(...):返回shape_x之间的广播静态形状shape_y

broadcast_to(...):为兼容的形状广播数组。

case(...):创建案例操作。

cast(...):将张量转换为新类型。

ceil(...):返回不小于x的元素方向最小整数。

check_numerics(...):检查NaN和Inf值的张量。

cholesky(...):计算一个或多个方阵的Cholesky分解。

cholesky_solve(...)A X = RHS给出Cholesky因子分解,求解线性方程组

clip_by_average_norm(...):将张量值剪切为最大平均L2范数。

clip_by_global_norm(...):通过其范数之和的比率来剪切多个张量的值。

clip_by_norm(...):将张量值剪切为最大L2范数。

clip_by_value(...):将张量值剪切到指定的最小值和最大值。

colocate_with(...)

complex(...):将两个实数转换为复数。

concat(...):沿一个维度连接张量。

cond(...)true_fn()如果谓词pred为真,返回false_fn()(不赞成的参数)

confusion_matrix(...):从预测和标签计算混淆矩阵。

conj(...):返回复数的复共轭。

constant(...):创建一个恒定的张量。

container(...):包装器Graph.container()使用默认图形。

control_dependencies(...):包装器Graph.control_dependencies()使用默认图形。

convert_to_tensor(...): Converts the given value to a Tensor.

convert_to_tensor_or_indexed_slices(...): Converts the given object to a Tensor or an IndexedSlices.

convert_to_tensor_or_sparse_tensor(...): Converts value to a SparseTensor or Tensor.

cos(...): Computes cos of x element-wise.

cosh(...): Computes hyperbolic cosine of x element-wise.

count_nonzero(...): Computes number of nonzero elements across dimensions of a tensor. (deprecated arguments)

count_up_to(...): Increments ‘ref’ until it reaches ‘limit’.

create_partitioned_variables(...): Create a list of partitioned variables according to the given slicing.

cross(...): Compute the pairwise cross product.

cumprod(...): Compute the cumulative product of the tensor x along axis.

cumsum(...): Compute the cumulative sum of the tensor x along axis.

custom_gradient(...): Decorator to define a function with a custom gradient.

decode_base64(...): Decode web-safe base64-encoded strings.

decode_compressed(...): Decompress strings.

decode_csv(...): Convert CSV records to tensors. Each column maps to one tensor.

decode_json_example(...): Convert JSON-encoded Example records to binary protocol buffer strings.

decode_raw(...): Reinterpret the bytes of a string as a vector of numbers.

delete_session_tensor(...): Delete the tensor for the given tensor handle.

depth_to_space(...): DepthToSpace for tensors of type T.

dequantize(...): Dequantize the ‘input’ tensor into a float Tensor.

deserialize_many_sparse(...): Deserialize and concatenate SparseTensors from a serialized minibatch.

device(...): Wrapper for Graph.device() using the default graph.

diag(...): Returns a diagonal tensor with a given diagonal values.

diag_part(...): Returns the diagonal part of the tensor.

digamma(...): Computes Psi, the derivative of Lgamma (the log of the absolute value of

div(...): Divides x / y elementwise (using Python 2 division operator semantics).

divide(...): Computes Python style division of x by y.

dynamic_partition(...): Partitions data into num_partitions tensors using indices from partitions.

dynamic_stitch(...): Interleave the values from the data tensors into a single tensor.

edit_distance(...): Computes the Levenshtein distance between sequences.

einsum(...): A generalized contraction between tensors of arbitrary dimension.

enable_eager_execution(...): Enables eager execution for the lifetime of this program.

encode_base64(...): Encode strings into web-safe base64 format.

equal(...): Returns the truth value of (x == y) element-wise.

erf(...): Computes the Gauss error function of x element-wise.

erfc(...): Computes the complementary error function of x element-wise.

executing_eagerly(...): Returns True if the current thread has eager execution enabled.

exp(...): Computes exponential of x element-wise. y=ex.

expand_dims(...): Inserts a dimension of 1 into a tensor’s shape. (deprecated arguments)

expm1(...): Computes exponential of x – 1 element-wise.

extract_image_patches(...): Extract patches from images and put them in the “depth” output dimension.

eye(...): Construct an identity matrix, or a batch of matrices.

fake_quant_with_min_max_args(...): Fake-quantize the ‘inputs’ tensor, type float to ‘outputs’ tensor of same type.

fake_quant_with_min_max_args_gradient(...): Compute gradients for a FakeQuantWithMinMaxArgs operation.

fake_quant_with_min_max_vars(...): Fake-quantize the ‘inputs’ tensor of type float via global float scalars min

fake_quant_with_min_max_vars_gradient(...): Compute gradients for a FakeQuantWithMinMaxVars operation.

fake_quant_with_min_max_vars_per_channel(...): Fake-quantize the ‘inputs’ tensor of type float and one of the shapes: [d],

fake_quant_with_min_max_vars_per_channel_gradient(...): Compute gradients for a FakeQuantWithMinMaxVarsPerChannel operation.

fft(...): Fast Fourier transform.

fft2d(...): 2D fast Fourier transform.

fft3d(...): 3D fast Fourier transform.

fill(...): Creates a tensor filled with a scalar value.

fixed_size_partitioner(...): Partitioner to specify a fixed number of shards along given axis.

floor(...): Returns element-wise largest integer not greater than x.

floor_div(...): Returns x // y element-wise.

floordiv(...): Divides x / y elementwise, rounding toward the most negative integer.

floormod(...): Returns element-wise remainder of division. When x < 0 xor y < 0 is

foldl(...): foldl on the list of tensors unpacked from elems on dimension 0.

foldr(...): foldr on the list of tensors unpacked from elems on dimension 0.

gather(...): Gather slices from params axis axis according to indices.

gather_nd(...): Gather slices from params into a Tensor with shape specified by indices.

get_collection(...): Wrapper for Graph.get_collection() using the default graph.

get_collection_ref(...): Wrapper for Graph.get_collection_ref() using the default graph.

get_default_graph(...): Returns the default graph for the current thread.

get_default_session(...): Returns the default session for the current thread.

get_local_variable(...): Gets an existing local variable or creates a new one.

get_seed(...): Returns the local seeds an operation should use given an op-specific seed.

get_session_handle(...): Return the handle of data.

get_session_tensor(...): Get the tensor of type dtype by feeding a tensor handle.

get_variable(...): Gets an existing variable with these parameters or create a new one.

get_variable_scope(...): Returns the current variable scope.

global_norm(...): Computes the global norm of multiple tensors.

global_variables(...): Returns global variables.

global_variables_initializer(...): Returns an Op that initializes global variables.

glorot_normal_initializer(...): The Glorot normal initializer, also called Xavier normal initializer.

glorot_uniform_initializer(...): The Glorot uniform initializer, also called Xavier uniform initializer.

gradients(...): Constructs symbolic derivatives of sum of ys w.r.t. x in xs.

greater(...): Returns the truth value of (x > y) element-wise.

greater_equal(...): Returns the truth value of (x >= y) element-wise.

group(...): Create an op that groups multiple operations.

guarantee_const(...): Gives a guarantee to the TF runtime that the input tensor is a constant.

hessians(...): Constructs the Hessian of sum of ys with respect to x in xs.

histogram_fixed_width(...): Return histogram of values.

histogram_fixed_width_bins(...): Bins the given values for use in a histogram.

identity(...): Return a tensor with the same shape and contents as input.

identity_n(...): Returns a list of tensors with the same shapes and contents as the input

ifft(...): Inverse fast Fourier transform.

ifft2d(...): Inverse 2D fast Fourier transform.

ifft3d(...): Inverse 3D fast Fourier transform.

igamma(...): Compute the lower regularized incomplete Gamma function Q(a, x).

igammac(...): Compute the upper regularized incomplete Gamma function Q(a, x).

imag(...): Returns the imaginary part of a complex (or real) tensor.

import_graph_def(...):将图形graph_def导入当前默认值Graph(不赞成的参数)

initialize_all_tables(...):返回初始化默认图形的所有表的Op。(废弃)

initialize_all_variables(...):见tf.global_variables_initializer(废弃)

initialize_local_variables(...):见tf.local_variables_initializer(废弃)

initialize_variables(...):见tf.variables_initializer(废弃)

invert_permutation(...):计算张量的逆置换。

is_finite(...):返回x的哪些元素是有限的。

is_inf(...):返回x的哪些元素是Inf。

is_nan(...):返回x的哪些元素是NaN。

is_non_decreasing(...)True如果x不减少返回

is_numeric_tensor(...)

is_strictly_increasing(...)True如果x严格增加则返回

is_variable_initialized(...):测试变量是否已初始化。

lbeta(...):计算 ñ|ËŤ一个X|,沿着最后一个维度减少。

less(...):返回(x <y)元素的真值。

less_equal(...):以元素方式返回(x <= y)的真值。

lgamma(...):计算Gamma(x)元素的绝对值的对数

lin_space(...):生成间隔中的值。

linspace(...):生成间隔中的值。

load_file_system_library(...):加载TensorFlow插件,包含文件系统实现。

load_op_library(...):加载TensorFlow插件,包含自定义操作和内核。

local_variables(...):返回局部变量。

local_variables_initializer(...):返回初始化所有局部变量的Op。

log(...):计算x元素的自然对数。

log1p(...):计算(1 + x)元素的自然对数。

log_sigmoid(...):计算x元素方式的日志sigmoid 

logical_and(...):返回x和y元素的真值。

logical_not(...):返回NOT x元素的真值。

logical_or(...):返回x OR y元素的真值。

logical_xor(...):x ^ y =(x | y)&〜(x&y)。

make_ndarray(...):从张量中创建一个numpy ndarray。

make_template(...):给定一个任意函数,包装它以便它进行变量共享。

make_tensor_proto(...):创建TensorProto。

map_fn(...)elems在尺寸0上解压缩的张量列表上的地图

matching_files(...):返回与一个或多个glob模式匹配的文件集。

matmul(...):矩阵a乘以矩阵b,产生ab

matrix_band_part(...):复制张量设置每个最内层矩阵中央带外的所有内容

matrix_determinant(...):计算一个或多个方阵的行列式。

matrix_diag(...):返回具有给定批处理对角线值的批处理对角线张量。

matrix_diag_part(...):返回批处理张量的批处理对角线部分。

matrix_inverse(...):计算一个或多个平方可逆矩阵或它们的倒数

matrix_set_diag(...):返回具有新批处理对角线值的批处理矩阵张量。

matrix_solve(...):求解线性方程组。

matrix_solve_ls(...):解决一个或多个线性最小二乘问题。

matrix_transpose(...):转置张量的最后两个维度a

matrix_triangular_solve(...):求解具有上三角矩阵或下三角矩阵的线性方程组

maximum(...):以元素方式返回x和y的最大值(即x> y?x:y)。

meshgrid(...):广播用于评估ND网格的参数。

min_max_variable_partitioner(...):分区程序,用于分配每个切片的最小大小。

minimum(...):以元素方式返回x和y的min(即x <y?x:y)。

mod(...):返回除法元素的余数。x < 0xor y < 0

model_variables(...):返回MODEL_VARIABLES集合中的所有变量。

moving_average_variables(...):返回维护其移动平均值的所有变量。

multinomial(...):从多项分布中绘制样本。

multiply(...):以元素方式返回x * y。

negative(...):按元素计算数值负值。

no_op(...): 什么也没做。仅用作控制边的占位符。

no_regularizer(...):使用此函数可防止变量正则化。

norm(...):计算向量,矩阵和张量的范数。(不赞成的参数)

not_equal(...):以元素方式返回(x!= y)的真值。

one_hot(...):返回一个热的张量。

ones(...):创建一个张量,所有元素都设置为1。

ones_like(...):创建一个张量,所有元素都设置为1。

op_scope(...):已弃用。与上面的name_scope相同,只是不同的参数顺序。

pad(...):垫一个张量。

parallel_stack(...)R将一个等级(R+1)张量列表并行堆叠到一个等级 – 张量中。

parse_example(...):将Example原型解析dict为张量。

parse_single_example(...):解析一个Example原型。

parse_single_sequence_example(...):解析一个SequenceExample原型。

parse_tensor(...):将序列化的tensorflow.TensorProto原型转换为Tensor。

placeholder(...):插入一个占位符,用于将始终输入的张量。

placeholder_with_default(...):占位符op input在未输入其输出时通过

polygamma(...):计算polygamma函数 ψñX

pow(...):计算一个值与另一个值的幂。

py_func(...):包装python函数并将其用作TensorFlow操作。

qr(...):计算一个或多个矩阵的QR分解。

quantize(...):将float类型的’input’张量量化为’t’类型的’output’张量。

quantize_v2(...):请tf.quantize改用。

quantized_concat(...):沿一个维度连接量化张量。

random_crop(...):随机地将张量裁剪为给定大小。

random_gamma(...)shape从每个给定的Gamma分布中抽取样本。

random_normal(...):从正态分布输出随机值。

random_poisson(...)shape从每个给定的泊松分布中绘制样本。

random_shuffle(...):随机地沿着第一维度改变张量。

random_uniform(...):从均匀分布输出随机值。

range(...):创建一系列数字。

rank(...):返回张量的等级。

read_file(...):读取并输出输入文件名的全部内容。

real(...):返回复杂(或实际)张量的实部。

realdiv(...):返回实数类型的x / y元素。

reciprocal(...):计算x元素的倒数。

reduce_all(...):计算张量维度的元素的“逻辑和”。(不赞成的参数)

reduce_any(...):计算张量维度的“逻辑或”元素。(不赞成的参数)

reduce_join(...):在给定尺寸上连接字符串Tensor。

reduce_logsumexp(...):计算log(sum(exp(张量尺寸的元素)))。(不赞成的参数)

reduce_max(...):计算张量尺寸的元素最大值。(不赞成的参数)

reduce_mean(...):计算张量维度的元素平均值。(不赞成的参数)

reduce_min(...):计算张量尺寸的最小元素。(不赞成的参数)

reduce_prod(...):计算张量维度的元素乘积。(不赞成的参数)

reduce_sum(...):计算张量维度的元素总和。(不赞成的参数)

regex_replace(...):用重写替换输入中的模式匹配。

register_tensor_conversion_function(...):注册转换的对象的功能base_typeTensor

report_uninitialized_variables(...): Adds ops to list the names of uninitialized variables.

required_space_to_batch_paddings(...): Calculate padding required to make block_shape divide input_shape.

reset_default_graph(...): Clears the default graph stack and resets the global default graph.

reshape(...): Reshapes a tensor.

reverse(...): Reverses specific dimensions of a tensor.

reverse_sequence(...): Reverses variable length slices.

reverse_v2(...): Reverses specific dimensions of a tensor.

rint(...): Returns element-wise integer closest to x.

round(...): Rounds the values of a tensor to the nearest integer, element-wise.

rsqrt(...): Computes reciprocal of square root of x element-wise.

saturate_cast(...): Performs a safe saturating cast of value to dtype.

scalar_mul(...): Multiplies a scalar times a Tensor or IndexedSlices object.

scan(...): scan on the list of tensors unpacked from elems on dimension 0.

scatter_add(...): Adds sparse updates to the variable referenced by resource.

scatter_div(...): Divides a variable reference by sparse updates.

scatter_max(...):使用该max操作将稀疏更新减少为变量引用

scatter_min(...):使用该min操作将稀疏更新减少为变量引用

scatter_mul(...):将稀疏更新乘以变量引用。

scatter_nd(...):据说,分散updates成一个新的张量indices

scatter_nd_add(...):对变量中的单个值或切片应用稀疏加法。

scatter_nd_sub(...):在updates各个值或切片之间应用稀疏减法

scatter_nd_update(...):将稀疏应用于updates变量中的单个值或切片。

scatter_sub(...):将稀疏更新减去变量引用。

scatter_update(...):将稀疏更新应用于变量引用。

segment_max(...):计算张量段的最大值。

segment_mean(...):计算张量段的平均值。

segment_min(...):计算张量段的最小值。

segment_prod(...):沿张量的片段计算产品。

segment_sum(...):计算张量段的总和。

self_adjoint_eig(...):计算一批自伴随矩阵的特征分解。

self_adjoint_eigvals(...):计算一个或多个自伴随矩阵的特征值。

sequence_mask(...):返回表示每个单元格的前N个位置的掩码张量。

serialize_many_sparse(...):序列化N-minibatch SparseTensor[N, 3] Tensor

serialize_sparse(...)SparseTensor将a 序列化为3向量(1-D Tensor)对象。

serialize_tensor(...):将Tensor转换为序列化的TensorProto原型。

set_random_seed(...):设置图级随机种子。

setdiff1d(...):计算两个数字或字符串列表之间的差异。

shape(...):返回张量的形状。

shape_n(...):返回张量的形状。

sigmoid(...):计算x元素方式的sigmoid 

sign(...):返回数字符号的元素指示。

sin(...):计算x元素的罪。

sinh(...):计算x元素的双曲正弦值。

size(...):返回张量的大小。

slice(...):从张量中提取切片。

space_to_batch(...):SpaceToBatch用于T型的4-D张量

space_to_batch_nd(...):SpaceToBatch用于T类型的ND张量

space_to_depth(...):T型张量的SpaceToDepth:

sparse_add(...):添加两个张量,每个至少有一个是张量SparseTensor

sparse_concat(...):连接SparseTensor指定维度的列表(不赞成的参数)

sparse_fill_empty_rows(...)SparseTensor使用默认值填充输入2-D中的空行

sparse_mask(...):面具元素IndexedSlices

sparse_matmul(...):矩阵“b”乘以矩阵“a”。

sparse_maximum(...):返回两个SparseTensors的元素最大值。

sparse_merge(...):将一批要素ID和值合并为一个SparseTensor

sparse_minimum(...):返回两个SparseTensors的元素分钟。

sparse_placeholder(...):插入一个占位符,表示将始终输入的稀疏张量。

sparse_reduce_max(...):计算SparseTensor维度的元素最大值。

sparse_reduce_max_sparse(...):计算SparseTensor维度的元素最大值。

sparse_reduce_sum(...):计算SparseTensor的维度之间的元素总和。

sparse_reduce_sum_sparse(...):计算SparseTensor的维度之间的元素总和。

sparse_reorder(...):重新排序SparseTensor为规范的行主要排序。

sparse_reset_shape(...):重置SparseTensor具有索引和值的a的形状不变。

sparse_reshape(...):重塑a SparseTensor以表示新的密集形状中的值。

sparse_retain(...):保留a中指定的非空值SparseTensor

sparse_segment_mean(...):计算张量的稀疏段的平均值。

sparse_segment_sqrt_n(...):计算张量的稀疏段除以sqrt(N)的总和。

sparse_segment_sum(...):计算张量的稀疏段的总和。

sparse_slice(...)SparseTensor根据start和`大小切片a 

sparse_softmax(...):将softmax应用于批量ND SparseTensor

sparse_split(...):将a拆分SparseTensornum_split张量axis(不赞成的参数)

sparse_tensor_dense_matmul(...):通过密集矩阵“B”将SparseTensor(等级2)乘以“A”。

sparse_tensor_to_dense(...):将a SparseTensor转换为密集张量。

sparse_to_dense(...):将稀疏表示转换为密集张量。

sparse_to_indicator(...):将一个SparseTensorid转换为一个密集的bool指标张量。

sparse_transpose(...):转置一个 SparseTensor

split(...):将张量分裂为子张量。

sqrt(...):计算x元素的平方根。

square(...):计算x元素的平方。

squared_difference(...):以元素方式返回(x – y)(x – y)。

squeeze(...):从张量的形状中移除尺寸为1的尺寸。(不赞成的参数)

stack(...)R将一个等级(R+1)张量列表堆叠成一个等级 – 张量。

stop_gradient(...):停止渐变计算。

strided_slice(...):提取张量的张量切片(广义python数组索引)。

string_join(...):将给定的字符串张量列表中的字符串连接成一个张量;

string_split(...):拆分source基于delimitera的元素SparseTensor

string_strip(...):从Tensor中删除前导和尾随空格。

string_to_hash_bucket(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

string_to_hash_bucket_fast(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

string_to_hash_bucket_strong(...):将输入Tensor中的每个字符串转换为其散列模式中的多个存储桶。

string_to_number(...):将输入Tensor中的每个字符串转换为指定的数字类型。

substr(...):从Tensor字符串返回子字符串。

subtract(...):返回x – y元素。

svd(...):计算一个或多个矩阵的奇异值分解。

tables_initializer(...):返回初始化默认图形的所有表的Op。

tan(...):计算x元素的tan。

tanh(...):计算x元素的双曲正切值

tensordot(...):沿指定轴张紧a和b的收缩。

tile(...):通过平铺给定的张量构造张量。

timestamp(...):提供自纪元以来的时间,以秒为单位。

to_bfloat16(...):将张量转换为类型bfloat16

to_complex128(...):将张量转换为类型complex128

to_complex64(...):将张量转换为类型complex64

to_double(...):将张量转换为类型float64

to_float(...):将张量转换为类型float32

to_int32(...):将张量转换为类型int32

to_int64(...):将张量转换为类型int64

trace(...):计算张量的轨迹x

trainable_variables(...):返回使用创建的所有变量trainable=True

transpose(...):转置a根据尺寸置换尺寸perm

truediv(...):将x / y元素分开(使用Python 3除法运算符语义)。

truncated_normal(...):从截断的正态分布输出随机值。

truncatediv(...):返回整数类型的x / y元素。

truncatemod(...):返回除法元素的余数。这样就模​​拟了C语义

tuple(...):集团张力在一起。

unique(...):在1-D张量中找到独特的元素。

unique_with_counts(...):在1-D张量中找到独特的元素。

unravel_index(...):将平面索引或平面索引数组转换为元组

unsorted_segment_max(...):计算张量段的最大值。

unsorted_segment_mean(...):计算张量段的平均值。

unsorted_segment_min(...):计算张量段的最小值。

unsorted_segment_prod(...):沿张量的片段计算产品。

unsorted_segment_sqrt_n(...):计算张量的段除以sqrt(N)的总和。

unsorted_segment_sum(...):计算张量段的总和。

unstack(...):将等级R张量的给定维度解包为等级(R-1)量。

variable_axis_size_partitioner(...):获取VariableScope的分区程序以保留下面的分片max_shard_bytes

variable_op_scope(...):不推荐使用:用于定义创建变量的op的上下文管理器。

variables_initializer(...):返回初始化变量列表的Op。

verify_tensor_all_finite(...):断言张量不包含任何NaN或Inf。

where(...):从x返回元素y,具体取决于condition

while_loop(...)body条件cond为真时重复

write_file(...):以输入文件名将内容写入文件。以递归方式创建文件

zeros(...):创建一个张量,所有元素都设置为零。

zeros_like(...):创建一个张量,所有元素都设置为零。

zeta(...):计算Hurwitz zeta函数 ζXq

其他成员

AUTO_REUSE

COMPILER_VERSION

CXX11_ABI_FLAG

GIT_VERSION

GRAPH_DEF_VERSION

GRAPH_DEF_VERSION_MIN_CONSUMER

GRAPH_DEF_VERSION_MIN_PRODUCER

MONOLITHIC_BUILD

QUANTIZED_DTYPES

VERSION

__all__

__compiler_version__

__cxx11_abi_flag__

__git_version__

__monolithic_build__

__version__

bfloat16

bool

complex128

complex64

double

float16

float32

float64

half

int16

int32

int64

int8

newaxis

qint16

qint32

qint8

quint16

quint8

resource

string

uint16

uint32

uint64

uint8

variant

    原文作者:tensorflow
    原文地址: https://www.cnblogs.com/chenxygx/p/9705282.html
    本文转自网络文章,转载此文章仅为分享知识,如有侵权,请联系博主进行删除。
点赞