Created
August 13, 2016 00:25
-
-
Save dustinvtran/cf34557fb9388da4c9442ae25c2373c9 to your computer and use it in GitHub Desktop.
List of all TensorFlow operations
We can make this file beautiful and searchable if this error is corrected: It looks like row 5 should actually have 1 column, instead of 2 in line 4.
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
| # TensorFlow r0.10 | |
| # | |
| # Building Graph | |
| # | |
| add_to_collection,tf.add_to_collection | |
| as_dtype,tf.as_dtype | |
| bytes,tf.bytes | |
| container,tf.container | |
| control_dependencies,tf.control_dependencies | |
| convert_to_tensor,tf.convert_to_tensor | |
| convert_to_tensor_or_indexed_slices,tf.convert_to_tensor_or_indexed_slices | |
| device,tf.device | |
| DeviceSpec,tf.DeviceSpec | |
| Dimension,tf.Dimension | |
| DType,tf.DType | |
| get_collection,tf.get_collection | |
| get_collection_ref,tf.get_collection_ref | |
| get_default_graph,tf.get_default_graph | |
| get_seed,tf.get_seed | |
| Graph,tf.Graph | |
| GraphKeys,tf.GraphKeys | |
| import_graph_def,tf.import_graph_def | |
| load_file_system_library,tf.load_file_system_library | |
| load_op_library,tf.load_op_library | |
| name_scope,tf.name_scope | |
| NoGradient,tf.NoGradient | |
| op_scope,tf.op_scope | |
| Operation,tf.Operation | |
| register_tensor_conversion_function,tf.register_tensor_conversion_function | |
| RegisterGradient,tf.RegisterGradient | |
| RegisterShape,tf.RegisterShape | |
| reset_default_graph,tf.reset_default_graph | |
| Tensor,tf.Tensor | |
| TensorShape,tf.TensorShape | |
| # | |
| # Asserts and boolean checks | |
| # | |
| assert_equal,tf.assert_equal | |
| assert_integer,tf.assert_integer | |
| assert_less,tf.assert_less | |
| assert_less_equal,tf.assert_less_equal | |
| assert_negative,tf.assert_negative | |
| assert_non_negative,tf.assert_non_negative | |
| assert_non_positive,tf.assert_non_positive | |
| assert_positive,tf.assert_positive | |
| assert_proper_iterable,tf.assert_proper_iterable | |
| assert_rank,tf.assert_rank | |
| assert_rank_at_least,tf.assert_rank_at_least | |
| assert_type,tf.assert_type | |
| is_non_decreasing,tf.is_non_decreasing | |
| is_numeric_tensor,tf.is_numeric_tensor | |
| is_strictly_increasing,tf.is_strictly_increasing | |
| # | |
| # Constants, Sequences, and Random Values | |
| # | |
| constant,tf.constant | |
| fill,tf.fill | |
| linspace,tf.linspace | |
| multinomial,tf.multinomial | |
| ones,tf.ones | |
| ones_like,tf.ones_like | |
| random_crop,tf.random_crop | |
| random_gamma,tf.random_gamma | |
| random_normal,tf.random_normal | |
| random_shuffle,tf.random_shuffle | |
| random_uniform,tf.random_uniform | |
| range,tf.range | |
| set_random_seed,tf.set_random_seed | |
| truncated_normal,tf.truncated_normal | |
| zeros,tf.zeros | |
| zeros_like,tf.zeros_like | |
| # | |
| # Variables | |
| # | |
| all_variables,tf.all_variables | |
| assert_variables_initialized,tf.assert_variables_initialized | |
| assign,tf.assign | |
| assign_add,tf.assign_add | |
| assign_sub,tf.assign_sub | |
| constant_initializer,tf.constant_initializer | |
| count_up_to,tf.count_up_to | |
| device,tf.device | |
| export_meta_graph,tf.export_meta_graph | |
| get_checkpoint_state,tf.get_checkpoint_state | |
| get_variable,tf.get_variable | |
| get_variable_scope,tf.get_variable_scope | |
| import_meta_graph,tf.import_meta_graph | |
| IndexedSlices,tf.IndexedSlices | |
| initialize_all_variables,tf.initialize_all_variables | |
| initialize_local_variables,tf.initialize_local_variables | |
| initialize_variables,tf.initialize_variables | |
| is_variable_initialized,tf.is_variable_initialized | |
| latest_checkpoint,tf.latest_checkpoint | |
| local_variables,tf.local_variables | |
| make_template,tf.make_template | |
| min_max_variable_partitioner,tf.min_max_variable_partitioner | |
| moving_average_variables,tf.moving_average_variables | |
| no_regularizer,tf.no_regularizer | |
| ones_initializer,tf.ones_initializer | |
| random_normal_initializer,tf.random_normal_initializer | |
| random_uniform_initializer,tf.random_uniform_initializer | |
| report_uninitialized_variables,tf.report_uninitialized_variables | |
| Saver,tf.Saver | |
| scatter_add,tf.scatter_add | |
| scatter_sub,tf.scatter_sub | |
| scatter_update,tf.scatter_update | |
| sparse_mask,tf.sparse_mask | |
| trainable_variables,tf.trainable_variables | |
| truncated_normal_initializer,tf.truncated_normal_initializer | |
| uniform_unit_scaling_initializer,tf.uniform_unit_scaling_initializer | |
| update_checkpoint_state,tf.update_checkpoint_state | |
| Variable,tf.Variable | |
| variable_axis_size_partitioner,tf.variable_axis_size_partitioner | |
| variable_op_scope,tf.variable_op_scope | |
| variable_scope,tf.variable_scope | |
| VariableScope,tf.VariableScope | |
| zeros_initializer,tf.zeros_initializer | |
| # | |
| # Tensor Transformations | |
| # | |
| batch_to_space,tf.batch_to_space | |
| bitcast,tf.bitcast | |
| boolean_mask,tf.boolean_mask | |
| cast,tf.cast | |
| concat,tf.concat | |
| depth_to_space,tf.depth_to_space | |
| dynamic_partition,tf.dynamic_partition | |
| dynamic_stitch,tf.dynamic_stitch | |
| expand_dims,tf.expand_dims | |
| extract_image_patches,tf.extract_image_patches | |
| gather,tf.gather | |
| gather_nd,tf.gather_nd | |
| meshgrid,tf.meshgrid | |
| one_hot,tf.one_hot | |
| pack,tf.pack | |
| pad,tf.pad | |
| rank,tf.rank | |
| reshape,tf.reshape | |
| reverse,tf.reverse | |
| reverse_sequence,tf.reverse_sequence | |
| saturate_cast,tf.saturate_cast | |
| shape,tf.shape | |
| shape_n,tf.shape_n | |
| size,tf.size | |
| slice,tf.slice | |
| space_to_batch,tf.space_to_batch | |
| space_to_depth,tf.space_to_depth | |
| split,tf.split | |
| squeeze,tf.squeeze | |
| string_to_number,tf.string_to_number | |
| tile,tf.tile | |
| to_bfloat16,tf.to_bfloat16 | |
| to_double,tf.to_double | |
| to_float,tf.to_float | |
| to_int32,tf.to_int32 | |
| to_int64,tf.to_int64 | |
| transpose,tf.transpose | |
| unique_with_counts,tf.unique_with_counts | |
| unpack,tf.unpack | |
| # | |
| # Math | |
| # | |
| abs,tf.abs | |
| accumulate_n,tf.accumulate_n | |
| acos,tf.acos | |
| add,tf.add | |
| add_n,tf.add_n | |
| argmax,tf.argmax | |
| argmin,tf.argmin | |
| asin,tf.asin | |
| atan,tf.atan | |
| batch_cholesky,tf.batch_cholesky | |
| batch_cholesky_solve,tf.batch_cholesky_solve | |
| batch_fft,tf.batch_fft | |
| batch_fft2d,tf.batch_fft2d | |
| batch_fft3d,tf.batch_fft3d | |
| batch_ifft,tf.batch_ifft | |
| batch_ifft2d,tf.batch_ifft2d | |
| batch_ifft3d,tf.batch_ifft3d | |
| batch_matmul,tf.batch_matmul | |
| batch_matrix_band_part,tf.batch_matrix_band_part | |
| batch_matrix_determinant,tf.batch_matrix_determinant | |
| batch_matrix_diag,tf.batch_matrix_diag | |
| batch_matrix_diag_part,tf.batch_matrix_diag_part | |
| batch_matrix_inverse,tf.batch_matrix_inverse | |
| batch_matrix_set_diag,tf.batch_matrix_set_diag | |
| batch_matrix_solve,tf.batch_matrix_solve | |
| batch_matrix_solve_ls,tf.batch_matrix_solve_ls | |
| batch_matrix_transpose,tf.batch_matrix_transpose | |
| batch_matrix_triangular_solve,tf.batch_matrix_triangular_solve | |
| batch_self_adjoint_eig,tf.batch_self_adjoint_eig | |
| ceil,tf.ceil | |
| cholesky,tf.cholesky | |
| cholesky_solve,tf.cholesky_solve | |
| complex,tf.complex | |
| complex_abs,tf.complex_abs | |
| conj,tf.conj | |
| cos,tf.cos | |
| cross,tf.cross | |
| cumprod,tf.cumprod | |
| cumsum,tf.cumsum | |
| diag,tf.diag | |
| diag_part,tf.diag_part | |
| digamma,tf.digamma | |
| div,tf.div | |
| edit_distance,tf.edit_distance | |
| erf,tf.erf | |
| erfc,tf.erfc | |
| exp,tf.exp | |
| fft,tf.fft | |
| fft2d,tf.fft2d | |
| fft3d,tf.fft3d | |
| floor,tf.floor | |
| floordiv,tf.floordiv | |
| ifft,tf.ifft | |
| ifft2d,tf.ifft2d | |
| ifft3d,tf.ifft3d | |
| igamma,tf.igamma | |
| igammac,tf.igammac | |
| imag,tf.imag | |
| inv,tf.inv | |
| invert_permutation,tf.invert_permutation | |
| lbeta,tf.lbeta | |
| lgamma,tf.lgamma | |
| listdiff,tf.listdiff | |
| log,tf.log | |
| matmul,tf.matmul | |
| matrix_determinant,tf.matrix_determinant | |
| matrix_inverse,tf.matrix_inverse | |
| matrix_solve,tf.matrix_solve | |
| matrix_solve_ls,tf.matrix_solve_ls | |
| matrix_triangular_solve,tf.matrix_triangular_solve | |
| maximum,tf.maximum | |
| minimum,tf.minimum | |
| mod,tf.mod | |
| mul,tf.mul | |
| neg,tf.neg | |
| polygamma,tf.polygamma | |
| pow,tf.pow | |
| real,tf.real | |
| reduce_all,tf.reduce_all | |
| reduce_any,tf.reduce_any | |
| reduce_max,tf.reduce_max | |
| reduce_mean,tf.reduce_mean | |
| reduce_min,tf.reduce_min | |
| reduce_prod,tf.reduce_prod | |
| reduce_sum,tf.reduce_sum | |
| round,tf.round | |
| rsqrt,tf.rsqrt | |
| scalar_mul,tf.scalar_mul | |
| segment_max,tf.segment_max | |
| segment_mean,tf.segment_mean | |
| segment_min,tf.segment_min | |
| segment_prod,tf.segment_prod | |
| segment_sum,tf.segment_sum | |
| self_adjoint_eig,tf.self_adjoint_eig | |
| sign,tf.sign | |
| sin,tf.sin | |
| sparse_segment_mean,tf.sparse_segment_mean | |
| sparse_segment_sqrt_n,tf.sparse_segment_sqrt_n | |
| sparse_segment_sqrt_n_grad,tf.sparse_segment_sqrt_n_grad | |
| sparse_segment_sum,tf.sparse_segment_sum | |
| sqrt,tf.sqrt | |
| square,tf.square | |
| squared_difference,tf.squared_difference | |
| sub,tf.sub | |
| tan,tf.tan | |
| trace,tf.trace | |
| transpose,tf.transpose | |
| truediv,tf.truediv | |
| unique,tf.unique | |
| unsorted_segment_sum,tf.unsorted_segment_sum | |
| where,tf.where | |
| zeta,tf.zeta | |
| # | |
| # Strings | |
| # | |
| as_string,tf.as_string | |
| reduce_join,tf.reduce_join | |
| string_join,tf.string_join | |
| string_to_hash_bucket,tf.string_to_hash_bucket | |
| string_to_hash_bucket_fast,tf.string_to_hash_bucket_fast | |
| string_to_hash_bucket_strong,tf.string_to_hash_bucket_strong | |
| # | |
| # Histograms | |
| # | |
| histogram_fixed_width,tf.histogram_fixed_width | |
| # | |
| # Control Flow | |
| # | |
| add_check_numerics_ops,tf.add_check_numerics_ops | |
| Assert,tf.Assert | |
| case,tf.case | |
| check_numerics,tf.check_numerics | |
| cond,tf.cond | |
| count_up_to,tf.count_up_to | |
| equal,tf.equal | |
| greater,tf.greater | |
| greater_equal,tf.greater_equal | |
| group,tf.group | |
| identity,tf.identity | |
| is_finite,tf.is_finite | |
| is_inf,tf.is_inf | |
| is_nan,tf.is_nan | |
| less,tf.less | |
| less_equal,tf.less_equal | |
| logical_and,tf.logical_and | |
| logical_not,tf.logical_not | |
| logical_or,tf.logical_or | |
| logical_xor,tf.logical_xor | |
| no_op,tf.no_op | |
| not_equal,tf.not_equal | |
| Print,tf.Print | |
| select,tf.select | |
| tuple,tf.tuple | |
| verify_tensor_all_finite,tf.verify_tensor_all_finite | |
| where,tf.where | |
| while_loop,tf.while_loop | |
| # | |
| # Higher Order Functions | |
| # | |
| foldl,tf.foldl | |
| foldr,tf.foldr | |
| map_fn,tf.map_fn | |
| scan,tf.scan | |
| # | |
| # TensorArray Operations | |
| # | |
| concat,tf.concat | |
| pack,tf.pack | |
| split,tf.split | |
| TensorArray,tf.TensorArray | |
| unpack,tf.unpack | |
| # | |
| # Tensor Handle Operations | |
| # | |
| delete_session_tensor,tf.delete_session_tensor | |
| get_session_handle,tf.get_session_handle | |
| get_session_tensor,tf.get_session_tensor | |
| # | |
| # Images | |
| # | |
| adjust_brightness,tf.adjust_brightness | |
| adjust_contrast,tf.adjust_contrast | |
| adjust_hue,tf.adjust_hue | |
| adjust_saturation,tf.adjust_saturation | |
| central_crop,tf.central_crop | |
| convert_image_dtype,tf.convert_image_dtype | |
| crop_and_resize,tf.crop_and_resize | |
| crop_to_bounding_box,tf.crop_to_bounding_box | |
| decode_jpeg,tf.decode_jpeg | |
| decode_png,tf.decode_png | |
| draw_bounding_boxes,tf.draw_bounding_boxes | |
| encode_jpeg,tf.encode_jpeg | |
| encode_png,tf.encode_png | |
| extract_glimpse,tf.extract_glimpse | |
| flip_left_right,tf.flip_left_right | |
| flip_up_down,tf.flip_up_down | |
| grayscale_to_rgb,tf.grayscale_to_rgb | |
| hsv_to_rgb,tf.hsv_to_rgb | |
| non_max_suppression,tf.non_max_suppression | |
| pad_to_bounding_box,tf.pad_to_bounding_box | |
| per_image_whitening,tf.per_image_whitening | |
| random_brightness,tf.random_brightness | |
| random_contrast,tf.random_contrast | |
| random_flip_left_right,tf.random_flip_left_right | |
| random_flip_up_down,tf.random_flip_up_down | |
| random_hue,tf.random_hue | |
| random_saturation,tf.random_saturation | |
| resize_area,tf.resize_area | |
| resize_bicubic,tf.resize_bicubic | |
| resize_bilinear,tf.resize_bilinear | |
| resize_image_with_crop_or_pad,tf.resize_image_with_crop_or_pad | |
| resize_images,tf.resize_images | |
| resize_nearest_neighbor,tf.resize_nearest_neighbor | |
| rgb_to_grayscale,tf.rgb_to_grayscale | |
| rgb_to_hsv,tf.rgb_to_hsv | |
| rot90,tf.rot90 | |
| sample_distorted_bounding_box,tf.sample_distorted_bounding_box | |
| transpose_image,tf.transpose_image | |
| # | |
| # Sparse Tensors | |
| # | |
| shape,tf.shape | |
| sparse_add,tf.sparse_add | |
| sparse_concat,tf.sparse_concat | |
| sparse_fill_empty_rows,tf.sparse_fill_empty_rows | |
| sparse_maximum,tf.sparse_maximum | |
| sparse_merge,tf.sparse_merge | |
| sparse_minimum,tf.sparse_minimum | |
| sparse_reduce_sum,tf.sparse_reduce_sum | |
| sparse_reorder,tf.sparse_reorder | |
| sparse_reset_shape,tf.sparse_reset_shape | |
| sparse_reshape,tf.sparse_reshape | |
| sparse_retain,tf.sparse_retain | |
| sparse_softmax,tf.sparse_softmax | |
| sparse_split,tf.sparse_split | |
| sparse_tensor_dense_matmul,tf.sparse_tensor_dense_matmul | |
| sparse_tensor_to_dense,tf.sparse_tensor_to_dense | |
| sparse_to_dense,tf.sparse_to_dense | |
| sparse_to_indicator,tf.sparse_to_indicator | |
| SparseTensor,tf.SparseTensor | |
| SparseTensorValue,tf.SparseTensorValue | |
| # | |
| # Inputs and Readers | |
| # | |
| batch,tf.batch | |
| batch_join,tf.batch_join | |
| decode_csv,tf.decode_csv | |
| decode_json_example,tf.decode_json_example | |
| decode_raw,tf.decode_raw | |
| FIFOQueue,tf.FIFOQueue | |
| FixedLenFeature,tf.FixedLenFeature | |
| FixedLengthRecordReader,tf.FixedLengthRecordReader | |
| FixedLenSequenceFeature,tf.FixedLenSequenceFeature | |
| IdentityReader,tf.IdentityReader | |
| input_producer,tf.input_producer | |
| limit_epochs,tf.limit_epochs | |
| match_filenames_once,tf.match_filenames_once | |
| matching_files,tf.matching_files | |
| PaddingFIFOQueue,tf.PaddingFIFOQueue | |
| parse_example,tf.parse_example | |
| parse_single_example,tf.parse_single_example | |
| placeholder,tf.placeholder | |
| placeholder_with_default,tf.placeholder_with_default | |
| QueueBase,tf.QueueBase | |
| RandomShuffleQueue,tf.RandomShuffleQueue | |
| range_input_producer,tf.range_input_producer | |
| read_file,tf.read_file | |
| ReaderBase,tf.ReaderBase | |
| shuffle_batch,tf.shuffle_batch | |
| shuffle_batch_join,tf.shuffle_batch_join | |
| size,tf.size | |
| slice_input_producer,tf.slice_input_producer | |
| sparse_placeholder,tf.sparse_placeholder | |
| string_input_producer,tf.string_input_producer | |
| TextLineReader,tf.TextLineReader | |
| TFRecordReader,tf.TFRecordReader | |
| VarLenFeature,tf.VarLenFeature | |
| WholeFileReader,tf.WholeFileReader | |
| # | |
| # Data IO (Python functions) | |
| # | |
| tf_record_iterator,tf.tf_record_iterator | |
| TFRecordWriter,tf.TFRecordWriter | |
| # | |
| # Neural Network | |
| # | |
| atrous_conv2d,tf.atrous_conv2d | |
| avg_pool,tf.avg_pool | |
| avg_pool3d,tf.avg_pool3d | |
| batch_normalization,tf.batch_normalization | |
| bias_add,tf.bias_add | |
| bidirectional_rnn,tf.bidirectional_rnn | |
| compute_accidental_hits,tf.compute_accidental_hits | |
| conv2d,tf.conv2d | |
| conv2d_transpose,tf.conv2d_transpose | |
| conv3d,tf.conv3d | |
| ctc_beam_search_decoder,tf.ctc_beam_search_decoder | |
| ctc_greedy_decoder,tf.ctc_greedy_decoder | |
| ctc_loss,tf.ctc_loss | |
| depthwise_conv2d,tf.depthwise_conv2d | |
| depthwise_conv2d_native,tf.depthwise_conv2d_native | |
| dilation2d,tf.dilation2d | |
| dropout,tf.dropout | |
| dynamic_rnn,tf.dynamic_rnn | |
| elu,tf.elu | |
| embedding_lookup,tf.embedding_lookup | |
| embedding_lookup_sparse,tf.embedding_lookup_sparse | |
| erosion2d,tf.erosion2d | |
| fixed_unigram_candidate_sampler,tf.fixed_unigram_candidate_sampler | |
| in_top_k,tf.in_top_k | |
| l2_loss,tf.l2_loss | |
| l2_normalize,tf.l2_normalize | |
| learned_unigram_candidate_sampler,tf.learned_unigram_candidate_sampler | |
| local_response_normalization,tf.local_response_normalization | |
| log_softmax,tf.log_softmax | |
| log_uniform_candidate_sampler,tf.log_uniform_candidate_sampler | |
| max_pool,tf.max_pool | |
| max_pool3d,tf.max_pool3d | |
| max_pool_with_argmax,tf.max_pool_with_argmax | |
| moments,tf.moments | |
| nce_loss,tf.nce_loss | |
| normalize_moments,tf.normalize_moments | |
| relu,tf.relu | |
| relu6,tf.relu6 | |
| rnn,tf.rnn | |
| sampled_softmax_loss,tf.sampled_softmax_loss | |
| separable_conv2d,tf.separable_conv2d | |
| sigmoid,tf.sigmoid | |
| sigmoid_cross_entropy_with_logits,tf.sigmoid_cross_entropy_with_logits | |
| softmax,tf.softmax | |
| softmax_cross_entropy_with_logits,tf.softmax_cross_entropy_with_logits | |
| softplus,tf.softplus | |
| softsign,tf.softsign | |
| sparse_softmax_cross_entropy_with_logits,tf.sparse_softmax_cross_entropy_with_logits | |
| state_saving_rnn,tf.state_saving_rnn | |
| sufficient_statistics,tf.sufficient_statistics | |
| tanh,tf.tanh | |
| top_k,tf.top_k | |
| uniform_candidate_sampler,tf.uniform_candidate_sampler | |
| weighted_cross_entropy_with_logits,tf.weighted_cross_entropy_with_logits | |
| # | |
| # Neural Network RNN Cells | |
| # | |
| BasicLSTMCell,tf.BasicLSTMCell | |
| BasicRNNCell,tf.BasicRNNCell | |
| DropoutWrapper,tf.DropoutWrapper | |
| EmbeddingWrapper,tf.EmbeddingWrapper | |
| GRUCell,tf.GRUCell | |
| InputProjectionWrapper,tf.InputProjectionWrapper | |
| LSTMCell,tf.LSTMCell | |
| LSTMStateTuple,tf.LSTMStateTuple | |
| MultiRNNCell,tf.MultiRNNCell | |
| OutputProjectionWrapper,tf.OutputProjectionWrapper | |
| RNNCell,tf.RNNCell | |
| # | |
| # Running Graphs | |
| # | |
| AbortedError,tf.AbortedError | |
| AlreadyExistsError,tf.AlreadyExistsError | |
| CancelledError,tf.CancelledError | |
| DataLossError,tf.DataLossError | |
| DeadlineExceededError,tf.DeadlineExceededError | |
| FailedPreconditionError,tf.FailedPreconditionError | |
| get_default_session,tf.get_default_session | |
| InteractiveSession,tf.InteractiveSession | |
| InternalError,tf.InternalError | |
| InvalidArgumentError,tf.InvalidArgumentError | |
| NotFoundError,tf.NotFoundError | |
| OpError,tf.OpError | |
| OutOfRangeError,tf.OutOfRangeError | |
| PermissionDeniedError,tf.PermissionDeniedError | |
| ResourceExhaustedError,tf.ResourceExhaustedError | |
| Session,tf.Session | |
| UnauthenticatedError,tf.UnauthenticatedError | |
| UnavailableError,tf.UnavailableError | |
| UnimplementedError,tf.UnimplementedError | |
| UnknownError,tf.UnknownError | |
| # | |
| # Training | |
| # | |
| AdadeltaOptimizer,tf.AdadeltaOptimizer | |
| AdagradOptimizer,tf.AdagradOptimizer | |
| AdamOptimizer,tf.AdamOptimizer | |
| add_queue_runner,tf.add_queue_runner | |
| AggregationMethod,tf.AggregationMethod | |
| audio_summary,tf.audio_summary | |
| clip_by_average_norm,tf.clip_by_average_norm | |
| clip_by_global_norm,tf.clip_by_global_norm | |
| clip_by_norm,tf.clip_by_norm | |
| clip_by_value,tf.clip_by_value | |
| ClusterSpec,tf.ClusterSpec | |
| Coordinator,tf.Coordinator | |
| do_quantize_training_on_graphdef,tf.do_quantize_training_on_graphdef | |
| exponential_decay,tf.exponential_decay | |
| ExponentialMovingAverage,tf.ExponentialMovingAverage | |
| FtrlOptimizer,tf.FtrlOptimizer | |
| generate_checkpoint_state_proto,tf.generate_checkpoint_state_proto | |
| global_norm,tf.global_norm | |
| global_step,tf.global_step | |
| GradientDescentOptimizer,tf.GradientDescentOptimizer | |
| gradients,tf.gradients | |
| histogram_summary,tf.histogram_summary | |
| image_summary,tf.image_summary | |
| LooperThread,tf.LooperThread | |
| merge_all_summaries,tf.merge_all_summaries | |
| merge_summary,tf.merge_summary | |
| MomentumOptimizer,tf.MomentumOptimizer | |
| Optimizer,tf.Optimizer | |
| QueueRunner,tf.QueueRunner | |
| replica_device_setter,tf.replica_device_setter | |
| RMSPropOptimizer,tf.RMSPropOptimizer | |
| scalar_summary,tf.scalar_summary | |
| Server,tf.Server | |
| SessionManager,tf.SessionManager | |
| start_queue_runners,tf.start_queue_runners | |
| stop_gradient,tf.stop_gradient | |
| summary_iterator,tf.summary_iterator | |
| SummaryWriter,tf.SummaryWriter | |
| Supervisor,tf.Supervisor | |
| write_graph,tf.write_graph | |
| zero_fraction,tf.zero_fraction | |
| # | |
| # Wraps python functions | |
| # | |
| py_func,tf.py_func | |
| # | |
| # Summary Operations | |
| # | |
| tensor_summary,tf.tensor_summary | |
| # | |
| # Testing | |
| # | |
| assert_equal_graph_def,tf.assert_equal_graph_def | |
| compute_gradient,tf.compute_gradient | |
| compute_gradient_error,tf.compute_gradient_error | |
| get_temp_dir,tf.get_temp_dir | |
| is_built_with_cuda,tf.is_built_with_cuda | |
| main,tf.main | |
| # | |
| # BayesFlow Stochastic Graph (contrib) | |
| # | |
| DistributionTensor,tf.contreib.bayesflow.stochastic_graph.DistributionTensor | |
| get_current_value_type,tf.contreib.bayesflow.stochastic_graph.get_current_value_type | |
| get_score_function_with_baseline,tf.contreib.bayesflow.stochastic_graph.get_score_function_with_baseline | |
| MeanValue,tf.contreib.bayesflow.stochastic_graph.MeanValue | |
| NoValueTypeSetError,tf.contreib.bayesflow.stochastic_graph.NoValueTypeSetError | |
| SampleAndReshapeValue,tf.contreib.bayesflow.stochastic_graph.SampleAndReshapeValue | |
| SampleValue,tf.contreib.bayesflow.stochastic_graph.SampleValue | |
| score_function,tf.contreib.bayesflow.stochastic_graph.score_function | |
| StochasticTensor,tf.contreib.bayesflow.stochastic_graph.StochasticTensor | |
| surrogate_loss,tf.contreib.bayesflow.stochastic_graph.surrogate_loss | |
| value_type,tf.contreib.bayesflow.stochastic_graph.value_type | |
| # | |
| # Statistical distributions (contrib) | |
| # | |
| BaseDistribution,tf.contrib.distributions.BaseDistribution | |
| batch_matrix_diag_transform,tf.contrib.distributions.batch_matrix_diag_transform | |
| Bernoulli,tf.contrib.distributions.Bernoulli | |
| Beta,tf.contrib.distributions.Beta | |
| Categorical,tf.contrib.distributions.Categorical | |
| Chi2,tf.contrib.distributions.Chi2 | |
| Dirichlet,tf.contrib.distributions.Dirichlet | |
| DirichletMultinomial,tf.contrib.distributions.DirichletMultinomial | |
| Distribution,tf.contrib.distributions.Distribution | |
| Exponential,tf.contrib.distributions.Exponential | |
| Gamma,tf.contrib.distributions.Gamma | |
| InverseGamma,tf.contrib.distributions.InverseGamma | |
| kl,tf.contrib.distributions.kl | |
| Laplace,tf.contrib.distributions.Laplace | |
| MultivariateNormalCholesky,tf.contrib.distributions.MultivariateNormalCholesky | |
| MultivariateNormalDiag,tf.contrib.distributions.MultivariateNormalDiag | |
| MultivariateNormalFull,tf.contrib.distributions.MultivariateNormalFull | |
| Normal,tf.contrib.distributions.Normal | |
| normal_congugates_known_sigma_predictive,tf.contrib.distributions.normal_congugates_known_sigma_predictive | |
| normal_conjugates_known_sigma_posterior,tf.contrib.distributions.normal_conjugates_known_sigma_posterior | |
| RegisterKL,tf.contrib.distributions.RegisterKL | |
| StudentT,tf.contrib.distributions.StudentT | |
| TransformedDistribution,tf.contrib.distributions.TransformedDistribution | |
| Uniform,tf.contrib.distributions.Uniform | |
| # | |
| # FFmpeg (contrib) | |
| # | |
| decode_audio,tf.contrib.ffmpeg.decode_audio | |
| encode_audio,tf.contrib.ffmpeg.encode_audio | |
| # | |
| # Framework (contrib) | |
| # | |
| add_arg_scope,tf.contrib.framework.add_arg_scope | |
| add_model_variable,tf.contrib.framework.add_model_variable | |
| arg_scope,tf.contrib.framework.arg_scope | |
| arg_scoped_arguments,tf.contrib.framework.arg_scoped_arguments | |
| assert_global_step,tf.contrib.framework.assert_global_step | |
| assert_or_get_global_step,tf.contrib.framework.assert_or_get_global_step | |
| assert_same_float_dtype,tf.contrib.framework.assert_same_float_dtype | |
| assert_scalar_int,tf.contrib.framework.assert_scalar_int | |
| convert_to_tensor_or_sparse_tensor,tf.contrib.framework.convert_to_tensor_or_sparse_tensor | |
| create_global_step,tf.contrib.framework.create_global_step | |
| deprecated,tf.contrib.framework.deprecated | |
| get_global_step,tf.contrib.framework.get_global_step | |
| get_graph_from_inputs,tf.contrib.framework.get_graph_from_inputs | |
| get_local_variables,tf.contrib.framework.get_local_variables | |
| get_model_variables,tf.contrib.framework.get_model_variables | |
| get_or_create_global_step,tf.contrib.framework.get_or_create_global_step | |
| get_unique_variable,tf.contrib.framework.get_unique_variable | |
| get_variables,tf.contrib.framework.get_variables | |
| get_variables_by_name,tf.contrib.framework.get_variables_by_name | |
| get_variables_by_suffix,tf.contrib.framework.get_variables_by_suffix | |
| get_variables_to_restore,tf.contrib.framework.get_variables_to_restore | |
| has_arg_scope,tf.contrib.framework.has_arg_scope | |
| is_non_decreasing,tf.contrib.framework.is_non_decreasing | |
| is_numeric_tensor,tf.contrib.framework.is_numeric_tensor | |
| is_strictly_increasing,tf.contrib.framework.is_strictly_increasing | |
| is_tensor,tf.contrib.framework.is_tensor | |
| local_variable,tf.contrib.framework.local_variable | |
| model_variable,tf.contrib.framework.model_variable | |
| reduce_sum_n,tf.contrib.framework.reduce_sum_n | |
| safe_embedding_lookup_sparse,tf.contrib.framework.safe_embedding_lookup_sparse | |
| variable,tf.contrib.framework.variable | |
| VariableDeviceChooser,tf.contrib.framework.VariableDeviceChooser | |
| with_same_shape,tf.contrib.framework.with_same_shape | |
| with_shape,tf.contrib.framework.with_shape | |
| # | |
| # Layers (contrib) | |
| # | |
| apply_regularization,tf.contrib.layers.apply_regularization | |
| avg_pool2d,tf.contrib.layers.avg_pool2d | |
| batch_norm,tf.contrib.layers.batch_norm | |
| convolution2d,tf.contrib.layers.convolution2d | |
| convolution2d_in_plane,tf.contrib.layers.convolution2d_in_plane | |
| convolution2d_transpose,tf.contrib.layers.convolution2d_transpose | |
| flatten,tf.contrib.layers.flatten | |
| fully_connected,tf.contrib.layers.fully_connected | |
| l1_regularizer,tf.contrib.layers.l1_regularizer | |
| l2_regularizer,tf.contrib.layers.l2_regularizer | |
| max_pool2d,tf.contrib.layers.max_pool2d | |
| one_hot_encoding,tf.contrib.layers.one_hot_encoding | |
| optimize_loss,tf.contrib.layers.optimize_loss | |
| repeat,tf.contrib.layers.repeat | |
| separable_convolution2d,tf.contrib.layers.separable_convolution2d | |
| stack,tf.contrib.layers.stack | |
| sum_regularizer,tf.contrib.layers.sum_regularizer | |
| summarize_activation,tf.contrib.layers.summarize_activation | |
| summarize_activations,tf.contrib.layers.summarize_activations | |
| summarize_collection,tf.contrib.layers.summarize_collection | |
| summarize_tensor,tf.contrib.layers.summarize_tensor | |
| summarize_tensors,tf.contrib.layers.summarize_tensors | |
| unit_norm,tf.contrib.layers.unit_norm | |
| variance_scaling_initializer,tf.contrib.layers.variance_scaling_initializer | |
| xavier_initializer,tf.contrib.layers.xavier_initializer | |
| xavier_initializer_conv2d,tf.contrib.layers.xavier_initializer_conv2d | |
| # | |
| # Learn (contrib) | |
| # | |
| BaseEstimator,tf.contrib.learn.BaseEstimator | |
| DNNClassifier,tf.contrib.learn.DNNClassifier | |
| DNNRegressor,tf.contrib.learn.DNNRegressor | |
| Estimator,tf.contrib.learn.Estimator | |
| evaluate,tf.contrib.learn.evaluate | |
| extract_dask_data,tf.contrib.learn.extract_dask_data | |
| extract_dask_labels,tf.contrib.learn.extract_dask_labels | |
| extract_pandas_data,tf.contrib.learn.extract_pandas_data | |
| extract_pandas_labels,tf.contrib.learn.extract_pandas_labels | |
| extract_pandas_matrix,tf.contrib.learn.extract_pandas_matrix | |
| infer,tf.contrib.learn.infer | |
| LinearClassifier,tf.contrib.learn.LinearClassifier | |
| LinearRegressor,tf.contrib.learn.LinearRegressor | |
| ModeKeys,tf.contrib.learn.ModeKeys | |
| NanLossDuringTrainingError,tf.contrib.learn.NanLossDuringTrainingError | |
| read_batch_examples,tf.contrib.learn.read_batch_examples | |
| read_batch_features,tf.contrib.learn.read_batch_features | |
| read_batch_record_features,tf.contrib.learn.read_batch_record_features | |
| run_feeds,tf.contrib.learn.run_feeds | |
| run_n,tf.contrib.learn.run_n | |
| RunConfig,tf.contrib.learn.RunConfig | |
| TensorFlowClassifier,tf.contrib.learn.TensorFlowClassifier | |
| TensorFlowDNNClassifier,tf.contrib.learn.TensorFlowDNNClassifier | |
| TensorFlowDNNRegressor,tf.contrib.learn.TensorFlowDNNRegressor | |
| TensorFlowEstimator,tf.contrib.learn.TensorFlowEstimator | |
| TensorFlowLinearClassifier,tf.contrib.learn.TensorFlowLinearClassifier | |
| TensorFlowLinearRegressor,tf.contrib.learn.TensorFlowLinearRegressor | |
| TensorFlowRegressor,tf.contrib.learn.TensorFlowRegressor | |
| TensorFlowRNNClassifier,tf.contrib.learn.TensorFlowRNNClassifier | |
| TensorFlowRNNRegressor,tf.contrib.learn.TensorFlowRNNRegressor | |
| train,tf.contrib.learn.train | |
| # | |
| # Monitors (contrib) | |
| # | |
| BaseMonitor,tf.contrib.monitors.BaseMonitor | |
| CaptureVariable,tf.contrib.monitors.CaptureVariable | |
| CheckpointSaver,tf.contrib.monitors.CheckpointSaver | |
| EveryN,tf.contrib.monitors.EveryN | |
| ExportMonitor,tf.contrib.monitors.ExportMonitor | |
| get_default_monitors,tf.contrib.monitors.get_default_monitors | |
| GraphDump,tf.contrib.monitors.GraphDump | |
| LoggingTrainable,tf.contrib.monitors.LoggingTrainable | |
| NanLoss,tf.contrib.monitors.NanLoss | |
| PrintTensor,tf.contrib.monitors.PrintTensor | |
| StepCounter,tf.contrib.monitors.StepCounter | |
| StopAtStep,tf.contrib.monitors.StopAtStep | |
| SummarySaver,tf.contrib.monitors.SummarySaver | |
| SummaryWriterCache,tf.contrib.monitors.SummaryWriterCache | |
| ValidationMonitor,tf.contrib.monitors.ValidationMonitor | |
| # | |
| # Losses (contrib) | |
| # | |
| absolute_difference,tf.contrib.losses.absolute_difference | |
| add_loss,tf.contrib.losses.add_loss | |
| cosine_distance,tf.contrib.losses.cosine_distance | |
| get_losses,tf.contrib.losses.get_losses | |
| get_regularization_losses,tf.contrib.losses.get_regularization_losses | |
| get_total_loss,tf.contrib.losses.get_total_loss | |
| log_loss,tf.contrib.losses.log_loss | |
| sigmoid_cross_entropy,tf.contrib.losses.sigmoid_cross_entropy | |
| softmax_cross_entropy,tf.contrib.losses.softmax_cross_entropy | |
| sum_of_pairwise_squares,tf.contrib.losses.sum_of_pairwise_squares | |
| sum_of_squares,tf.contrib.losses.sum_of_squares | |
| # | |
| # Metrics (contrib) | |
| # | |
| accuracy,tf.contrib.metrics.accuracy | |
| aggregate_metric_map,tf.contrib.metrics.aggregate_metric_map | |
| aggregate_metrics,tf.contrib.metrics.aggregate_metrics | |
| auc_using_histogram,tf.contrib.metrics.auc_using_histogram | |
| confusion_matrix,tf.contrib.metrics.confusion_matrix | |
| set_difference,tf.contrib.metrics.set_difference | |
| set_intersection,tf.contrib.metrics.set_intersection | |
| set_size,tf.contrib.metrics.set_size | |
| set_union,tf.contrib.metrics.set_union | |
| streaming_accuracy,tf.contrib.metrics.streaming_accuracy | |
| streaming_auc,tf.contrib.metrics.streaming_auc | |
| streaming_mean,tf.contrib.metrics.streaming_mean | |
| streaming_mean_absolute_error,tf.contrib.metrics.streaming_mean_absolute_error | |
| streaming_mean_cosine_distance,tf.contrib.metrics.streaming_mean_cosine_distance | |
| streaming_mean_iou,tf.contrib.metrics.streaming_mean_iou | |
| streaming_mean_relative_error,tf.contrib.metrics.streaming_mean_relative_error | |
| streaming_mean_squared_error,tf.contrib.metrics.streaming_mean_squared_error | |
| streaming_percentage_less,tf.contrib.metrics.streaming_percentage_less | |
| streaming_precision,tf.contrib.metrics.streaming_precision | |
| streaming_recall,tf.contrib.metrics.streaming_recall | |
| streaming_recall_at_k,tf.contrib.metrics.streaming_recall_at_k | |
| streaming_root_mean_squared_error,tf.contrib.metrics.streaming_root_mean_squared_error | |
| streaming_sparse_precision_at_k,tf.contrib.metrics.streaming_sparse_precision_at_k | |
| streaming_sparse_recall_at_k,tf.contrib.metrics.streaming_sparse_recall_at_k | |
| # | |
| # Utilities (contrib) | |
| # | |
| constant_value,tf.contrib.util.constant_value | |
| make_ndarray,tf.contrib.util.make_ndarray | |
| make_tensor_proto,tf.contrib.util.make_tensor_proto | |
| ops_used_by_graph_def,tf.contrib.util.ops_used_by_graph_def | |
| stripped_op_list_for_graph,tf.contrib.util.stripped_op_list_for_graph | |
| # | |
| # Copying Graph Elements (contrib) | |
| # | |
| copy_op_to_graph,tf.contrib.copy_graph.copy_op_to_graph | |
| copy_variable_to_graph,tf.contrib.copy_graph.copy_variable_to_graph | |
| get_copied_op,tf.contrib.copy_graph.get_copied_op |
Hi dustinvtran,
May I know how you get all those tensorflow operations? I want to get the latest operations of tensorflow.
Regards,
Bryan
It's been a while so I don't exactly recall. Crawling through tf.__dict__ ?
It's been a while so I don't exactly recall. Crawling through
tf.__dict__?
Thanks for your reply. I found a way to get the operation list.
from tensorflow.python.framework.ops import op_def_registry
registered_ops = op_def_registry.get_registered_ops()
valid_op_names = sorted(registered_ops.keys())
print(len(valid_op_names))
But this is still need to be verified... Anyway, thanks :).
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment
excellent work :)