diff --git a/tf_explain/core/gradients_inputs.py b/tf_explain/core/gradients_inputs.py index 1048a07..b4653cb 100644 --- a/tf_explain/core/gradients_inputs.py +++ b/tf_explain/core/gradients_inputs.py @@ -13,7 +13,6 @@ class GradientsInputs(VanillaGradients): """ @staticmethod - @tf.function def compute_gradients(images, model, class_index): """ Compute gradients ponderated by input values for target class. diff --git a/tf_explain/core/integrated_gradients.py b/tf_explain/core/integrated_gradients.py index 9308b30..753eb33 100644 --- a/tf_explain/core/integrated_gradients.py +++ b/tf_explain/core/integrated_gradients.py @@ -5,7 +5,7 @@ import tensorflow as tf from tf_explain.utils.display import grid_display -from tf_explain.utils.image import transform_to_normalized_grayscale +from tf_explain.utils.image import transform_to_normalized_grayscale, normalize_min_max from tf_explain.utils.saver import save_grayscale @@ -17,7 +17,7 @@ class IntegratedGradients: Paper: [Axiomatic Attribution for Deep Networks](https://arxiv.org/pdf/1703.01365.pdf) """ - def explain(self, validation_data, model, class_index, n_steps=10): + def explain(self, validation_data, model, class_index, n_steps=10, norm = "std"): """ Compute Integrated Gradients for a specific class index @@ -27,6 +27,7 @@ def explain(self, validation_data, model, class_index, n_steps=10): model (tf.keras.Model): tf.keras model to inspect class_index (int): Index of targeted class n_steps (int): Number of steps in the path + norm (str): Normalization technique. Can be chosen from *std* and *min_max*. Returns: np.ndarray: Grid of all the integrated gradients @@ -41,16 +42,19 @@ def explain(self, validation_data, model, class_index, n_steps=10): interpolated_images, model, class_index, n_steps ) - grayscale_integrated_gradients = transform_to_normalized_grayscale( - tf.abs(integrated_gradients) - ).numpy() + if not norm in ["std", "min_max"]: + raise KeyError("Normalization method can only be chosen from 'std' and 'min_max'.") - grid = grid_display(grayscale_integrated_gradients) + elif norm == "std": + grayscale_integrated_gradients = transform_to_normalized_grayscale(tf.abs(integrated_gradients)).numpy() + grid = grid_display(grayscale_integrated_gradients) + + else: # min_max + grid = normalize_min_max(integrated_gradients).numpy() return grid @staticmethod - @tf.function def get_integrated_gradients(interpolated_images, model, class_index, n_steps): """ Perform backpropagation to compute integrated gradients. diff --git a/tf_explain/core/smoothgrad.py b/tf_explain/core/smoothgrad.py index 4825ad3..8180e04 100644 --- a/tf_explain/core/smoothgrad.py +++ b/tf_explain/core/smoothgrad.py @@ -6,7 +6,7 @@ import tensorflow as tf from tf_explain.utils.display import grid_display -from tf_explain.utils.image import transform_to_normalized_grayscale +from tf_explain.utils.image import transform_to_normalized_grayscale, normalize_min_max from tf_explain.utils.saver import save_grayscale @@ -18,7 +18,7 @@ class SmoothGrad: Paper: [SmoothGrad: removing noise by adding noise](https://arxiv.org/abs/1706.03825) """ - def explain(self, validation_data, model, class_index, num_samples=5, noise=1.0): + def explain(self, validation_data, model, class_index, num_samples=5, noise=1.0, norm = "std"): """ Compute SmoothGrad for a specific class index @@ -29,6 +29,7 @@ def explain(self, validation_data, model, class_index, num_samples=5, noise=1.0) class_index (int): Index of targeted class num_samples (int): Number of noisy samples to generate for each input image noise (float): Standard deviation for noise normal distribution + norm (str): Normalization technique. Can be chosen from *std* and *min_max*. Defaults to "std". Returns: np.ndarray: Grid of all the smoothed gradients @@ -41,11 +42,15 @@ def explain(self, validation_data, model, class_index, num_samples=5, noise=1.0) noisy_images, model, class_index, num_samples ) - grayscale_gradients = transform_to_normalized_grayscale( - tf.abs(smoothed_gradients) - ).numpy() + if not norm in ["std", "min_max"]: + raise KeyError("Normalization method can only be chosen from 'std' and 'min_max'.") - grid = grid_display(grayscale_gradients) + elif norm == "std": + grayscale_integrated_gradients = transform_to_normalized_grayscale(tf.abs(smoothed_gradients)).numpy() + grid = grid_display(grayscale_integrated_gradients) + + else: # min_max + grid = normalize_min_max(smoothed_gradients).numpy() return grid diff --git a/tf_explain/core/vanilla_gradients.py b/tf_explain/core/vanilla_gradients.py index 51bb2c5..d1811a3 100644 --- a/tf_explain/core/vanilla_gradients.py +++ b/tf_explain/core/vanilla_gradients.py @@ -5,7 +5,7 @@ import tensorflow as tf from tf_explain.utils.display import grid_display -from tf_explain.utils.image import transform_to_normalized_grayscale +from tf_explain.utils.image import transform_to_normalized_grayscale, normalize_min_max from tf_explain.utils.saver import save_grayscale @@ -34,7 +34,7 @@ class VanillaGradients: Models and Saliency Maps](https://arxiv.org/abs/1312.6034) """ - def explain(self, validation_data, model, class_index): + def explain(self, validation_data, model, class_index, norm = "std"): """ Perform gradients backpropagation for a given input @@ -47,12 +47,13 @@ def explain(self, validation_data, model, class_index): gradient calculation to bypass the final activation and calculate the gradient of the score instead. class_index (int): Index of targeted class + norm (str): Normalization technique. Can be chosen from *std* and *min_max*. Defaults to *std*. Returns: numpy.ndarray: Grid of all the gradients """ score_model = self.get_score_model(model) - return self.explain_score_model(validation_data, score_model, class_index) + return self.explain_score_model(validation_data, score_model, class_index, norm) def get_score_model(self, model): """ @@ -86,7 +87,7 @@ def _is_activation_layer(self, layer): """ return isinstance(layer, ACTIVATION_LAYER_CLASSES) - def explain_score_model(self, validation_data, score_model, class_index): + def explain_score_model(self, validation_data, score_model, class_index, norm): """ Perform gradients backpropagation for a given input @@ -96,24 +97,28 @@ def explain_score_model(self, validation_data, score_model, class_index): score_model (tf.keras.Model): tf.keras model to inspect. The last layer should not have any activation function. class_index (int): Index of targeted class + norm (str): Normalization technique. Can be chosen from *std* and *min_max*. Returns: numpy.ndarray: Grid of all the gradients """ - images, _ = validation_data + images, _ = validation_data gradients = self.compute_gradients(images, score_model, class_index) - grayscale_gradients = transform_to_normalized_grayscale( - tf.abs(gradients) - ).numpy() + if not norm in ["std", "min_max"]: + raise KeyError("Normalization method can only be chosen from 'std' and 'min_max'.") + + elif norm == "std": + grayscale_gradients = transform_to_normalized_grayscale(tf.abs(gradients)).numpy() + grid = grid_display(grayscale_gradients) - grid = grid_display(grayscale_gradients) + else: # min_max + grid = normalize_min_max(gradients).numpy() return grid @staticmethod - @tf.function def compute_gradients(images, model, class_index): """ Compute gradients for target class. diff --git a/tf_explain/utils/image.py b/tf_explain/utils/image.py index f7638e5..f7229d3 100644 --- a/tf_explain/utils/image.py +++ b/tf_explain/utils/image.py @@ -42,3 +42,24 @@ def transform_to_normalized_grayscale(tensor): ) return normalized_tensor + +def normalize_min_max(tensor): + """ + Normalize tensor over RGB axis by subtracting min from maximum absolute values and dividing them by range. + + Args: + tf.tensor: 4D-Tensor with shape (batch_size, H, W, 3) + + Returns: + tf.Tensor: 2D-Tensor with shape (H, W) + """ + + normalized_tensor = tf.math.abs(tensor) + normalized_tensor = tf.math.reduce_max(normalized_tensor, axis=-1) # max along channels + + # Normalize to range between 0 and 1 + arr_min, arr_max = tf.math.reduce_min(normalized_tensor, axis=None), tf.math.reduce_max(normalized_tensor, axis=None) + normalized_tensor = (normalized_tensor - arr_min) / (arr_max - arr_min + tf.constant(1e-16)) + normalized_tensor = tf.cast(255 * normalized_tensor, tf.uint8)[0] + + return normalized_tensor