tensorflow中文参考文档--相关函数使用说明书

转载:https://www.w3cschool.cn/tensorflow_python/tensorflow_python-1yed2mih.html

  1.     TensorFlow 入门基础
    1. TensorFlow 介绍
    2. TensorFlow 下载与安装
    3. TensorFlow 基本使用
  2.     TensorFlow 使用指南
    1. TensorFlow assert和布尔值检查函数
    2. TensorFlow 贝叶斯熵(contrib)
    3. TensorFlow 贝叶斯蒙特卡罗(contrib)
    4. TensorFlow 贝叶斯随机图(contrib)
    5. TensorFlow 贝叶斯随机张量(contrib)
    6. TensorFlow 贝叶斯变分推断(contrib)
    7. TensorFlow 构建图
    8. TensorFlow 生成常量,序列和随机值
    9. TensorFlow 控制流程
    10. TensorFlow 复制图形元素(contrib)
    11. TensorFlow CRF(contrib)
    12. TensorFlow 数据IO(Python函数)
    13. TensorFlow使用FFmpeg(contrib)
    14. TensorFlow 框架(contrib)
    15. TensorFlow 图形编辑器(contrib)
    16. TensorFlow 高阶函数
    17. TensorFlow 直方图
    18. TensorFlow 图像操作
    19. TensorFlow 输入和读取器
    20. TensorFlow 集成(contrib)
    21. TensorFlow 层(contrib)
    22. TensorFlow 高级API
    23. TensorFlow 线性代数库(contrib)
    24. TensorFlow 损失(contrib)
    25. TensorFlow 数学函数
    26. TensorFlow 指标(contrib)
    27. TensorFlow 神经网络
    28. TensorFlow 优化(contrib)
    29. TensorFlow 随机变量变换(contrib)
    30. TensorFlow RNN和单元(contrib)
    31. TensorFlow 运行图
    32. TensorFlow Seq2seq库(contrib)
    33. TensorFlow 稀疏张量
    34. TensorFlow 光谱函数
    35. TensorFlow 统计分布(contrib)
    36. TensorFlow 字符串操作
    37. TensorFlow 摘要操作
    38. TensorFlow 张量处理操作
    39. TensorFlow 张量变换
    40. TensorFlow 调试器
    41. TensorFlow 测试
    42. TensorFlow Training函数(contrib)
    43. TensorFlow Training函数
    44. TensorFlow 实用程序(contrib)
    45. TensorFlow 变量
    46. TensorFlow 包装python函数
    47. 将数据导入TensorFlow
  3.     TensorFlow 函数介绍
    1.     TensorFlow 函数模块:tf
      1. TensorFlow app模块
      2.     TensorFlow bitwise模块
        1. TensorFlow 元素按位与运算
        2. TensorFlow bitwise_or运算
        3. TensorFlow 元素按位异或
        4. TensorFlow 翻转所有位元素
        5. TensorFlow按位左移函数:tf.bitwise.left_shift
        6. TensorFlow按位右移函数:tf.bitwise.right_shift
      3.     TensorFlow compat模块
        1. TensorFlow 字节和Unicode转换
        2. TensorFlow str的转换
        3. TensorFlow 返回给定参数
        4. TensorFlow函数:tf.compat.path_to_str
      4.     TensorFlow contrib模块
        1. TensorFlow 估计ELBO和KL散度中出现的比值
        2. TensorFlow 计算Monte Carlo或Shannon熵的确定性
        3. TensorFlow Renyi方法的使用
        4. TensorFlow 计算Renyi分歧
        5. TensorFlow Monte Carlo期望值计算
        6. TensorFlow Monte Carlo重要性抽样估计
        7. TensorFlow 对数空间的重要性抽样估计
        8. TensorFlow 随机图的代理损失
        9. TensorFlow 发出随机值的张量
        10. TensorFlow 获取随机张量值类型
        11. TensorFlow 随机张量值类型的MeanValue类
        12. TensorFlow 具有观察值的 StochasticTensor
        13. TensorFlow绘制样本
        14. TensorFlow StochasticTensor详细介绍
        15. TensorFlow创建值类型上下文
        16. TensorFlow 变分推理操作
        17. 在TensorFlow中创建一个BigQueryReader
        18. TensorFlow中copy的使用方法
        19. TensorFlow中与CRF有关的操作
        20. TensorFlow使用Cudnn实现模型
        21. TensorFlow处理RNN参数变量
        22. TensorFlow的数据集
        23. TensorFlow创建固定长度记录的Dataset
        24. TensorFlow 使用Iterator类
        25. TensorFlow读取批处理
        26. TensorFlow对数据集重新取样
        27. TensorFlow文本文件行的数据集
        28. 包含TFRecord文件记录的数据集
      5.     TensorFlow的errors模块
        1. TensorFlow的errors模块总览
        2. TensorFlow操作被中止
        3. TensorFlow处理已存在的error
        4. TensorFlow取消操作或步骤时引发的error
        5. DataLossError类的使用
        6. 处理DeadlineExceededError
        7. 处理FailedPreconditionError
        8. InternalError的处理
        9. TensorFlow的InvalidArgumentError类
        10. NotFoundError如何引发
        11. TensorFlow操作迭代超过有效的输入范围
        12. TensorFlow调用方没有运行操作权限怎么办
        13. TensorFlow资源用尽引发的异常
        14. TensorFlow无效身份验证引发的异常
        15. 当前不可用的runtime异常
        16. TensorFlow 操作未实现引发的异常
        17. UnknownError异常
      6.     estimator模块
        1. TensorFlow如何生成解析规范
        2. TensorFlow如何使用DNN模型分类器
        3. TensorFlow DNNLinear组合分类器的使用
        4. TensorFlow DNN回归模型
        5. TensorFlow DNN模型的回归器
        6. TensorFlow的estimator类函数:tf.estimator.Estimator
        7. TensorFlow函数:tf.estimator.EstimatorSpec
        8. TensorFlow函数:tf.estimator.EvalSpec
        9. TensorFlow函数:tf.estimator.Exporter
        10. TensorFlow函数:tf.estimator.FinalExporter
        11. TensorFlow函数:tf.estimator.LatestExporter
        12. TensorFlow函数:tf.estimator.ModeKeys
        13. TensorFlow函数:tf.estimator.regressor_parse_example_spec
        14. TensorFlow函数:tf.estimator.RunConfig
        15. TensorFlow函数:tf.estimator.TrainSpec
        16. TensorFlow函数:tf.estimator.VocabInfo
        17. TensorFlow函数:tf.estimator.WarmStartSettings
      7.     如何导出estimator
        1. TensorFlow解析Example
        2. TensorFlow分类头的输出设置
      8.     TensorFlow怎么使用gfile模块
        1. 将TensorFlow文件数据复制到新路径
        2. 文件I/O包装器
        3. TensorFlow如何使用GFile类
        4. TensorFlow返回模式匹配文件列表
        5. TensorFlow函数:tf.gfile.IsDirectory
        6. TensorFlow函数:tf.gfile.ListDirectory
        7. TensorFlow函数:tf.gfile.MakeDirs
        8. TensorFlow函数:tf.gfile.MkDir
        9. TensorFlow函数:tf.gfile.Remove
        10. TensorFlow函数:tf.gfile.Rename
        11. TensorFlow函数:tf.gfile.Stat
        12. TensorFlow函数:tf.gfile.Walk
      9.     TensorFlow的graph_util模块
        1. TensorFlow如何用常量替换变量
        2. 如何操作TensorFlow张量图的节点
        3. TensorFlow函数:tf.graph_util.must_run_on_cpu
        4. TensorFlow函数:tf.graph_util.remove_training_nodes
        5. TensorFlow函数:tf.graph_util.tensor_shape_from_node_def_name
      10.     TensorFlow的image模块
        1. TensorFlow模块:tf.image
        2. TensorFlow函数:tf.image.adjust_brightness
        3. TensorFlow函数:tf.image.adjust_contrast
        4. TensorFlow函数:tf.image.adjust_gamma
        5. TensorFlow函数:tf.image.adjust_hue
        6. TensorFlow函数:tf.image.adjust_saturation
        7. TensorFlow函数:tf.image.central_crop
        8. TensorFlow函数:tf.image.convert_image_dtype
        9. TensorFlow函数:tf.image.crop_and_resize
        10. TensorFlow函数:tf.image.crop_to_bounding_box
        11. TensorFlow函数:tf.image.decode_and_crop_jpeg
        12. TensorFlow函数:tf.image.decode_bmp
        13. TensorFlow函数:tf.image.decode_gif
        14. TensorFlow函数:tf.image.decode_image
        15. TensorFlow函数:tf.image.decode_jpeg
        16. TensorFlow函数:tf.image.decode_png
        17. TensorFlow函数:tf.image.draw_bounding_boxes
        18. TensorFlow函数:tf.image.encode_jpeg
        19. TensorFlow函数:tf.image.encode_png
        20. TensorFlow函数:tf.image.extract_glimpse
        21. TensorFlow函数:tf.image.extract_jpeg_shape
        22. TensorFlow函数:tf.image.flip_left_right
        23. TensorFlow函数:tf.image.flip_up_down
        24. TensorFlow函数:tf.image.grayscale_to_rgb
        25. TensorFlow函数:tf.image.hsv_to_rgb
        26. TensorFlow函数:tf.image.image_gradients
        27. TensorFlow函数:tf.image.is_jpeg
        28. TensorFlow函数:tf.image.non_max_suppression
        29. TensorFlow函数:tf.image.pad_to_bounding_box
        30. TensorFlow函数:tf.image.per_image_standardization
        31. TensorFlow函数:tf.image.psnr
        32. TensorFlow函数:tf.image.random_brightness
        33. TensorFlow函数:tf.image.random_contrast
        34. TensorFlow函数:tf.image.random_flip_left_right
        35. TensorFlow函数:tf.image.random_flip_up_down
        36. TensorFlow函数:tf.image.random_hue
        37. TensorFlow函数:tf.image.random_saturation
        38. TensorFlow函数:tf.image.ResizeMethod
        39. TensorFlow函数:tf.image.resize_area
        40. TensorFlow函数:tf.image.resize_bicubic
        41. TensorFlow函数:tf.image.resize_bilinear
        42. TensorFlow函数:tf.image.resize_images
        43. TensorFlow函数:tf.image.resize_image_with_crop_or_pad
        44. TensorFlow函数:tf.image.resize_nearest_neighbor
        45. TensorFlow函数:tf.image.rgb_to_grayscale
        46. TensorFlow函数:tf.image.rgb_to_hsv
        47. TensorFlow函数:tf.image.rgb_to_yiq
        48. TensorFlow函数:tf.image.rgb_to_yuv
        49. TensorFlow函数:tf.image.rot90
        50. TensorFlow函数:tf.image.sample_distorted_bounding_box
        51. TensorFlow函数:tf.image.sobel_edges
        52. TensorFlow函数:tf.image.ssim
        53. TensorFlow函数:tf.image.ssim_multiscale
        54. TensorFlow函数:tf.image.total_variation
        55. TensorFlow函数:tf.image.transpose_image
        56. TensorFlow函数:tf.image.yiq_to_rgb
        57. TensorFlow函数:tf.image.yuv_to_rgb
      11.     TensorFlow使用之tf.initializers
        1. TensorFlow模块:tf.initializers
        2. TensorFlow函数:tf.initializers.identity
      12.     TensorFlow使用之tf.keras
        1. TensorFlow模块:tf.keras
        2. TensorFlow函数:tf.keras.Input
      13.     TensorFlow使用之tf.layers
        1. TensorFlow模块:tf.layers
        2. TensorFlow函数:tf.layers.AveragePooling1D
        3. TensorFlow函数:tf.layers.AveragePooling2D
        4. TensorFlow函数:tf.layers.AveragePooling3D
        5. TensorFlow函数:tf.layers.average_pooling1d
        6. TensorFlow函数:tf.layers.average_pooling2d
        7. TensorFlow函数:tf.layers.average_pooling3d
        8. TensorFlow函数:tf.layers.conv2d_transpose
        9. TensorFlow函数:tf.layers.batch_normalization
        10. TensorFlow函数:tf.layers.conv3d_transpose
  4.     TensorFlow 功能函数
    1. TensorFlow 计算张量的绝对值
    2. TensorFlow 返回张量列表的元素和
    3. TensorFlow 计算张量元素的 acos
    4. TensorFlow 计算张量的和
    5. TensorFlow check_numerics操作
    6. TensorFlow 添加张量元素
    7. TensorFlow 包装Graph.add_to
    8. TensorFlow 梯度组合
    9. TensorFlow 返回张量的最大值索引
    10. TensorFlow 返回张量的最小值索引
    11. TensorFlow 返回张量维度上最大值的索引
    12. TensorFlow 返回张量维度上最小值的索引
    13. TensorFlow 计算asin中的元素
    14. TensorFlow中Assert相关函数说明
    15. TensorFlow中assign函数说明
    16. TensorFlow 将给定的 type_value 转换为 DType
    17. TensorFlow 将给定张量的条目转换为字符串
    18. TensorFlow 计算元素的反正切
    19. TensorFlow AttrValue类
    20. TensorFlow BatchToSpace的使用
    21. TensorFlow 计算正则化的不完全beta积分
    22. TensorFlow 计算整数数组值出现的次数
    23. TensorFlow 张量类型转换
    24. TensorFlow 在张量上应用布尔掩码
    25. TensorFlow 返回广播形状
    26. TensorFlow 创建case
    27. TensorFlow 张量投射
    28. TensorFlow 使用ceil返回不下于x的最小整数
    29. TensorFlow 检查NaN和Inf值的张量
    30. TensorFlow计算方阵的Cholesky分解
    31. 将TensorFlow张量值剪辑到最大平均L2-norm
    32. TensorFlow通过规范总和的比例剪切张量的值
    33. TensorFlow 将张量值剪辑到最大 L2-norm
    34. TensorFlow 将张量剪辑为指定的最大值和最小值
    35. TensorFlow 将实数转换为复数
    36. TensorFlow 将张量沿一个维度串联
    37. TensorFlow tf.cond函数的使用
    38. TensorFlow聚合梯度的条件累加器
    39. 如何使用ConditionalAccumulatorBase
    40. TensorFlow如何计算混淆矩阵
    41. 如何使用conj
    42. 在TensorFlow中使用constant函数
    43. TensorFlow使用初始化器生成具有常量值的张量
    44. container的使用
    45. control_dependencies的使用
    46. TensorFlow将给定值转换为张量
    47. TensorFlow将给定的对象转换为张量或IndexedSlices
    48. TensorFlow将值转换为SparseTensor或张量
    49. 计算TensorFlow元素的cos值
    50. TensorFlow元素的双曲余弦
    51. 计算TensorFlow中非零元素的个数
    52. TensorFlow对ref进行递增
    53. TensorFlow怎么创建分区变量列表
    54. 计算张量沿轴的累积积
    55. TensorFlow张量的累积和
    56. TensorFlow字符串解码
    57. TensorFlow CSV转换
    58. JSON编码的示例记录转换
    59. TensorFlow将raw格式转换为张量
    60. TensorFlow数据从深度排列为空间数据块
    61. 反量化TensorFlow张量
    62. TensorFlow设备规范
    63. 使用diag返回对角张量
    64. TensorFlow如何返回对角线
    65. TensorFlow除法运算
    66. 使用Dimension类
    67. TensorFlow张量的元素类型
    68. TensorFlow分区索引的使用
    69. 如何插入TensorFlow数据张量的值
    70. 计算TensorFlow序列之间的编辑距离
    71. TensorFlow如何实现张量收缩
    72. TensorFlow实现字符串编码
    73. TensorFlow怎么使用equal函数
    74. TensorFlow误差函数计算
    75. 计算TensorFlow元素的指数
    76. 如何在TensorFlow张量形状中插入维度
    77. 构造TensorFlow的单位矩阵
    78. 怎么对TensorFlow进行假量化
    79. TensorFlow快速傅里叶变换
    80. 利用标量值填充TensorFlow张量
    81. TensorFlow怎么解析固定长度输入功能
    82. TensorFlow从文件中输出记录的读取器
    83. 如何将TensorFlow输入特征解析为张量
    84. 如何使用TensorFlow的floor函数
    85. TensorFlow函数:tf.floormod
    86. TensorFlow高阶函数:tf.foldl
    87. TensorFlow张量变换函数:tf.gather
    88. TensorFlow函数:tf.gather_nd
    89. TensorFlow函数:get_collection
    90. default函数
    91. TensorFlow函数:get_session_handle
    92. TensorFlow变量函数:tf.get_local_variable
    93. tf.get_variable函数
    94. TensorFlow全局函数:tf.global_norm
    95. 使用global_variables获取全局变量
    96. TensorFlow初始化器:tf.glorot_normal_initializer
    97. TensorFlow梯度计算:tf.gradients
    98. tf.GraphKeys函数
    99. TensorFlow比较函数:tf.greater
    100. TensorFlow流程控制函数:tf.group
    101. Hessian函数
    102. TensorFlow逆向快速傅里叶变换函数
    103. Gamma函数
    104. TensorFlow复数函数:tf.imag
    105. TensorFlow图形处理函数:tf.import_graph_def
    106. TensorFlow函数:IndexedSlices
    107. tf.invert_permutation:张量的逆置换
    108. TensorFlow使用isnan函数
    109. TensorFlow数学函数:tf.lbeta
    110. TensorFlow函数:tf.less
    111. TensorFlow函数:tf.lin_space
    112. LMDB文件读取器
    113. 加载TensorFlow插件的函数
    114. TensorFlow局部变量:tf.local_variables
    115. tf.log:计算TensorFlow的自然对数
    116. TensorFlow函数:logical
    117. TensorFlow变量函数:tf.make_template
    118. 创建TensorProto
    119. TensorFlow:tf.map_fn函数
    120. TensorFlow:tf.matching_files函数
    121. TensorFlow:tf.matmul函数
    122. TensorFlow矩阵数学函数:tf.matrix_band_part
    123. TensorFlow计算方阵行列式的函数
    124. TensorFlow:tf.matrix_diag函数
    125. TensorFlow:tf.matrix_inverse函数
    126. TensorFlow函数:tf.matrix_set_diag
    127. TensorFlow函数:tf.matrix_solve
    128. TensorFlow函数:tf.matrix_solve_ls
    129. TensorFlow函数:tf.matrix_transpose
    130. TensorFlow函数:tf.matrix_triangular_solve
    131. TensorFlow数学函数:tf.maximum
    132. TensorFlow张量变换:tf.meshgrid
    133. TensorFlow数学函数:tf.minimum
    134. TensorFlow变量:tf.min_max_variable_partitioner
    135. multinomial函数:从多项式分布中抽取样本
    136. TensorFlow构建图形:tf.name_scope函数
    137. TensorFlow函数:tf.negative
    138. TensorFlow范数:tf.norm函数
    139. TensorFlow比较运算符:tf.not_equal
    140. TensorFlow函数:tf.ones
    141. TensorFlow函数:tf.ones_initializer
    142. TensorFlow函数:tf.ones_like
    143. tf.one_hot函数:返回one-hot张量
    144. TensorFlow函数:tf.OpError
    145. tf.orthogonal_initializer函数:正交矩阵的初始化器
    146. TensorFlow填充张量函数:tf.pad
    147. TensorFlow函数:tf.parallel_stack
    148. 解析Example原型:tf.parse_single_example
    149. TensorFlow占位符:tf.placeholder
    150. TensorFlow函数:tf.parse_example
    151. TensorFlow函数:解析SequenceExample原型
    152. TensorFlow占位符操作:tf.placeholder_with_default
    153. TensorFlow幂值计算函数:tf.pow
    154. tf.Print函数:打印张量列表
    155. 包装用于TensorFlow操作的Python函数
    156. tf.qr函数:计算矩阵的QR分解
    157. TensorFlow函数:tf.quantized_concat
    158. TensorFlow张量变换函数:tf.quantize_v2
    159. TensorFlow函数:tf.random_crop
    160. TensorFlow队列函数:tf.QueueBase
    161. TensorFlow函数:tf.random_gamma
    162. TensorFlow随机值:tf.random_normal函数
    163. tf.random_normal_initializer:TensorFlow初始化器
    164. TensorFlow函数:tf.random_poisson
    165. TensorFlow函数:tf.random_shuffle
    166. TensorFlow随机值函数:tf.random_uniform
    167. TensorFlow函数:tf.random_uniform_initializer
    168. tf.range函数:创建数字序列
    169. tf.rank函数:返回TensorFlow张量的秩
    170. TensorFlow读取器基类:tf.ReaderBase
    171. TensorFlow函数:tf.real
    172. tf.realdiv函数:x/y元素的实数类型
    173. 用于计算倒数的tf.reciprocal函数
    174. tf.reduce_all函数:计算张量在维度上的逻辑和
    175. TensorFlow函数:tf.reduce_any
    176. tf.reduce_join函数:添加字符串张量
    177. TensorFlow函数:tf.reduce_logsumexp
    178. TensorFlow函数:tf.reduce_max
    179. TensorFlow函数:tf.reduce_mean
    180. TensorFlow函数:tf.reduce_min
    181. TensorFlow函数:tf.reduce_prod
    182. TensorFlow函数:tf.reduce_sum
    183. TensorFlow函数:tf.RegisterGradient
    184. TensorFlow函数:将base_type的对象转换为Tensor
    185. TensorFlow:tf.report_uninitialized_variables函数
    186. TensorFlow函数:如何计算填充
    187. TensorFlow:tf.reset_default_graph函数
    188. TensorFlow:使用tf.reshape函数重塑张量
    189. TensorFlow:tf.reverse函数
    190. TensorFlow函数:tf.reverse_sequence
    191. tf.reverse_v2函数:反转张量的特定维度
    192. TensorFlow:tf.rint函数
    193. TensorFlow四舍五入:tf.round函数
    194. tf.rsqrt函数:TensorFlow平方根倒数计算
    195. TensorFlow函数:tf.RunOptions
    196. TensorFlow函数:tf.saturate_cast
    197. TensorFlow数学函数:tf.scalar_mul
    198. TensorFlow函数:tf.scatter_nd
    199. TensorFlow变量函数:tf.scatter_nd_add
    200. TensorFlow:tf.scatter_nd_sub函数
    201. TensorFlow函数:tf.scatter_nd_update
    202. TensorFlow函数:tf.scatter_sub
    203. tf.scatter_update函数:将稀疏更新应用于变量引用
    204. tf.segment_max函数:计算一个张量的最大沿段
    205. TensorFlow:tf.segment_mean函数
    206. TensorFlow:tf.segment_min函数
    207. TensorFlow:tf.segment_prod函数
    208. TensorFlow数学函数:tf.segment_sum函数
    209. TensorFlow数学函数:tf.self_adjoint_eig
    210. TensorFlow数学函数:tf.self_adjoint_eigvals
    211. TensorFlow张量变换函数:tf.sequence_mask
    212. TensorFlow:tf.serialize_many_sparse 函数
    213. TensorFlow:tf.serialize_sparse函数
    214. TensorFlow:tf.serialize_tensor函数
    215. TensorFlow数学函数:tf.setdiff1d
    216. TensorFlow随机张量:tf.set_random_seed函数
    217. TensorFlow:tf.Session函数
    218. TensorFlow张量变换函数:tf.shape
    219. TensorFlow:tf.shape_n函数
    220. TensorFlow神经网络:tf.sigmoid函数
    221. TensorFlow数学函数:tf.sign
    222. TensorFlow数学函数:tf.sin函数
    223. TensorFlow数学函数:tf.sinh函数
    224. TensorFlow张量变换:tf.size
    225. TensorFlow分割:tf.slice函数
    226. TensorFlow:tf.space_to_batch函数
    227. TensorFlow张量变换:tf.space_to_batch_nd函数
    228. TensorFlow:tf.space_to_depth函数
    229. TensorFlow:tf.SparseConditionalAccumulator函数
    230. TensorFlow函数:tf.SparseFeature
    231. TensorFlow稀疏张量函数:tf.SparseTensor
    232. TensorFlow函数:tf.SparseTensorValue
    233. TensorFlow函数:tf.sparse_add
    234. TensorFlow函数:tf.sparse_concat
    235. TensorFlow函数:tf.sparse_fill_empty_rows
    236. TensorFlow函数:tf.sparse_mask
    237. TensorFlow函数:tf.sparse_matmul
    238. TensorFlow稀疏张量:tf.sparse_maximum函数
    239. TensorFlow稀疏张量:tf.sparse_merge函数
    240. TensorFlow函数:tf.sparse_minimum
    241. TensorFlow函数:tf.sparse_placeholder
    242. TensorFlow函数:tf.sparse_reduce_max
    243. TensorFlow函数:tf.sparse_reduce_max_sparse
    244. TensorFlow函数:tf.sparse_reduce_sum
    245. TensorFlow函数:tf.sparse_reduce_sum_sparse
    246. TensorFlow函数:tf.sparse_reorder
    247. TensorFlow函数:tf.sparse_reset_shape
    248. TensorFlow函数:tf.sparse_reshape
    249. TensorFlow函数:tf.sparse_retain
    250. TensorFlow函数:tf.sparse_segment_mean
    251. TensorFlow函数:tf.sparse_segment_sqrt_n
    252. TensorFlow数学函数:tf.sparse_segment_sum
    253. TensorFlow函数:tf.sparse_slice
    254. TensorFlow函数:tf.sparse_softmax
    255. TensorFlow函数:tf.sparse_split
    256. TensorFlow函数:tf.sparse_tensor_dense_matmul
    257. TensorFlow函数:tf.sparse_tensor_to_dense
    258. TensorFlow函数:tf.sparse_to_dense
    259. TensorFlow函数:tf.sparse_to_indicator
    260. TensorFlow函数:tf.sparse_transpose
    261. TensorFlow函数:tf.split
    262. TensorFlow函数:tf.sqrt
    263. TensorFlow函数:tf.square
    264. TensorFlow函数:tf.squared_difference
    265. TensorFlow函数:tf.squeeze
    266. TensorFlow函数:tf.stack
    267. TensorFlow函数:tf.stop_gradient
    268. TensorFlow函数:tf.strided_slice
    269. TensorFlow函数:tf.string_join
    270. TensorFlow函数:tf.string_split
    271. TensorFlow函数:tf.string_to_hash_bucket
    272. TensorFlow函数:tf.string_to_hash_bucket_fast
    273. TensorFlow函数:tf.string_to_hash_bucket_strong
    274. TensorFlow函数:tf.string_to_number
    275. TensorFlow函数:tf.substr
    276. TensorFlow函数:tf.subtract
    277. TensorFlow:Summary类
    278. TensorFlow函数:tf.svd
    279. TensorFlow函数:tf.tables_initializer
    280. TensorFlow函数:tf.tan
    281. TensorFlow函数:tf.tanh
    282. TensorFlow函数:tf.tensordot
    283. TensorFlow函数:tf.TextLineReader
    284. TensorFlow函数:tf.tile
    285. TensorFlow函数:tf.to_bfloat16
    286. TensorFlow函数:tf.to_double
    287. TensorFlow函数:tf.to_float
    288. TensorFlow函数:tf.to_int32
    289. TensorFlow函数:tf.to_int64
    290. TensorFlow函数:tf.trace
    291. TensorFlow函数:tf.trainable_variables
    292. TensorFlow函数:tf.transpose
    293. TensorFlow函数:tf.truediv
    294. TensorFlow函数:tf.truncatediv
    295. TensorFlow函数:tf.truncated_normal
    296. TensorFlow函数:tf.truncated_normal_initializer
    297. TensorFlow函数:tf.truncatemod
    298. TensorFlow函数:tf.tuple
    299. TensorFlow函数:tf.uniform_unit_scaling_initializer
    300. TensorFlow函数:tf.unique
    301. TensorFlow函数:tf.unique_with_counts
    302. TensorFlow函数:tf.unravel_index
    303. TensorFlow函数:tf.unsorted_segment_max
    304. TensorFlow函数:tf.unsorted_segment_sum
    305. TensorFlow函数:tf.unstack
    306. TensorFlow函数:tf.variables_initializer
    307. TensorFlow函数:tf.variable_axis_size_partitioner
    308. TensorFlow函数:tf.variable_op_scope
    309. TensorFlow函数:tf.variable_scope
    310. TensorFlow函数:tf.variance_scaling_initializer
    311. TensorFlow函数:tf.VarLenFeature
    312. TensorFlow函数:tf.verify_tensor_all_finite
    313. TensorFlow函数:tf.where
    314. TensorFlow函数:tf.while_loop
    315. TensorFlow函数:tf.WholeFileReader
    316. TensorFlow函数:tf.write_file
    317. TensorFlow函数:tf.zeros
    318. TensorFlow函数:tf.zeros_initializer
    319. TensorFlow函数:tf.zeros_like
    320. TensorFlow函数:tf.zeta
  5.     TensorFlow 手写数字分类问题
    1. TensorFlow的MNIST手写数字分类问题 基础篇
    2. TensorFlow的MNIST手写数字分类问题 进阶篇
  6.     TensorFlow 附录
    1. TensorFlow附录一 定义模块
    2. TensorFlow附录二 定义支持熵的操作
    3. TensorFlow附录三 定义基本算数运算符
    4. TensorFlow附录四 定义张量连接到CheckNumericsOp
    5. TensorFlow附录五 定义实现梯度计算的图生成
    6. TensorFlow附录六 定义控制流程操作
    7. TensorFlow附录七 定义断言和布尔检查
    8. TensorFlow附录八 定义变量类
    9. TensorFlow附录九 定义Cudnn RNN操作
    10. TensorFlow附录十 定义变量
    11. TensorFlow附录十一 定义支持张量的操作
    12. TensorFlow附录十二 定义dtypes库
    13. TensorFlow附录十三 定义attr值
    14. TensorFlow附录十四 定义通用入口点脚本
    15. TensorFlow附录十五 定义Python2与3兼容性的函数
    16. TensorFlow附录十六 定义Python包装器用于数据集和迭代器
    17. TensorFlow附录十七 定义错误的异常类型
    18. TensorFlow附录十八 定义错误的异常类型(详细)
    19. TensorFlow附录十九 定义线性代数运算
    20. TensorFlow附录二十 定义剪辑(梯度,重量)张量到最小/最大值的操作
    21. TensorFlow附录二十一 定义支持操作张量
    22. TensorFlow附录二十二 定义数据流操作
    23. TensorFlow附录二十三 定义与混淆矩阵相关的实用程序
    24. TensorFlow附录二十四 定义生成常量的操作
    25. TensorFlow附录二十五 定义用于初始化张量的操作
    26. TensorFlow附录二十六 定义用于构造图形的类和函数
    27. TensorFlow附录二十七 定义用于构造图形的类和函数(二)
    28. TensorFlow附录二十八 定义操作整数的二进制表示
    29. TensorFlow附录二十九 定义创建分区变量的函数
    30. TensorFlow附录三十 示例协议缓冲区
    31. TensorFlow附录三十一 用于描述输入数据的协议消息的机器学习示例
    32. TensorFlow附录三十二 定义估算器
    33. TensorFlow附录三十三 如何解析函数
    34. TensorFlow附录三十四 如何定义深层神经网络estimators
    35. TensorFlow附录三十五 不同类型export输出的类
    36. TensorFlow附录三十六 如何添加Linear和DNN估算器训练模型
    37. TensorFlow附录三十七 如何使用类表示设备
    38. TensorFlow附录三十八 服务时间内的接收设置
    39. TensorFlow附录三十九 用于TensorFlow张量形状推理的帮助类
    40. TensorFlow附录四十 使用dtype库
    41. TensorFlow附录四十一 如何避免循环依赖
    42. TensorFlow附录四十二 如何导入file_io的路由器
    43. TensorFlow附录四十三 如何在Python中操作张量图
    44. TensorFlow附录四十四 张量图帮助器
    45. TensorFlow附录四十五 包装C++ FileSystem API的文件IO方法
    46. TensorFlow附录四十六 如何解析操作
    47. TensorFlow附录四十七 输入和读取器该如何定义
    48. TensorFlow附录四十八 定义函数操作
    49. TensorFlow附录四十九 Handle操作
    50. TensorFlow附录五十 命名变量存储和管理共享的范围运算符
    51. TensorFlow附录五十一 用于导入图的实用函数
    52. TensorFlow附录五十二 定义用于加载插件的功能
    53. TensorFlow附录五十三 提供允许变量共享的模板
    54. TensorFlow附录五十四 生成随机数操作
    55. TensorFlow附录五十五 定义记录和汇总操作
    56. TensorFlow附录五十六 如何定义脚本语言运算符
    57. TensorFlow附录五十七 什么是Broadcasting
    58. TensorFlow附录五十八 用于字符串张量的TensorFlow操作
    59. TensorFlow附录五十九 为TensorFlow定义config.proto
    60. TensorFlow附录六十 稀疏张量表示
    61. TensorFlow附录六十一 图形级seed操作
    62. TensorFlow附录六十二 客户端界面
    63. TensorFlow附录六十三 定义Summary类
    64. TensorFlow附录六十四 查找操作
    65. TensorFlow附录六十五 共享管理
    66. TensorFlow附录六十六 与model_fn相关的类和方法
    67. TensorFlow附录六十七 与train_and_evaluate相关的类和函数
    68. TensorFlow附录六十八 Exporter类表示不同的模型导出类型
    69. TensorFlow附录六十九 在input_fn中使用的解析相关帮助函数
    70. TensorFlow附录七十 定义Estimators的环境配置对象
    71. TensorFlow附录七十一 定义公用事业,用于warm-start TF.Learn Estimators
    72. TensorFlow附录七十二 包装C++ FileSystem API的文件IO方法
    73. TensorFlow附录七十三 图像操作的实现
    74. TensorFlow附录七十四 输入图层代码
    75. TensorFlow附录七十五 池化层类及其函数别名
    76. TensorFlow:包含卷积层类及其功能别名

你可能感兴趣的:(tensorflow中文参考文档--相关函数使用说明书)