LostTech.TensorFlow : API Documentation

Type nn

Namespace tensorflow.compat.v2.nn

Methods

Properties

Public static methods

Tensor avg_pool2d(object input, object ksize, object strides, object padding, string data_format, string name)

object avg_pool2d_dyn(object input, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)

object batch_norm_with_global_normalization(object input, object mean, object variance, object beta, object gamma, object variance_epsilon, object scale_after_normalization, string name)

object batch_norm_with_global_normalization_dyn(object input, object mean, object variance, object beta, object gamma, object variance_epsilon, object scale_after_normalization, object name)

Tensor conv1d(object input, object filters, object stride, object padding, string data_format, object dilations, string name)

object conv1d_dyn(object input, object filters, object stride, object padding, ImplicitContainer<T> data_format, object dilations, object name)

Tensor conv2d(IGraphNodeBase input, IGraphNodeBase filters, object strides, object padding, string data_format, object dilations, string name)

object conv2d_dyn(object input, object filters, object strides, object padding, ImplicitContainer<T> data_format, object dilations, object name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IEnumerable<int> output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IGraphNodeBase output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IGraphNodeBase output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IGraphNodeBase output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IGraphNodeBase output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, object output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, object output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, object output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, object output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IEnumerable<int> output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IEnumerable<int> output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IGraphNodeBase output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IEnumerable<int> output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, object output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<IEnumerable<object>, PythonClassContainer> output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IEnumerable<int> output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IEnumerable<int> output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, int filters, IEnumerable<int> output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IEnumerable<int> output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, object output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, object output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, object output_shape, IEnumerable<int> strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IGraphNodeBase output_shape, string strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IGraphNodeBase output_shape, object strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

Tensor conv2d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IGraphNodeBase output_shape, int strides, ImplicitContainer<T> padding, string data_format, object dilations, string name)

object conv2d_transpose_dyn(object input, object filters, object output_shape, object strides, ImplicitContainer<T> padding, ImplicitContainer<T> data_format, object dilations, object name)

Tensor conv3d(object input, object filters, object strides, object padding, string data_format, object dilations, string name)

object conv3d_dyn(object input, object filters, object strides, object padding, ImplicitContainer<T> data_format, object dilations, object name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, int filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, ValueTuple<object> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, IEnumerable<int> output_shape, object strides, string padding, string data_format, object dilations, string name)

Tensor conv3d_transpose(IGraphNodeBase input, IGraphNodeBase filters, ValueTuple<object, IEnumerable<object>> output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IGraphNodeBase input, int filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, PythonFunctionContainer name)

Tensor conv3d_transpose(IEnumerable<IGraphNodeBase> input, IGraphNodeBase filters, IGraphNodeBase output_shape, object strides, string padding, string data_format, object dilations, string name)

object conv3d_transpose_dyn(object input, object filters, object output_shape, object strides, ImplicitContainer<T> padding, ImplicitContainer<T> data_format, object dilations, object name)

object convolution(object input, object filters, object strides, string padding, object data_format, object dilations, string name)

object convolution_dyn(object input, object filters, object strides, ImplicitContainer<T> padding, object data_format, object dilations, object name)

Tensor crelu(object features, int axis, string name)

object crelu_dyn(object features, ImplicitContainer<T> axis, object name)

Tensor depth_to_space(object input, object block_size, string data_format, string name)

object depth_to_space_dyn(object input, object block_size, ImplicitContainer<T> data_format, object name)

Tensor depthwise_conv2d(object input, object filter, object strides, object padding, object data_format, object dilations, string name)

object depthwise_conv2d_dyn(object input, object filter, object strides, object padding, object data_format, object dilations, object name)

Tensor dilation2d(IGraphNodeBase input, IGraphNodeBase filters, object strides, object padding, object data_format, object dilations, string name)

object dilation2d_dyn(object input, object filters, object strides, object padding, object data_format, object dilations, object name)

object dropout(IGraphNodeBase x, double rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IGraphNodeBase x, IEnumerable<double> rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IGraphNodeBase x, int rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, double rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IGraphNodeBase x, double rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(IGraphNodeBase x, int rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IGraphNodeBase x, PythonClassContainer rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, IEnumerable<double> rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, IEnumerable<double> rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, PythonClassContainer rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IGraphNodeBase x, PythonClassContainer rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, PythonClassContainer rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(IGraphNodeBase x, IEnumerable<double> rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, double rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, PythonClassContainer rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, IEnumerable<double> rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, double rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, PythonClassContainer rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, int rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, double rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(IEnumerable<IGraphNodeBase> x, int rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, int rate, IEnumerable<int> noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, IEnumerable<double> rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout(PythonClassContainer x, int rate, IGraphNodeBase noise_shape, Nullable<int> seed, string name)

object dropout_dyn(object x, object rate, object noise_shape, object seed, object name)

Tensor embedding_lookup(object params, object ids, object max_norm, string name)

object embedding_lookup_dyn(object params, object ids, object max_norm, object name)

object embedding_lookup_sparse(object params, object sp_ids, object sp_weights, object combiner, object max_norm, string name)

object embedding_lookup_sparse_dyn(object params, object sp_ids, object sp_weights, object combiner, object max_norm, object name)

Tensor erosion2d(IGraphNodeBase value, IGraphNodeBase filters, object strides, object padding, object data_format, object dilations, string name)

object erosion2d_dyn(object value, object filters, object strides, object padding, object data_format, object dilations, object name)

object fractional_avg_pool(IGraphNodeBase value, ValueTuple<int, double, object, object> pooling_ratio, bool pseudo_random, bool overlapping, int seed, string name)

object fractional_avg_pool(IGraphNodeBase value, IEnumerable<double> pooling_ratio, bool pseudo_random, bool overlapping, int seed, string name)

object fractional_avg_pool_dyn(object value, object pooling_ratio, ImplicitContainer<T> pseudo_random, ImplicitContainer<T> overlapping, ImplicitContainer<T> seed, object name)

object fractional_max_pool(IGraphNodeBase value, ValueTuple<int, double, object, object> pooling_ratio, bool pseudo_random, bool overlapping, int seed, string name)

object fractional_max_pool(IGraphNodeBase value, IEnumerable<double> pooling_ratio, bool pseudo_random, bool overlapping, int seed, string name)

object fractional_max_pool_dyn(object value, object pooling_ratio, ImplicitContainer<T> pseudo_random, ImplicitContainer<T> overlapping, ImplicitContainer<T> seed, object name)

Tensor in_top_k(object targets, object predictions, object k, string name)

object in_top_k_dyn(object targets, object predictions, object k, object name)

Says whether the targets are in the top `K` predictions.

This outputs a `batch_size` bool array, an entry `out[i]` is `true` if the prediction for the target class is finite (not inf, -inf, or nan) and among the top `k` predictions among all predictions for example `i`. Note that the behavior of `InTopK` differs from the `TopK` op in its handling of ties; if multiple classes have the same prediction value and straddle the top-`k` boundary, all of those classes are considered to be in the top `k`.

More formally, let

\\(predictions_i\\) be the predictions for all classes for example `i`, \\(targets_i\\) be the target class for example `i`, \\(out_i\\) be the output for example `i`,

$$out_i = predictions_{i, targets_i} \in TopKIncludingTies(predictions_i)$$
Parameters
object targets
A `Tensor`. Must be one of the following types: `int32`, `int64`. A `batch_size` vector of class ids.
object predictions
A `Tensor` of type `float32`. A `batch_size` x `classes` tensor.
object k
An `int`. Number of top elements to look at for computing precision.
object name
A name for the operation (optional).
Returns
object
A `Tensor` of type `bool`. Computed Precision at `k` as a `bool Tensor`.

Tensor l2_normalize(IGraphNodeBase x, IEnumerable<int> axis, double epsilon, string name)

Tensor l2_normalize(IGraphNodeBase x, int axis, double epsilon, string name)

object l2_normalize_dyn(object x, object axis, ImplicitContainer<T> epsilon, object name)

Tensor log_softmax(IGraphNodeBase logits, Nullable<int> axis, string name)

object log_softmax_dyn(object logits, object axis, object name)

object max_pool_with_argmax(IGraphNodeBase input, object ksize, object strides, object padding, string data_format, ImplicitContainer<T> output_dtype, bool include_batch_in_index, string name)

object max_pool_with_argmax_dyn(object input, object ksize, object strides, object padding, ImplicitContainer<T> data_format, ImplicitContainer<T> output_dtype, ImplicitContainer<T> include_batch_in_index, object name)

ValueTuple<object, object> moments(IGraphNodeBase x, ValueTuple<int> axes, object shift, bool keepdims, string name)

object moments_dyn(object x, object axes, object shift, ImplicitContainer<T> keepdims, object name)

Tensor nce_loss(IEnumerable<IGraphNodeBase> weights, IGraphNodeBase biases, IGraphNodeBase labels, IGraphNodeBase inputs, int num_sampled, int num_classes, int num_true, object sampled_values, bool remove_accidental_hits, string name)

Tensor nce_loss(IGraphNodeBase weights, IGraphNodeBase biases, IGraphNodeBase labels, IGraphNodeBase inputs, int num_sampled, int num_classes, int num_true, object sampled_values, bool remove_accidental_hits, string name)

object nce_loss_dyn(object weights, object biases, object labels, object inputs, object num_sampled, object num_classes, ImplicitContainer<T> num_true, object sampled_values, ImplicitContainer<T> remove_accidental_hits, ImplicitContainer<T> name)

object pool(object input, object window_shape, object pooling_type, object strides, string padding, object data_format, object dilations, string name)

object pool_dyn(object input, object window_shape, object pooling_type, object strides, ImplicitContainer<T> padding, object data_format, object dilations, object name)

Tensor safe_embedding_lookup_sparse(IEnumerable<object> embedding_weights, SparseTensor sparse_ids, SparseTensor sparse_weights, string combiner, Nullable<int> default_id, object max_norm, string name)

object safe_embedding_lookup_sparse_dyn(object embedding_weights, object sparse_ids, object sparse_weights, ImplicitContainer<T> combiner, object default_id, object max_norm, object name)

Tensor sampled_softmax_loss(IGraphNodeBase weights, IGraphNodeBase biases, IGraphNodeBase labels, IGraphNodeBase inputs, int num_sampled, int num_classes, int num_true, object sampled_values, bool remove_accidental_hits, object seed, string name)

Tensor sampled_softmax_loss(IEnumerable<IGraphNodeBase> weights, IGraphNodeBase biases, IGraphNodeBase labels, IGraphNodeBase inputs, int num_sampled, int num_classes, int num_true, object sampled_values, bool remove_accidental_hits, object seed, string name)

Tensor sampled_softmax_loss(IGraphNodeBase weights, IGraphNodeBase biases, IGraphNodeBase labels, IGraphNodeBase inputs, int num_sampled, int num_classes, int num_true, ValueTuple<IEnumerable<int>, ndarray, object> sampled_values, bool remove_accidental_hits, object seed, string name)

Tensor sampled_softmax_loss(IEnumerable<IGraphNodeBase> weights, IGraphNodeBase biases, IGraphNodeBase labels, IGraphNodeBase inputs, int num_sampled, int num_classes, int num_true, ValueTuple<IEnumerable<int>, ndarray, object> sampled_values, bool remove_accidental_hits, object seed, string name)

object sampled_softmax_loss_dyn(object weights, object biases, object labels, object inputs, object num_sampled, object num_classes, ImplicitContainer<T> num_true, object sampled_values, ImplicitContainer<T> remove_accidental_hits, object seed, ImplicitContainer<T> name)

Tensor separable_conv2d(object input, object depthwise_filter, object pointwise_filter, object strides, object padding, object data_format, object dilations, string name)

object separable_conv2d_dyn(object input, object depthwise_filter, object pointwise_filter, object strides, object padding, object data_format, object dilations, object name)

Tensor sigmoid_cross_entropy_with_logits(IGraphNodeBase labels, object logits, string name)

object sigmoid_cross_entropy_with_logits_dyn(object labels, object logits, object name)

Tensor softmax(IGraphNodeBase logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IndexedSlices labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(IDictionary<object, object> labels, object logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(int labels, object logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(int labels, object logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IGraphNodeBase labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(IGraphNodeBase labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IGraphNodeBase labels, object logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(IGraphNodeBase labels, object logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IDictionary<object, object> labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(IDictionary<object, object> labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IDictionary<object, object> labels, object logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(int labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(IEnumerable<double> labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(IEnumerable<double> labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IEnumerable<double> labels, object logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(int labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(ValueTuple<PythonClassContainer, PythonClassContainer> labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(IndexedSlices labels, object logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IndexedSlices labels, object logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(ValueTuple<PythonClassContainer, PythonClassContainer> labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(ValueTuple<PythonClassContainer, PythonClassContainer> labels, object logits, Nullable<int> axis, PythonFunctionContainer name)

Tensor softmax_cross_entropy_with_logits(ValueTuple<PythonClassContainer, PythonClassContainer> labels, object logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IndexedSlices labels, IEnumerable<IGraphNodeBase> logits, Nullable<int> axis, string name)

Tensor softmax_cross_entropy_with_logits(IEnumerable<double> labels, object logits, Nullable<int> axis, string name)

object softmax_cross_entropy_with_logits_dyn(object labels, object logits, ImplicitContainer<T> axis, object name)

object softmax_dyn(object logits, object axis, object name)

Tensor space_to_depth(object input, object block_size, string data_format, string name)

object space_to_depth_dyn(object input, object block_size, ImplicitContainer<T> data_format, object name)

Tensor sparse_softmax_cross_entropy_with_logits(ValueTuple<PythonClassContainer, PythonClassContainer> labels, IndexedSlices logits, string name)

Tensor sparse_softmax_cross_entropy_with_logits(ValueTuple<PythonClassContainer, PythonClassContainer> labels, IGraphNodeBase logits, string name)

Tensor sparse_softmax_cross_entropy_with_logits(IndexedSlices labels, IGraphNodeBase logits, string name)

Tensor sparse_softmax_cross_entropy_with_logits(IGraphNodeBase labels, IndexedSlices logits, string name)

Tensor sparse_softmax_cross_entropy_with_logits(IGraphNodeBase labels, IGraphNodeBase logits, string name)

Tensor sparse_softmax_cross_entropy_with_logits(IndexedSlices labels, IndexedSlices logits, string name)

object sparse_softmax_cross_entropy_with_logits_dyn(object labels, object logits, object name)

object sufficient_statistics(IGraphNodeBase x, object axes, object shift, bool keepdims, string name)

object sufficient_statistics_dyn(object x, object axes, object shift, ImplicitContainer<T> keepdims, object name)

Tensor weighted_cross_entropy_with_logits(IGraphNodeBase labels, IEnumerable<object> logits, Nullable<double> pos_weight, string name)

object weighted_cross_entropy_with_logits_dyn(object labels, object logits, object pos_weight, object name)

object weighted_moments(object x, object axes, object frequency_weights, bool keepdims, string name)

object weighted_moments_dyn(object x, object axes, object frequency_weights, ImplicitContainer<T> keepdims, object name)

Public properties

PythonFunctionContainer avg_pool2d_fn get;

PythonFunctionContainer batch_norm_with_global_normalization_fn_ get;

PythonFunctionContainer conv1d_fn_ get;

PythonFunctionContainer conv2d_fn_ get;

PythonFunctionContainer conv2d_transpose_fn_ get;

PythonFunctionContainer conv3d_fn_ get;

PythonFunctionContainer conv3d_transpose_fn_ get;

PythonFunctionContainer convolution_fn_ get;

PythonFunctionContainer crelu_fn_ get;

PythonFunctionContainer depth_to_space_fn_ get;

PythonFunctionContainer depthwise_conv2d_fn_ get;

PythonFunctionContainer dilation2d_fn_ get;

PythonFunctionContainer dropout_fn_ get;

PythonFunctionContainer embedding_lookup_fn_ get;

PythonFunctionContainer embedding_lookup_sparse_fn_ get;

PythonFunctionContainer erosion2d_fn_ get;

PythonFunctionContainer fractional_avg_pool_fn_ get;

PythonFunctionContainer fractional_max_pool_fn_ get;

PythonFunctionContainer in_top_k_fn_ get;

PythonFunctionContainer l2_normalize_fn_ get;

PythonFunctionContainer log_softmax_fn_ get;

PythonFunctionContainer max_pool_with_argmax_fn_ get;

PythonFunctionContainer moments_fn_ get;

PythonFunctionContainer nce_loss_fn_ get;

PythonFunctionContainer pool_fn_ get;

PythonFunctionContainer safe_embedding_lookup_sparse_fn_ get;

PythonFunctionContainer sampled_softmax_loss_fn_ get;

PythonFunctionContainer separable_conv2d_fn_ get;

PythonFunctionContainer sigmoid_cross_entropy_with_logits_fn_ get;

PythonFunctionContainer softmax_cross_entropy_with_logits_fn_ get;

PythonFunctionContainer softmax_fn_ get;

PythonFunctionContainer space_to_depth_fn_ get;

PythonFunctionContainer sparse_softmax_cross_entropy_with_logits_fn_ get;

PythonFunctionContainer sufficient_statistics_fn_ get;

PythonFunctionContainer weighted_cross_entropy_with_logits_fn_ get;

PythonFunctionContainer weighted_moments_fn_ get;