mirror of
				https://github.com/meta-llama/llama-stack.git
				synced 2025-10-25 09:05:37 +00:00 
			
		
		
		
	# What does this PR do? The goal of this PR is code base modernization. Schema reflection code needed a minor adjustment to handle UnionTypes and collections.abc.AsyncIterator. (Both are preferred for latest Python releases.) Note to reviewers: almost all changes here are automatically generated by pyupgrade. Some additional unused imports were cleaned up. The only change worth of note can be found under `docs/openapi_generator` and `llama_stack/strong_typing/schema.py` where reflection code was updated to deal with "newer" types. Signed-off-by: Ihar Hrachyshka <ihar.hrachyshka@gmail.com>
		
			
				
	
	
		
			435 lines
		
	
	
	
		
			17 KiB
		
	
	
	
		
			Python
		
	
	
	
	
	
			
		
		
	
	
			435 lines
		
	
	
	
		
			17 KiB
		
	
	
	
		
			Python
		
	
	
	
	
	
| # Copyright (c) Meta Platforms, Inc. and affiliates.
 | |
| # All rights reserved.
 | |
| #
 | |
| # This source code is licensed under the terms described in the LICENSE file in
 | |
| # the root directory of this source tree.
 | |
| 
 | |
| # Copyright (c) Meta Platforms, Inc. and affiliates.
 | |
| # All rights reserved.
 | |
| #
 | |
| # This source code is licensed under the terms described in the LICENSE file in
 | |
| # top-level folder for each specific model found within the models/ directory at
 | |
| # the top-level of this source tree.
 | |
| 
 | |
| import math
 | |
| from collections import defaultdict
 | |
| 
 | |
| import torch
 | |
| import torchvision.transforms as tv
 | |
| from PIL import Image, ImageFile
 | |
| from torchvision.transforms import functional as F
 | |
| 
 | |
| ImageFile.LOAD_TRUNCATED_IMAGES = True
 | |
| 
 | |
| IMAGE_RES = 448
 | |
| 
 | |
| 
 | |
| class ResizeNormalizeImageTransform:
 | |
|     def __init__(
 | |
|         self,
 | |
|         size_width=None,
 | |
|         size_height=None,
 | |
|     ) -> None:
 | |
|         self._size_width = size_width or IMAGE_RES
 | |
|         self._size_height = size_height or IMAGE_RES
 | |
|         self._mean = (0.5, 0.5, 0.5)
 | |
|         self._std = (0.5, 0.5, 0.5)
 | |
| 
 | |
|         self.tv_transform = tv.Compose(
 | |
|             [
 | |
|                 tv.Resize((self._size_height, self._size_width)),
 | |
|                 tv.ToTensor(),
 | |
|                 tv.Normalize(
 | |
|                     mean=self._mean,
 | |
|                     std=self._std,
 | |
|                     inplace=True,
 | |
|                 ),
 | |
|             ]
 | |
|         )
 | |
| 
 | |
|     def __call__(self, image: Image.Image) -> torch.Tensor:
 | |
|         return self.tv_transform(image)
 | |
| 
 | |
| 
 | |
| class VariableSizeImageTransform:
 | |
|     """
 | |
|     This class accepts images of any size and dynamically resize, pads and chunks it
 | |
|     based on the image aspect ratio and the number of image chunks we allow.
 | |
| 
 | |
|     The algorithm will NOT distort the image fit a certain aspect ratio, because
 | |
|     that leads to a significant degradation in image quality.
 | |
| 
 | |
|     It can be summarized in 6 steps:
 | |
|     1. Find all possible canvas combinations of max_num_chunks;
 | |
|     2. Find the best canvas to fit the image;
 | |
|     3. Resize without distortion
 | |
|     4. Pad
 | |
|     5. Normalize
 | |
|     6. Chunk
 | |
| 
 | |
|     For example, if an input image is of size 300x800, patch_size of 224,
 | |
|     and max_num_chunks = 8, it will find the closest aspect ratio that
 | |
|     is allowed within 8 image chunks, with some restrictions.
 | |
|     In this case, 2:4 = 2 horizontal patches and 4 vertical patches,
 | |
|     giving a total of 8 chunks.
 | |
| 
 | |
|     If resize_to_max_canvas, the image will be resized (without distortion),
 | |
|     to the largest possible resolution. In this case, 388:896, and padded to 448:896,
 | |
|     where we maintain the original aspect ratio and pad with zeros value for the rest.
 | |
|     This approach minimizes the amount of padding required for any arbitrary resolution.
 | |
| 
 | |
|     However, if limit_upscaling_to_patch_size is set to True,
 | |
|     the upscaling will be limited to the patch size. In the example above,
 | |
|     the image would remain 300x800 (no upscaling), and then padded to 448:896.
 | |
| 
 | |
|     The final output will therefore be of shape (8, 3, 224, 224), where 2x4
 | |
|     patches are coming from the resizing and chunking.
 | |
|     """
 | |
| 
 | |
|     def __init__(self, size: int = IMAGE_RES) -> None:
 | |
|         self.size = size
 | |
|         self.to_tensor = tv.ToTensor()
 | |
|         self._mean = (0.5, 0.5, 0.5)
 | |
|         self._std = (0.5, 0.5, 0.5)
 | |
|         self.normalize = tv.Normalize(
 | |
|             mean=self._mean,
 | |
|             std=self._std,
 | |
|             inplace=True,
 | |
|         )
 | |
|         self.resample = tv.InterpolationMode.BILINEAR
 | |
| 
 | |
|     @staticmethod
 | |
|     def get_factors(n: int) -> set[int]:
 | |
|         """
 | |
|         Calculate all factors of a given number, i.e. a dividor that leaves
 | |
|         no remainder. For example, if n=12, it will return {1, 2, 3, 4, 6, 12}.
 | |
| 
 | |
|         Args:
 | |
|             n (int): The number to find factors for.
 | |
| 
 | |
|         Returns:
 | |
|             set: A set containing all factors of the number.
 | |
|         """
 | |
|         factors_set = set()
 | |
| 
 | |
|         for i in range(1, int(n**0.5) + 1):
 | |
|             if n % i == 0:
 | |
|                 factors_set.add(i)
 | |
|                 factors_set.add(n // i)
 | |
|         return factors_set
 | |
| 
 | |
|     def find_supported_resolutions(self, max_num_chunks: int, patch_size: int) -> torch.Tensor:
 | |
|         """
 | |
|         Computes all of the allowed resoltuions for a fixed number of chunks
 | |
|         and patch_size. Useful for when dividing an image into chunks.
 | |
| 
 | |
|         Args:
 | |
|             max_num_chunks (int): Maximum number of chunks for processing.
 | |
|             patch_size (int): Size of the side of the patch.
 | |
| 
 | |
|         Returns:
 | |
|             torch.Tensor: List of possible resolutions as tuples (height, width).
 | |
| 
 | |
|         Example:
 | |
|             >>> max_num_chunks = 5
 | |
|             >>> patch_size = 224
 | |
|             >>> find_supported_resolutions(max_num_chunks, patch_size)
 | |
|             tensor([(224, 896), (448, 448), (224, 224), (896, 224), (224, 672),
 | |
|             (672, 224), (224, 448), (448, 224)])
 | |
| 
 | |
|             Given max_num_chunks=4, patch_size=224, it will create a dictionary:
 | |
|             {
 | |
|             0.25: [(1, 4)],
 | |
|             1.0: [(2, 2), (1, 1)],
 | |
|             4.0: [(4, 1)],
 | |
|             0.33: [(1, 3)],
 | |
|             3.0: [(3, 1)],
 | |
|             0.5: [(1, 2)],
 | |
|             2.0: [(2, 1)]
 | |
|             }
 | |
| 
 | |
|             and return the resolutions multiplied by the patch_size:
 | |
|             [(1*224, 4*224), (2*224, 2*224), ..., (2*224, 1*224)]
 | |
|         """
 | |
|         asp_dict = defaultdict(list)
 | |
|         for chunk_size in range(max_num_chunks, 0, -1):
 | |
|             _factors = sorted(self.get_factors(chunk_size))
 | |
|             _asp_ratios = [(factor, chunk_size // factor) for factor in _factors]
 | |
|             for height, width in _asp_ratios:
 | |
|                 ratio_float = height / width
 | |
|                 asp_dict[ratio_float].append((height, width))
 | |
| 
 | |
|         # get the resolutions multiplied by the patch_size
 | |
|         possible_resolutions = []
 | |
|         for value in asp_dict.values():
 | |
|             for height, width in value:
 | |
|                 possible_resolutions.append((height * patch_size, width * patch_size))
 | |
| 
 | |
|         return possible_resolutions
 | |
| 
 | |
|     @staticmethod
 | |
|     def get_max_res_without_distortion(
 | |
|         image_size: tuple[int, int],
 | |
|         target_size: tuple[int, int],
 | |
|     ) -> tuple[int, int]:
 | |
|         """
 | |
|         Determines the maximum resolution to which an image can be resized to without distorting its
 | |
|         aspect ratio, based on the target resolution.
 | |
| 
 | |
|         Args:
 | |
|             image_size (Tuple[int, int]): The original resolution of the image (height, width).
 | |
|             target_resolution (Tuple[int, int]): The desired resolution to fit the image into (height, width).
 | |
|         Returns:
 | |
|             Tuple[int, int]: The optimal dimensions (height, width) to which the image should be resized.
 | |
|         Example:
 | |
|             >>> _get_max_res_without_distortion([200, 300], target_size = [450, 200])
 | |
|             (134, 200)
 | |
|             >>> _get_max_res_without_distortion([800, 600], target_size = [450, 1300])
 | |
|             (450, 338)
 | |
|         """
 | |
| 
 | |
|         original_width, original_height = image_size
 | |
|         target_width, target_height = target_size
 | |
| 
 | |
|         scale_w = target_width / original_width
 | |
|         scale_h = target_height / original_height
 | |
| 
 | |
|         if scale_w < scale_h:
 | |
|             new_width = target_width
 | |
|             new_height = min(math.floor(original_height * scale_w), target_height)
 | |
|         else:
 | |
|             new_height = target_height
 | |
|             new_width = min(math.floor(original_width * scale_h), target_width)
 | |
| 
 | |
|         return new_width, new_height
 | |
| 
 | |
|     def _pad(self, image: Image.Image, target_size) -> Image.Image:
 | |
|         new_width, new_height = target_size
 | |
|         new_im = Image.new(mode="RGB", size=(new_width, new_height), color=(0, 0, 0))  # type: ignore
 | |
|         new_im.paste(image)
 | |
|         return new_im
 | |
| 
 | |
|     def _split(self, image: torch.Tensor, ncw: int, nch: int) -> torch.Tensor:
 | |
|         # Split image into number of required tiles (width x height)
 | |
|         num_channels, height, width = image.size()
 | |
|         image = image.view(num_channels, nch, height // nch, ncw, width // ncw)
 | |
|         # Permute dimensions to reorder the axes
 | |
|         image = image.permute(1, 3, 0, 2, 4).contiguous()
 | |
|         # Reshape into the desired output shape (batch_size * 4, num_channels, width/2, height/2)
 | |
|         image = image.view(ncw * nch, num_channels, height // nch, width // ncw)
 | |
|         return image
 | |
| 
 | |
|     def resize_without_distortion(
 | |
|         self,
 | |
|         image: torch.Tensor,
 | |
|         target_size: tuple[int, int],
 | |
|         max_upscaling_size: int | None,
 | |
|     ) -> torch.Tensor:
 | |
|         """
 | |
|         Used to resize an image to target_resolution, without distortion.
 | |
| 
 | |
|         If target_size requires upscaling the image, the user can set max_upscaling_size to
 | |
|         limit the upscaling to a maximum size. In this case, since we rescale without distortion,
 | |
|         modifying target_size works as a boundary for the image's largest side.
 | |
| 
 | |
|         Args:
 | |
|             resample (str): Resampling method used when resizing images.
 | |
|                 Supports "nearest", "nearest_exact", "bilinear", "bicubic".
 | |
|             max_upscaling_size (int): The maximum size to upscale the image to.
 | |
|                 If None, there is no limit.
 | |
|         Examples:
 | |
|         >>> target_size = (1000, 1200)
 | |
|         >>> max_upscaling_size = 600
 | |
|         >>> image_size = (400, 200)
 | |
|         >>> resize_without_distortion(image_size, target_size, max_upscaling_size)
 | |
|         (600, 300)  # new_size_without_distortion
 | |
| 
 | |
|         >>> target_size = (1000, 1200)
 | |
|         >>> max_upscaling_size = 600
 | |
|         >>> image_size = (2000, 200)
 | |
|         >>> resize_without_distortion(image_size, target_size, max_upscaling_size)
 | |
|         (1000, 100)  # new_size_without_distortion
 | |
| 
 | |
|         >>> target_size = (1000, 1200)
 | |
|         >>> max_upscaling_size = 2000
 | |
|         >>> image_size = (400, 200)
 | |
|         >>> resize_without_distortion(image_size, target_size, max_upscaling_size)
 | |
|         (1000, 500)  # new_size_without_distortion
 | |
| 
 | |
|         >>> target_size = (1000, 1200)
 | |
|         >>> max_upscaling_size = None
 | |
|         >>> image_size = (400, 200)
 | |
|         >>> resize_without_distortion(image_size, target_size, max_upscaling_size)
 | |
|         (1000, 500)  # new_size_without_distortion
 | |
|         """
 | |
| 
 | |
|         image_width, image_height = image.size
 | |
|         image_size = (image_width, image_height)
 | |
| 
 | |
|         # If target_size requires upscaling, we might want to limit the upscaling to max_upscaling_size
 | |
|         if max_upscaling_size is not None:
 | |
|             new_target_width = min(max(image_width, max_upscaling_size), target_size[0])
 | |
|             new_target_height = min(max(image_height, max_upscaling_size), target_size[1])
 | |
|             target_size = (new_target_width, new_target_height)
 | |
| 
 | |
|         # resize to target_size while preserving aspect ratio
 | |
|         new_size_without_distortion = self.get_max_res_without_distortion(image_size, target_size)
 | |
| 
 | |
|         image = F.resize(
 | |
|             image,
 | |
|             (
 | |
|                 max(new_size_without_distortion[1], 1),
 | |
|                 max(new_size_without_distortion[0], 1),
 | |
|             ),
 | |
|             interpolation=self.resample,
 | |
|         )
 | |
| 
 | |
|         return image
 | |
| 
 | |
|     def get_best_fit(
 | |
|         self,
 | |
|         image_size: tuple[int, int],
 | |
|         possible_resolutions: torch.Tensor,
 | |
|         resize_to_max_canvas: bool = False,
 | |
|     ) -> tuple[int, int]:
 | |
|         """
 | |
|         Determines the best canvas possible from a list of possible resolutions to, without distortion,
 | |
|         resize an image to.
 | |
| 
 | |
|         For each possible resolution, calculates the scaling factors for
 | |
|         width and height, and selects the smallest one, which is the limiting side.
 | |
|         E.g. to match the canvas you can upscale height by 2x, and width by 1.5x,
 | |
|         therefore, the maximum upscaling you can do is min(2, 1.5) = 1.5.
 | |
| 
 | |
|         If upscaling is possible (any of the scaling factors is greater than 1),
 | |
|         then picks the smallest upscaling factor > 1, unless resize_to_max_canvas is True.
 | |
| 
 | |
|         If upscaling is not possible, then picks the largest scaling factor <= 1, i.e.
 | |
|         reduce downscaling as much as possible.
 | |
| 
 | |
|         If there are multiple resolutions with the same max scale, we pick the one with the lowest area,
 | |
|         to minimize padding. E.g., the same image can be upscaled to 224x224 and 224x448, but the latter
 | |
|         has more padding.
 | |
| 
 | |
|         Args:
 | |
|             image_size (Tuple[int, int]): A tuple containing the height and width of the image.
 | |
|             possible_resolutions (torch.Tensor): A tensor of shape (N, 2) where each
 | |
|                 row represents a possible resolution (height, width).
 | |
|             use_max_upscaling (bool): If True, will return the largest upscaling resolution.
 | |
| 
 | |
|         Returns:
 | |
|             List[int]: The best resolution [height, width] for the given image.
 | |
| 
 | |
|         Example:
 | |
|             >>> image_size = (200, 300)
 | |
|             >>> possible_resolutions = torch.tensor([[224, 672],
 | |
|             ...                                     [672, 224],
 | |
|             ...                                     [224, 448],
 | |
|             ...                                     [448, 224],
 | |
|             ...                                     [224, 224]])
 | |
|             >>> _get_smallest_upscaling_possibility(image_size, possible_resolutions)
 | |
|             [224, 448]
 | |
| 
 | |
|             We have:
 | |
|                 scale_w = tensor([2.2400, 0.7467, 1.4933, 0.7467, 0.7467])
 | |
|                 scale_h = tensor([1.1200, 3.3600, 1.1200, 2.2400, 1.1200])
 | |
|                 scales = tensor([1.1200, 0.7467, 1.1200, 0.7467, 0.7467])
 | |
|             Only one of the scales > 1:
 | |
|                 upscaling_possible = tensor([1.1200, 1.1200])
 | |
|                 smallest_rescale = tensor(1.1200)
 | |
|             So we pick the resolution with the smallest smallest area:
 | |
|                 areas = tensor([150528, 100352]) # [672, 224], [224, 448]
 | |
|                 optimal_canvas = tensor([224, 448])
 | |
|         """
 | |
| 
 | |
|         original_width, original_height = image_size
 | |
| 
 | |
|         # get all possible resolutions heights/widths
 | |
|         target_widths, target_heights = (
 | |
|             possible_resolutions[:, 0],
 | |
|             possible_resolutions[:, 1],
 | |
|         )
 | |
| 
 | |
|         # get scaling factors to resize the image without distortion
 | |
|         scale_w = target_widths / original_width
 | |
|         scale_h = target_heights / original_height
 | |
| 
 | |
|         # get the min scale between width and height (limiting side -> no distortion)
 | |
|         scales = torch.where(scale_w > scale_h, scale_h, scale_w)
 | |
| 
 | |
|         # filter only scales that allow upscaling
 | |
|         upscaling_options = scales[scales >= 1]
 | |
|         if len(upscaling_options) > 0:
 | |
|             if resize_to_max_canvas:
 | |
|                 selected_scale = torch.max(upscaling_options)
 | |
|             else:
 | |
|                 selected_scale = torch.min(upscaling_options)
 | |
|         else:
 | |
|             # no upscaling possible,
 | |
|             # get the minimum downscaling (max scale for scales<1)
 | |
|             downscaling_options = scales[scales < 1]
 | |
|             selected_scale = torch.max(downscaling_options)
 | |
| 
 | |
|         # get all resolutions that support this scaling factor,
 | |
|         # e.g. you can upscale to 224x224, 224x448, 224x672 without distortion
 | |
|         chosen_canvas = possible_resolutions[scales == selected_scale]
 | |
| 
 | |
|         # if there are multiple resolutions,
 | |
|         # get the one with minimum area to reduce padding
 | |
|         if len(chosen_canvas) > 1:
 | |
|             areas = chosen_canvas[:, 0] * chosen_canvas[:, 1]
 | |
|             optimal_idx = torch.argmin(areas)
 | |
|             optimal_canvas = chosen_canvas[optimal_idx]
 | |
|         else:
 | |
|             optimal_canvas = chosen_canvas[0]
 | |
| 
 | |
|         return tuple(optimal_canvas.tolist())
 | |
| 
 | |
|     def __call__(
 | |
|         self,
 | |
|         image: Image.Image,
 | |
|         max_num_chunks: int,
 | |
|         normalize_img: bool = True,
 | |
|         resize_to_max_canvas: bool = False,
 | |
|     ) -> tuple[torch.Tensor, tuple[int, int]]:
 | |
|         """
 | |
|         Args:
 | |
|             image (PIL.Image): Image to be resized.
 | |
|             max_num_chunks (int): Maximum number of chunks to split the image into.
 | |
|             normalize_img (bool): Whether to normalize the image.
 | |
|             resize_to_max_canvas (bool): Whether to resize the image to the maximum canvas size.
 | |
|             If True, picks the canvas the allows the largest resizing without distortion.
 | |
|             If False, downsample as little as possible, including no resizing at all,
 | |
|             but never upsample, unless the image is smaller than the patch size.
 | |
|         """
 | |
|         assert max_num_chunks > 0
 | |
|         assert isinstance(image, Image.Image), type(image)
 | |
|         w, h = image.size
 | |
| 
 | |
|         possible_resolutions = self.find_supported_resolutions(max_num_chunks=max_num_chunks, patch_size=self.size)
 | |
|         possible_resolutions = torch.tensor(possible_resolutions)
 | |
| 
 | |
|         best_resolution = self.get_best_fit(
 | |
|             image_size=(w, h),
 | |
|             possible_resolutions=possible_resolutions,
 | |
|             resize_to_max_canvas=resize_to_max_canvas,
 | |
|         )
 | |
| 
 | |
|         max_upscaling_size = None if resize_to_max_canvas else self.size
 | |
|         image = self.resize_without_distortion(image, best_resolution, max_upscaling_size)
 | |
|         image = self._pad(image, best_resolution)
 | |
| 
 | |
|         image = self.to_tensor(image)
 | |
| 
 | |
|         if normalize_img:
 | |
|             image = self.normalize(image)
 | |
| 
 | |
|         ratio_w, ratio_h = (
 | |
|             best_resolution[0] // self.size,
 | |
|             best_resolution[1] // self.size,
 | |
|         )
 | |
| 
 | |
|         image = self._split(image, ratio_w, ratio_h)  # type: ignore
 | |
| 
 | |
|         ar = (ratio_h, ratio_w)
 | |
|         return image, ar
 |