LocallyConnected1D
Inherits From: Layer
Defined in tensorflow/python/keras/_impl/keras/layers/local.py.
Locally-connected layer for 1D inputs.
The LocallyConnected1D layer works similarly to the Conv1D layer, except that weights are unshared, that is, a different set of filters is applied at each different patch of the input.
Example:
# apply a unshared weight convolution 1d of length 3 to a sequence with # 10 timesteps, with 64 output filters model = Sequential() model.add(LocallyConnected1D(64, 3, input_shape=(10, 32))) # now model.output_shape == (None, 8, 64) # add a new conv1d on top model.add(LocallyConnected1D(32, 3)) # now model.output_shape == (None, 6, 32)
filters: Integer, the dimensionality of the output space (i.e. the number output of filters in the convolution).kernel_size: An integer or tuple/list of a single integer, specifying the length of the 1D convolution window.strides: An integer or tuple/list of a single integer, specifying the stride length of the convolution. Specifying any stride value != 1 is incompatible with specifying any dilation_rate value != 1.padding: Currently only supports "valid" (case-insensitive). "same" may be supported in the future.activation: Activation function to use. If you don't specify anything, no activation is applied (ie. "linear" activation: a(x) = x).use_bias: Boolean, whether the layer uses a bias vector.kernel_initializer: Initializer for the kernel weights matrix.bias_initializer: Initializer for the bias vector.kernel_regularizer: Regularizer function applied to the kernel weights matrix.bias_regularizer: Regularizer function applied to the bias vector.activity_regularizer: Regularizer function applied to the output of the layer (its "activation")..kernel_constraint: Constraint function applied to the kernel matrix.bias_constraint: Constraint function applied to the bias vector.Input shape: 3D tensor with shape: (batch_size, steps, input_dim)
Output shape: 3D tensor with shape: (batch_size, new_steps, filters) steps value might have changed due to padding or strides.
activity_regularizerOptional regularizer function for the output of this layer.
dtypegraphinputRetrieves the input tensor(s) of a layer.
Only applicable if the layer has exactly one input, i.e. if it is connected to one incoming layer.
Input tensor or list of input tensors.
AttributeError: if the layer is connected to more than one incoming layers.RuntimeError: If called in Eager mode.AttributeError: If no inbound nodes are found.input_maskRetrieves the input mask tensor(s) of a layer.
Only applicable if the layer has exactly one inbound node, i.e. if it is connected to one incoming layer.
Input mask tensor (potentially None) or list of input mask tensors.
AttributeError: if the layer is connected to more than one incoming layers.input_shapeRetrieves the input shape(s) of a layer.
Only applicable if the layer has exactly one input, i.e. if it is connected to one incoming layer, or if all inputs have the same shape.
Input shape, as an integer shape tuple (or list of shape tuples, one tuple per input tensor).
AttributeError: if the layer has no defined input_shape.RuntimeError: if called in Eager mode.lossesnamenon_trainable_variablesnon_trainable_weightsoutputRetrieves the output tensor(s) of a layer.
Only applicable if the layer has exactly one output, i.e. if it is connected to one incoming layer.
Output tensor or list of output tensors.
AttributeError: if the layer is connected to more than one incoming layers.RuntimeError: if called in Eager mode.output_maskRetrieves the output mask tensor(s) of a layer.
Only applicable if the layer has exactly one inbound node, i.e. if it is connected to one incoming layer.
Output mask tensor (potentially None) or list of output mask tensors.
AttributeError: if the layer is connected to more than one incoming layers.output_shapeRetrieves the output shape(s) of a layer.
Only applicable if the layer has one output, or if all outputs have the same shape.
Output shape, as an integer shape tuple (or list of shape tuples, one tuple per output tensor).
AttributeError: if the layer has no defined output shape.RuntimeError: if called in Eager mode.scope_nametrainable_variablestrainable_weightsupdatesvariablesReturns the list of all layer variables/weights.
A list of variables.
weightsReturns the list of all layer variables/weights.
A list of variables.
__init____init__(
filters,
kernel_size,
strides=1,
padding='valid',
data_format=None,
activation=None,
use_bias=True,
kernel_initializer='glorot_uniform',
bias_initializer='zeros',
kernel_regularizer=None,
bias_regularizer=None,
activity_regularizer=None,
kernel_constraint=None,
bias_constraint=None,
**kwargs
)
__call____call__(
inputs,
**kwargs
)
Wrapper around self.call(), for handling internal references.
If a Keras tensor is passed: - We call self._add_inbound_node(). - If necessary, we build the layer to match the shape of the input(s). - We update the _keras_history of the output tensor(s) with the current layer. This is done as part of _add_inbound_node().
inputs: Can be a tensor or list/tuple of tensors.**kwargs: Additional keyword arguments to be passed to call().Output of the layer's call method.
ValueError: in case the layer is missing shape information for its build call.__deepcopy____deepcopy__(memo)
add_lossadd_loss(
losses,
inputs=None
)
Add loss tensor(s), potentially dependent on layer inputs.
Some losses (for instance, activity regularization losses) may be dependent on the inputs passed when calling a layer. Hence, when reusing a same layer on different inputs a and b, some entries in layer.losses may be dependent on a and some on b. This method automatically keeps track of dependencies.
The get_losses_for method allows to retrieve the losses relevant to a specific set of inputs.
losses: Loss tensor, or list/tuple of tensors.inputs: Optional input tensor(s) that the loss(es) depend on. Must match the inputs argument passed to the __call__ method at the time the losses are created. If None is passed, the losses are assumed to be unconditional, and will apply across all dataflows of the layer (e.g. weight regularization losses).RuntimeError: If called in Eager mode.add_updateadd_update(
updates,
inputs=None
)
Add update op(s), potentially dependent on layer inputs.
Weight updates (for instance, the updates of the moving mean and variance in a BatchNormalization layer) may be dependent on the inputs passed when calling a layer. Hence, when reusing a same layer on different inputs a and b, some entries in layer.updates may be dependent on a and some on b. This method automatically keeps track of dependencies.
The get_updates_for method allows to retrieve the updates relevant to a specific set of inputs.
This call is ignored in Eager mode.
updates: Update op, or list/tuple of update ops.inputs: Optional input tensor(s) that the update(s) depend on. Must match the inputs argument passed to the __call__ method at the time the updates are created. If None is passed, the updates are assumed to be unconditional, and will apply across all dataflows of the layer.add_variableadd_variable(
name,
shape,
dtype=None,
initializer=None,
regularizer=None,
trainable=True,
constraint=None
)
Adds a new variable to the layer, or gets an existing one; returns it.
name: variable name.shape: variable shape.dtype: The type of the variable. Defaults to self.dtype or float32.initializer: initializer instance (callable).regularizer: regularizer instance (callable).trainable: whether the variable should be part of the layer's "trainable_variables" (e.g. variables, biases) or "non_trainable_variables" (e.g. BatchNorm mean, stddev).constraint: constraint instance (callable).The created variable.
RuntimeError: If called in Eager mode with regularizers.add_weightadd_weight(
name,
shape,
dtype=None,
initializer=None,
regularizer=None,
trainable=True,
constraint=None
)
Adds a weight variable to the layer.
name: String, the name for the weight variable.shape: The shape tuple of the weight.dtype: The dtype of the weight.initializer: An Initializer instance (callable).regularizer: An optional Regularizer instance.trainable: A boolean, whether the weight should be trained via backprop or not (assuming that the layer itself is also trainable).constraint: An optional Constraint instance.The created weight variable.
applyapply(
inputs,
*args,
**kwargs
)
Apply the layer on a input.
This simply wraps self.__call__.
inputs: Input tensor(s).*args: additional positional arguments to be passed to self.call.**kwargs: additional keyword arguments to be passed to self.call.Output tensor(s).
buildbuild(input_shape)
callcall(inputs)
compute_maskcompute_mask(
inputs,
mask=None
)
Computes an output mask tensor.
inputs: Tensor or list of tensors.mask: Tensor or list of tensors.None or a tensor (or list of tensors, one per output tensor of the layer).
count_paramscount_params()
Count the total number of scalars composing the weights.
An integer count.
ValueError: if the layer isn't yet built (in which case its weights aren't yet defined).from_configfrom_config(
cls,
config
)
Creates a layer from its config.
This method is the reverse of get_config, capable of instantiating the same layer from the config dictionary. It does not handle layer connectivity (handled by Container), nor weights (handled by set_weights).
config: A Python dictionary, typically the output of get_config.A layer instance.
get_configget_config()
get_input_atget_input_at(node_index)
Retrieves the input tensor(s) of a layer at a given node.
node_index: Integer, index of the node from which to retrieve the attribute. E.g. node_index=0 will correspond to the first time the layer was called.A tensor (or list of tensors if the layer has multiple inputs).
RuntimeError: If called in Eager mode.get_input_mask_atget_input_mask_at(node_index)
Retrieves the input mask tensor(s) of a layer at a given node.
node_index: Integer, index of the node from which to retrieve the attribute. E.g. node_index=0 will correspond to the first time the layer was called.A mask tensor (or list of tensors if the layer has multiple inputs).
get_input_shape_atget_input_shape_at(node_index)
Retrieves the input shape(s) of a layer at a given node.
node_index: Integer, index of the node from which to retrieve the attribute. E.g. node_index=0 will correspond to the first time the layer was called.A shape tuple (or list of shape tuples if the layer has multiple inputs).
RuntimeError: If called in Eager mode.get_losses_forget_losses_for(inputs)
Retrieves losses relevant to a specific set of inputs.
inputs: Input tensor or list/tuple of input tensors. Must match the inputs argument passed to the __call__ method at the time the losses were created. If you pass inputs=None, unconditional losses are returned, such as weight regularization losses.List of loss tensors of the layer that depend on inputs.
RuntimeError: If called in Eager mode.get_output_atget_output_at(node_index)
Retrieves the output tensor(s) of a layer at a given node.
node_index: Integer, index of the node from which to retrieve the attribute. E.g. node_index=0 will correspond to the first time the layer was called.A tensor (or list of tensors if the layer has multiple outputs).
RuntimeError: If called in Eager mode.get_output_mask_atget_output_mask_at(node_index)
Retrieves the output mask tensor(s) of a layer at a given node.
node_index: Integer, index of the node from which to retrieve the attribute. E.g. node_index=0 will correspond to the first time the layer was called.A mask tensor (or list of tensors if the layer has multiple outputs).
get_output_shape_atget_output_shape_at(node_index)
Retrieves the output shape(s) of a layer at a given node.
node_index: Integer, index of the node from which to retrieve the attribute. E.g. node_index=0 will correspond to the first time the layer was called.A shape tuple (or list of shape tuples if the layer has multiple outputs).
RuntimeError: If called in Eager mode.get_updates_forget_updates_for(inputs)
Retrieves updates relevant to a specific set of inputs.
inputs: Input tensor or list/tuple of input tensors. Must match the inputs argument passed to the __call__ method at the time the updates were created. If you pass inputs=None, unconditional updates are returned.List of update ops of the layer that depend on inputs.
RuntimeError: If called in Eager mode.get_weightsget_weights()
Returns the current weights of the layer.
Weights values as a list of numpy arrays.
set_weightsset_weights(weights)
Sets the weights of the layer, from Numpy arrays.
weights: a list of Numpy arrays. The number of arrays and their shape must match number of the dimensions of the weights of the layer (i.e. it should match the output of get_weights).ValueError: If the provided weights list does not match the layer's specifications.
© 2017 The TensorFlow Authors. All rights reserved.
Licensed under the Creative Commons Attribution License 3.0.
Code samples licensed under the Apache 2.0 License.
https://www.tensorflow.org/api_docs/python/tf/keras/layers/LocallyConnected1D