%global _empty_manifest_terminate_build 0 Name: python-keract Version: 4.5.1 Release: 1 Summary: Keract - Tensorflow Keras Activations and Gradients License: MIT URL: https://pypi.org/project/keract/ Source0: https://mirrors.aliyun.com/pypi/web/packages/f0/47/2881fd22d5e6cb0afa0739ee2bb6965a98391a7803d072f565400c6bb7d8/keract-4.5.1.tar.gz BuildArch: noarch %description # Keract: Keras Activations + Gradients [![Downloads](https://pepy.tech/badge/keract)](https://pepy.tech/project/keract) [![Downloads](https://pepy.tech/badge/keract/month)](https://pepy.tech/project/keract) ![Keract CI](https://github.com/philipperemy/keract/workflows/Keract%20CI/badge.svg) Tested with Tensorflow 2.3, 2.4, 2.5, 2.6, 2.7, 2.8, 2.9.0rc2 (May 4, 2022). ```bash pip install keract ``` *You have just found a way to get the activations (outputs) and gradients for each layer of your Tensorflow/Keras model (LSTM, conv nets...).*

**Important Note**: The nested models are not well supported. The recent versions of Tensorflow made it extremely tricky to extract the layer outputs reliably. Please refer to the example section to see what is possible. ## API - [get_activations](#get-activations-nodeslayers-outputs-as-numpy-arrays) - [display_activations](#display-the-activations-youve-obtained) - [display_heatmaps](#display-the-activations-as-a-heatmap-overlaid-on-an-image) - [get_gradients_of_trainable_weights](#get-gradients-of-weights) - [get_gradients_of_activations](#get-gradients-of-activations) - [persist_to_json_file](#persist-activations-to-json) - [load_activations_from_json_file](#load-activations-from-json) ### Get activations (nodes/layers outputs as Numpy arrays) ```python keract.get_activations(model, x, layer_names=None, nodes_to_evaluate=None, output_format='simple', nested=False, auto_compile=True) ``` Fetch activations (nodes/layers outputs as Numpy arrays) for a Keras model and an input X. By default, all the activations for all the layers are returned. - `model`: Keras compiled model or one of ['vgg16', 'vgg19', 'inception_v3', 'inception_resnet_v2', 'mobilenet_v2', 'mobilenetv2', ...]. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `layer_names`: (optional) Single name of a layer or list of layer names for which activations should be returned. It is useful in very big networks when it is computationally expensive to evaluate all the layers/nodes. - `nodes_to_evaluate`: (optional) List of Keras nodes to be evaluated. - `output_format`: Change the output dictionary key of the function. - `simple`: output key will match the names of the Keras layers. For example Dense(1, name='d1') will return {'d1': ...}. - `full`: output key will match the full name of the output layer name. In the example above, it will return {'d1/BiasAdd:0': ...}. - `numbered`: output key will be an index range, based on the order of definition of each layer within the model. - `nested`: If specified, will move recursively through the model definition to retrieve nested layers. Recursion ends at leaf layers of the model tree or at layers with their name specified in `layer_names`. For example a Sequential model in another Sequential model is considered nested. - `auto_compile`: If set to True, will auto-compile the model if needed. Returns: Dict {layer_name (specified by output_format) -> activation of the layer output/node (Numpy array)}. *Example* ```python import numpy as np from tensorflow.keras import Input, Model from tensorflow.keras.layers import Dense, concatenate from keract import get_activations # model definition i1 = Input(shape=(10,), name='i1') i2 = Input(shape=(10,), name='i2') a = Dense(1, name='fc1')(i1) b = Dense(1, name='fc2')(i2) c = concatenate([a, b], name='concat') d = Dense(1, name='out')(c) model = Model(inputs=[i1, i2], outputs=[d]) # inputs to the model x = [np.random.uniform(size=(32, 10)), np.random.uniform(size=(32, 10))] # call to fetch the activations of the model. activations = get_activations(model, x, auto_compile=True) # print the activations shapes. [print(k, '->', v.shape, '- Numpy array') for (k, v) in activations.items()] # Print output: # i1 -> (32, 10) - Numpy array # i2 -> (32, 10) - Numpy array # fc1 -> (32, 1) - Numpy array # fc2 -> (32, 1) - Numpy array # concat -> (32, 2) - Numpy array # out -> (32, 1) - Numpy array ``` ### Display the activations you've obtained ```python keract.display_activations(activations, cmap=None, save=False, directory='.', data_format='channels_last', fig_size=(24, 24), reshape_1d_layers=False) ``` Plot the activations for each layer using matplotlib Inputs are: - `activations`: dict - a dictionary mapping layers to their activations (the output of get_activations) - `cmap`: (optional) string - a valid matplotlib colormap to be used - `save`: (optional) bool - if True the images of the activations are saved rather than being shown - `directory`: (optional) string - where to store the activations (if save is True) - `data_format`: (optional) string - one of "channels_last" (default) or "channels_first". - `reshape_1d_layers`: (optional) bool - tries to reshape large 1d layers to a square/rectangle. - `fig_size`: (optional) (float, float) - width, height in inches. The ordering of the dimensions in the inputs. "channels_last" corresponds to inputs with shape (batch, steps, channels) (default format for temporal data in Keras) while "channels_first" corresponds to inputs with shape (batch, channels, steps). ### Display the activations as a heatmap overlaid on an image ```python keract.display_heatmaps(activations, input_image, directory='.', save=False, fix=True, merge_filters=False) ``` Plot heatmaps of activations for all filters overlayed on the input image for each layer Inputs are: - `activations`: a dictionary mapping layers to their activations (the output of get_activations). - `input_image`: numpy array - the image that was passed as x to get_activations. - `directory`: (optional) string - where to store the heatmaps (if save is True). - `save`: (optional) bool - if True the heatmaps are saved rather than being shown. - `fix`: (optional) bool - if True automated checks and fixes for incorrect images will be ran. - `merge_filters`: (optional) bool - if True one heatmap (with all the filters averaged together) is produced for each layer, if False a heatmap is produced for each filter in each layer ### Get gradients of weights ```python keract.get_gradients_of_trainable_weights(model, x, y) ``` - `model`: a `keras.models.Model` object. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `y`: Labels (numpy array). Keras convention. The output is a dictionary mapping each trainable weight to the values of its gradients (regarding x and y). ### Get gradients of activations ```python keract.get_gradients_of_activations(model, x, y, layer_name=None, output_format='simple') ``` - `model`: a `keras.models.Model` object. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `y`: Labels (numpy array). Keras convention. - `layer_name`: (optional) Name of a layer for which activations should be returned. - `output_format`: Change the output dictionary key of the function. - `simple`: output key will match the names of the Keras layers. For example Dense(1, name='d1') will return {'d1': ...}. - `full`: output key will match the full name of the output layer name. In the example above, it will return {'d1/BiasAdd:0': ...}. - `numbered`: output key will be an index range, based on the order of definition of each layer within the model. Returns: Dict {layer_name (specified by output_format) -> grad activation of the layer output/node (Numpy array)}. The output is a dictionary mapping each layer to the values of its gradients (regarding x and y). ### Persist activations to JSON ```python keract.persist_to_json_file(activations, filename) ``` - `activations`: activations (dict mapping layers) - `filename`: output filename (JSON format) ### Load activations from JSON ```python keract.load_activations_from_json_file(filename) ``` - `filename`: filename to read the activations from (JSON format) It returns the activations. ## Examples Examples are provided for: - `keras.models.Sequential` - mnist.py - `keras.models.Model` - multi_inputs.py - Recurrent networks - recurrent.py In the case of MNIST with LeNet, we are able to fetch the activations for a batch of size 128: ``` conv2d_1/Relu:0 (128, 26, 26, 32) conv2d_2/Relu:0 (128, 24, 24, 64) max_pooling2d_1/MaxPool:0 (128, 12, 12, 64) dropout_1/cond/Merge:0 (128, 12, 12, 64) flatten_1/Reshape:0 (128, 9216) dense_1/Relu:0 (128, 128) dropout_2/cond/Merge:0 (128, 128) dense_2/Softmax:0 (128, 10) ``` We can visualise the activations. Here's another example using VGG16: ```bash cd examples pip install -r examples-requirements.txt python vgg16.py ```


A cat.


Outputs of the first convolutional layer of VGG16.

Also, we can visualise the heatmaps of the activations: ```bash cd examples pip install -r examples-requirements.txt python heat_map.py ```

## Citation ``` @misc{Keract, author = {Philippe Remy}, title = {Keract: A library for visualizing activations and gradients}, year = {2020}, publisher = {GitHub}, journal = {GitHub repository}, howpublished = {\url{https://github.com/philipperemy/keract}}, } ``` ## Contributors %package -n python3-keract Summary: Keract - Tensorflow Keras Activations and Gradients Provides: python-keract BuildRequires: python3-devel BuildRequires: python3-setuptools BuildRequires: python3-pip %description -n python3-keract # Keract: Keras Activations + Gradients [![Downloads](https://pepy.tech/badge/keract)](https://pepy.tech/project/keract) [![Downloads](https://pepy.tech/badge/keract/month)](https://pepy.tech/project/keract) ![Keract CI](https://github.com/philipperemy/keract/workflows/Keract%20CI/badge.svg) Tested with Tensorflow 2.3, 2.4, 2.5, 2.6, 2.7, 2.8, 2.9.0rc2 (May 4, 2022). ```bash pip install keract ``` *You have just found a way to get the activations (outputs) and gradients for each layer of your Tensorflow/Keras model (LSTM, conv nets...).*

**Important Note**: The nested models are not well supported. The recent versions of Tensorflow made it extremely tricky to extract the layer outputs reliably. Please refer to the example section to see what is possible. ## API - [get_activations](#get-activations-nodeslayers-outputs-as-numpy-arrays) - [display_activations](#display-the-activations-youve-obtained) - [display_heatmaps](#display-the-activations-as-a-heatmap-overlaid-on-an-image) - [get_gradients_of_trainable_weights](#get-gradients-of-weights) - [get_gradients_of_activations](#get-gradients-of-activations) - [persist_to_json_file](#persist-activations-to-json) - [load_activations_from_json_file](#load-activations-from-json) ### Get activations (nodes/layers outputs as Numpy arrays) ```python keract.get_activations(model, x, layer_names=None, nodes_to_evaluate=None, output_format='simple', nested=False, auto_compile=True) ``` Fetch activations (nodes/layers outputs as Numpy arrays) for a Keras model and an input X. By default, all the activations for all the layers are returned. - `model`: Keras compiled model or one of ['vgg16', 'vgg19', 'inception_v3', 'inception_resnet_v2', 'mobilenet_v2', 'mobilenetv2', ...]. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `layer_names`: (optional) Single name of a layer or list of layer names for which activations should be returned. It is useful in very big networks when it is computationally expensive to evaluate all the layers/nodes. - `nodes_to_evaluate`: (optional) List of Keras nodes to be evaluated. - `output_format`: Change the output dictionary key of the function. - `simple`: output key will match the names of the Keras layers. For example Dense(1, name='d1') will return {'d1': ...}. - `full`: output key will match the full name of the output layer name. In the example above, it will return {'d1/BiasAdd:0': ...}. - `numbered`: output key will be an index range, based on the order of definition of each layer within the model. - `nested`: If specified, will move recursively through the model definition to retrieve nested layers. Recursion ends at leaf layers of the model tree or at layers with their name specified in `layer_names`. For example a Sequential model in another Sequential model is considered nested. - `auto_compile`: If set to True, will auto-compile the model if needed. Returns: Dict {layer_name (specified by output_format) -> activation of the layer output/node (Numpy array)}. *Example* ```python import numpy as np from tensorflow.keras import Input, Model from tensorflow.keras.layers import Dense, concatenate from keract import get_activations # model definition i1 = Input(shape=(10,), name='i1') i2 = Input(shape=(10,), name='i2') a = Dense(1, name='fc1')(i1) b = Dense(1, name='fc2')(i2) c = concatenate([a, b], name='concat') d = Dense(1, name='out')(c) model = Model(inputs=[i1, i2], outputs=[d]) # inputs to the model x = [np.random.uniform(size=(32, 10)), np.random.uniform(size=(32, 10))] # call to fetch the activations of the model. activations = get_activations(model, x, auto_compile=True) # print the activations shapes. [print(k, '->', v.shape, '- Numpy array') for (k, v) in activations.items()] # Print output: # i1 -> (32, 10) - Numpy array # i2 -> (32, 10) - Numpy array # fc1 -> (32, 1) - Numpy array # fc2 -> (32, 1) - Numpy array # concat -> (32, 2) - Numpy array # out -> (32, 1) - Numpy array ``` ### Display the activations you've obtained ```python keract.display_activations(activations, cmap=None, save=False, directory='.', data_format='channels_last', fig_size=(24, 24), reshape_1d_layers=False) ``` Plot the activations for each layer using matplotlib Inputs are: - `activations`: dict - a dictionary mapping layers to their activations (the output of get_activations) - `cmap`: (optional) string - a valid matplotlib colormap to be used - `save`: (optional) bool - if True the images of the activations are saved rather than being shown - `directory`: (optional) string - where to store the activations (if save is True) - `data_format`: (optional) string - one of "channels_last" (default) or "channels_first". - `reshape_1d_layers`: (optional) bool - tries to reshape large 1d layers to a square/rectangle. - `fig_size`: (optional) (float, float) - width, height in inches. The ordering of the dimensions in the inputs. "channels_last" corresponds to inputs with shape (batch, steps, channels) (default format for temporal data in Keras) while "channels_first" corresponds to inputs with shape (batch, channels, steps). ### Display the activations as a heatmap overlaid on an image ```python keract.display_heatmaps(activations, input_image, directory='.', save=False, fix=True, merge_filters=False) ``` Plot heatmaps of activations for all filters overlayed on the input image for each layer Inputs are: - `activations`: a dictionary mapping layers to their activations (the output of get_activations). - `input_image`: numpy array - the image that was passed as x to get_activations. - `directory`: (optional) string - where to store the heatmaps (if save is True). - `save`: (optional) bool - if True the heatmaps are saved rather than being shown. - `fix`: (optional) bool - if True automated checks and fixes for incorrect images will be ran. - `merge_filters`: (optional) bool - if True one heatmap (with all the filters averaged together) is produced for each layer, if False a heatmap is produced for each filter in each layer ### Get gradients of weights ```python keract.get_gradients_of_trainable_weights(model, x, y) ``` - `model`: a `keras.models.Model` object. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `y`: Labels (numpy array). Keras convention. The output is a dictionary mapping each trainable weight to the values of its gradients (regarding x and y). ### Get gradients of activations ```python keract.get_gradients_of_activations(model, x, y, layer_name=None, output_format='simple') ``` - `model`: a `keras.models.Model` object. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `y`: Labels (numpy array). Keras convention. - `layer_name`: (optional) Name of a layer for which activations should be returned. - `output_format`: Change the output dictionary key of the function. - `simple`: output key will match the names of the Keras layers. For example Dense(1, name='d1') will return {'d1': ...}. - `full`: output key will match the full name of the output layer name. In the example above, it will return {'d1/BiasAdd:0': ...}. - `numbered`: output key will be an index range, based on the order of definition of each layer within the model. Returns: Dict {layer_name (specified by output_format) -> grad activation of the layer output/node (Numpy array)}. The output is a dictionary mapping each layer to the values of its gradients (regarding x and y). ### Persist activations to JSON ```python keract.persist_to_json_file(activations, filename) ``` - `activations`: activations (dict mapping layers) - `filename`: output filename (JSON format) ### Load activations from JSON ```python keract.load_activations_from_json_file(filename) ``` - `filename`: filename to read the activations from (JSON format) It returns the activations. ## Examples Examples are provided for: - `keras.models.Sequential` - mnist.py - `keras.models.Model` - multi_inputs.py - Recurrent networks - recurrent.py In the case of MNIST with LeNet, we are able to fetch the activations for a batch of size 128: ``` conv2d_1/Relu:0 (128, 26, 26, 32) conv2d_2/Relu:0 (128, 24, 24, 64) max_pooling2d_1/MaxPool:0 (128, 12, 12, 64) dropout_1/cond/Merge:0 (128, 12, 12, 64) flatten_1/Reshape:0 (128, 9216) dense_1/Relu:0 (128, 128) dropout_2/cond/Merge:0 (128, 128) dense_2/Softmax:0 (128, 10) ``` We can visualise the activations. Here's another example using VGG16: ```bash cd examples pip install -r examples-requirements.txt python vgg16.py ```


A cat.


Outputs of the first convolutional layer of VGG16.

Also, we can visualise the heatmaps of the activations: ```bash cd examples pip install -r examples-requirements.txt python heat_map.py ```

## Citation ``` @misc{Keract, author = {Philippe Remy}, title = {Keract: A library for visualizing activations and gradients}, year = {2020}, publisher = {GitHub}, journal = {GitHub repository}, howpublished = {\url{https://github.com/philipperemy/keract}}, } ``` ## Contributors %package help Summary: Development documents and examples for keract Provides: python3-keract-doc %description help # Keract: Keras Activations + Gradients [![Downloads](https://pepy.tech/badge/keract)](https://pepy.tech/project/keract) [![Downloads](https://pepy.tech/badge/keract/month)](https://pepy.tech/project/keract) ![Keract CI](https://github.com/philipperemy/keract/workflows/Keract%20CI/badge.svg) Tested with Tensorflow 2.3, 2.4, 2.5, 2.6, 2.7, 2.8, 2.9.0rc2 (May 4, 2022). ```bash pip install keract ``` *You have just found a way to get the activations (outputs) and gradients for each layer of your Tensorflow/Keras model (LSTM, conv nets...).*

**Important Note**: The nested models are not well supported. The recent versions of Tensorflow made it extremely tricky to extract the layer outputs reliably. Please refer to the example section to see what is possible. ## API - [get_activations](#get-activations-nodeslayers-outputs-as-numpy-arrays) - [display_activations](#display-the-activations-youve-obtained) - [display_heatmaps](#display-the-activations-as-a-heatmap-overlaid-on-an-image) - [get_gradients_of_trainable_weights](#get-gradients-of-weights) - [get_gradients_of_activations](#get-gradients-of-activations) - [persist_to_json_file](#persist-activations-to-json) - [load_activations_from_json_file](#load-activations-from-json) ### Get activations (nodes/layers outputs as Numpy arrays) ```python keract.get_activations(model, x, layer_names=None, nodes_to_evaluate=None, output_format='simple', nested=False, auto_compile=True) ``` Fetch activations (nodes/layers outputs as Numpy arrays) for a Keras model and an input X. By default, all the activations for all the layers are returned. - `model`: Keras compiled model or one of ['vgg16', 'vgg19', 'inception_v3', 'inception_resnet_v2', 'mobilenet_v2', 'mobilenetv2', ...]. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `layer_names`: (optional) Single name of a layer or list of layer names for which activations should be returned. It is useful in very big networks when it is computationally expensive to evaluate all the layers/nodes. - `nodes_to_evaluate`: (optional) List of Keras nodes to be evaluated. - `output_format`: Change the output dictionary key of the function. - `simple`: output key will match the names of the Keras layers. For example Dense(1, name='d1') will return {'d1': ...}. - `full`: output key will match the full name of the output layer name. In the example above, it will return {'d1/BiasAdd:0': ...}. - `numbered`: output key will be an index range, based on the order of definition of each layer within the model. - `nested`: If specified, will move recursively through the model definition to retrieve nested layers. Recursion ends at leaf layers of the model tree or at layers with their name specified in `layer_names`. For example a Sequential model in another Sequential model is considered nested. - `auto_compile`: If set to True, will auto-compile the model if needed. Returns: Dict {layer_name (specified by output_format) -> activation of the layer output/node (Numpy array)}. *Example* ```python import numpy as np from tensorflow.keras import Input, Model from tensorflow.keras.layers import Dense, concatenate from keract import get_activations # model definition i1 = Input(shape=(10,), name='i1') i2 = Input(shape=(10,), name='i2') a = Dense(1, name='fc1')(i1) b = Dense(1, name='fc2')(i2) c = concatenate([a, b], name='concat') d = Dense(1, name='out')(c) model = Model(inputs=[i1, i2], outputs=[d]) # inputs to the model x = [np.random.uniform(size=(32, 10)), np.random.uniform(size=(32, 10))] # call to fetch the activations of the model. activations = get_activations(model, x, auto_compile=True) # print the activations shapes. [print(k, '->', v.shape, '- Numpy array') for (k, v) in activations.items()] # Print output: # i1 -> (32, 10) - Numpy array # i2 -> (32, 10) - Numpy array # fc1 -> (32, 1) - Numpy array # fc2 -> (32, 1) - Numpy array # concat -> (32, 2) - Numpy array # out -> (32, 1) - Numpy array ``` ### Display the activations you've obtained ```python keract.display_activations(activations, cmap=None, save=False, directory='.', data_format='channels_last', fig_size=(24, 24), reshape_1d_layers=False) ``` Plot the activations for each layer using matplotlib Inputs are: - `activations`: dict - a dictionary mapping layers to their activations (the output of get_activations) - `cmap`: (optional) string - a valid matplotlib colormap to be used - `save`: (optional) bool - if True the images of the activations are saved rather than being shown - `directory`: (optional) string - where to store the activations (if save is True) - `data_format`: (optional) string - one of "channels_last" (default) or "channels_first". - `reshape_1d_layers`: (optional) bool - tries to reshape large 1d layers to a square/rectangle. - `fig_size`: (optional) (float, float) - width, height in inches. The ordering of the dimensions in the inputs. "channels_last" corresponds to inputs with shape (batch, steps, channels) (default format for temporal data in Keras) while "channels_first" corresponds to inputs with shape (batch, channels, steps). ### Display the activations as a heatmap overlaid on an image ```python keract.display_heatmaps(activations, input_image, directory='.', save=False, fix=True, merge_filters=False) ``` Plot heatmaps of activations for all filters overlayed on the input image for each layer Inputs are: - `activations`: a dictionary mapping layers to their activations (the output of get_activations). - `input_image`: numpy array - the image that was passed as x to get_activations. - `directory`: (optional) string - where to store the heatmaps (if save is True). - `save`: (optional) bool - if True the heatmaps are saved rather than being shown. - `fix`: (optional) bool - if True automated checks and fixes for incorrect images will be ran. - `merge_filters`: (optional) bool - if True one heatmap (with all the filters averaged together) is produced for each layer, if False a heatmap is produced for each filter in each layer ### Get gradients of weights ```python keract.get_gradients_of_trainable_weights(model, x, y) ``` - `model`: a `keras.models.Model` object. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `y`: Labels (numpy array). Keras convention. The output is a dictionary mapping each trainable weight to the values of its gradients (regarding x and y). ### Get gradients of activations ```python keract.get_gradients_of_activations(model, x, y, layer_name=None, output_format='simple') ``` - `model`: a `keras.models.Model` object. - `x`: Numpy array to feed the model as input. In the case of multi-inputs, `x` should be of type List. - `y`: Labels (numpy array). Keras convention. - `layer_name`: (optional) Name of a layer for which activations should be returned. - `output_format`: Change the output dictionary key of the function. - `simple`: output key will match the names of the Keras layers. For example Dense(1, name='d1') will return {'d1': ...}. - `full`: output key will match the full name of the output layer name. In the example above, it will return {'d1/BiasAdd:0': ...}. - `numbered`: output key will be an index range, based on the order of definition of each layer within the model. Returns: Dict {layer_name (specified by output_format) -> grad activation of the layer output/node (Numpy array)}. The output is a dictionary mapping each layer to the values of its gradients (regarding x and y). ### Persist activations to JSON ```python keract.persist_to_json_file(activations, filename) ``` - `activations`: activations (dict mapping layers) - `filename`: output filename (JSON format) ### Load activations from JSON ```python keract.load_activations_from_json_file(filename) ``` - `filename`: filename to read the activations from (JSON format) It returns the activations. ## Examples Examples are provided for: - `keras.models.Sequential` - mnist.py - `keras.models.Model` - multi_inputs.py - Recurrent networks - recurrent.py In the case of MNIST with LeNet, we are able to fetch the activations for a batch of size 128: ``` conv2d_1/Relu:0 (128, 26, 26, 32) conv2d_2/Relu:0 (128, 24, 24, 64) max_pooling2d_1/MaxPool:0 (128, 12, 12, 64) dropout_1/cond/Merge:0 (128, 12, 12, 64) flatten_1/Reshape:0 (128, 9216) dense_1/Relu:0 (128, 128) dropout_2/cond/Merge:0 (128, 128) dense_2/Softmax:0 (128, 10) ``` We can visualise the activations. Here's another example using VGG16: ```bash cd examples pip install -r examples-requirements.txt python vgg16.py ```


A cat.


Outputs of the first convolutional layer of VGG16.

Also, we can visualise the heatmaps of the activations: ```bash cd examples pip install -r examples-requirements.txt python heat_map.py ```

## Citation ``` @misc{Keract, author = {Philippe Remy}, title = {Keract: A library for visualizing activations and gradients}, year = {2020}, publisher = {GitHub}, journal = {GitHub repository}, howpublished = {\url{https://github.com/philipperemy/keract}}, } ``` ## Contributors %prep %autosetup -n keract-4.5.1 %build %py3_build %install %py3_install install -d -m755 %{buildroot}/%{_pkgdocdir} if [ -d doc ]; then cp -arf doc %{buildroot}/%{_pkgdocdir}; fi if [ -d docs ]; then cp -arf docs %{buildroot}/%{_pkgdocdir}; fi if [ -d example ]; then cp -arf example %{buildroot}/%{_pkgdocdir}; fi if [ -d examples ]; then cp -arf examples %{buildroot}/%{_pkgdocdir}; fi pushd %{buildroot} if [ -d usr/lib ]; then find usr/lib -type f -printf "\"/%h/%f\"\n" >> filelist.lst fi if [ -d usr/lib64 ]; then find usr/lib64 -type f -printf "\"/%h/%f\"\n" >> filelist.lst fi if [ -d usr/bin ]; then find usr/bin -type f -printf "\"/%h/%f\"\n" >> filelist.lst fi if [ -d usr/sbin ]; then find usr/sbin -type f -printf "\"/%h/%f\"\n" >> filelist.lst fi touch doclist.lst if [ -d usr/share/man ]; then find usr/share/man -type f -printf "\"/%h/%f.gz\"\n" >> doclist.lst fi popd mv %{buildroot}/filelist.lst . mv %{buildroot}/doclist.lst . %files -n python3-keract -f filelist.lst %dir %{python3_sitelib}/* %files help -f doclist.lst %{_docdir}/* %changelog * Thu Jun 08 2023 Python_Bot - 4.5.1-1 - Package Spec generated