Image augmentation for machine learning experiments.

Overview

imgaug

This python library helps you with augmenting images for your machine learning projects. It converts a set of input images into a new, much larger set of slightly altered images.

Build Status codecov Codacy Badge

  Image Heatmaps Seg. Maps Keypoints Bounding Boxes,
Polygons
Original Input input images input heatmaps input segmentation maps input keypoints input bounding boxes
Gauss. Noise
+ Contrast
+ Sharpen
non geometric augmentations, applied to images non geometric augmentations, applied to heatmaps non geometric augmentations, applied to segmentation maps non geometric augmentations, applied to keypoints non geometric augmentations, applied to bounding boxes
Affine affine augmentations, applied to images affine augmentations, applied to heatmaps affine augmentations, applied to segmentation maps affine augmentations, applied to keypoints affine augmentations, applied to bounding boxes
Crop
+ Pad
crop and pad augmentations, applied to images crop and pad augmentations, applied to heatmaps crop and pad augmentations, applied to segmentation maps crop and pad augmentations, applied to keypoints crop and pad augmentations, applied to bounding boxes
Fliplr
+ Perspective
Horizontal flip and perspective transform augmentations, applied to images Horizontal flip and perspective transform augmentations, applied to heatmaps Horizontal flip and perspective transform augmentations, applied to segmentation maps Horizontal flip and perspective transform augmentations, applied to keypoints Horizontal flip and perspective transform augmentations, applied to bounding boxes

More (strong) example augmentations of one input image:

64 quokkas

Table of Contents

  1. Features
  2. Installation
  3. Documentation
  4. Recent Changes
  5. Example Images
  6. Code Examples
  7. Citation

Features

Installation

The library supports python 2.7 and 3.4+.

Installation: Anaconda

To install the library in anaconda, perform the following commands:

conda config --add channels conda-forge
conda install imgaug

You can deinstall the library again via conda remove imgaug.

Installation: pip

Then install imgaug either via pypi (can lag behind the github version):

pip install imgaug

or install the latest version directly from github:

pip install git+https://github.com/aleju/imgaug.git

For more details, see the install guide

To deinstall the library, just execute pip uninstall imgaug.

Documentation

Example jupyter notebooks:

More notebooks: imgaug-doc/notebooks.

Example ReadTheDocs pages:

More RTD documentation: imgaug.readthedocs.io.

All documentation related files of this project are hosted in the repository imgaug-doc.

Recent Changes

  • 0.4.0: Added new augmenters, changed backend to batchwise augmentation, support for numpy 1.18 and python 3.8.
  • 0.3.0: Reworked segmentation map augmentation, adapted to numpy 1.17+ random number sampling API, several new augmenters.
  • 0.2.9: Added polygon augmentation, added line string augmentation, simplified augmentation interface.
  • 0.2.8: Improved performance, dtype support and multicore augmentation.

See changelogs/ for more details.

Example Images

The images below show examples for most augmentation techniques.

Values written in the form (a, b) denote a uniform distribution, i.e. the value is randomly picked from the interval [a, b]. Line strings are supported by (almost) all augmenters, but are not explicitly visualized here.

meta
Identity ChannelShuffle      
Identity ChannelShuffle      
See also: Sequential, SomeOf, OneOf, Sometimes, WithChannels, Lambda, AssertLambda, AssertShape, RemoveCBAsByOutOfImageFraction, ClipCBAsToImagePlanes
arithmetic
Add Add
(per_channel=True)
AdditiveGaussianNoise AdditiveGaussianNoise
(per_channel=True)
Multiply
Add Add per_channel=True AdditiveGaussianNoise AdditiveGaussianNoise per_channel=True Multiply
Cutout Dropout CoarseDropout
(p=0.2)
CoarseDropout
(p=0.2, per_channel=True)
Dropout2d
Cutout Dropout CoarseDropout p=0.2 CoarseDropout p=0.2, per_channel=True Dropout2d
SaltAndPepper CoarseSaltAndPepper
(p=0.2)
Invert Solarize JpegCompression
SaltAndPepper CoarseSaltAndPepper p=0.2 Invert Solarize JpegCompression
See also: AddElementwise, AdditiveLaplaceNoise, AdditivePoissonNoise, MultiplyElementwise, TotalDropout, ReplaceElementwise, ImpulseNoise, Salt, Pepper, CoarseSalt, CoarsePepper, Solarize
artistic
Cartoon        
Cartoon        
blend
BlendAlpha
with EdgeDetect(1.0)
BlendAlphaSimplexNoise
with EdgeDetect(1.0)
BlendAlphaFrequencyNoise
with EdgeDetect(1.0)
BlendAlphaSomeColors
with RemoveSaturation(1.0)
BlendAlphaRegularGrid
with Multiply((0.0, 0.5))
BlendAlpha with EdgeDetect1.0 BlendAlphaSimplexNoise with EdgeDetect1.0 BlendAlphaFrequencyNoise with EdgeDetect1.0 BlendAlphaSomeColors with RemoveSaturation1.0 BlendAlphaRegularGrid with Multiply0.0, 0.5
See also: BlendAlphaMask, BlendAlphaElementwise, BlendAlphaVerticalLinearGradient, BlendAlphaHorizontalLinearGradient, BlendAlphaSegMapClassIds, BlendAlphaBoundingBoxes, BlendAlphaCheckerboard, SomeColorsMaskGen, HorizontalLinearGradientMaskGen, VerticalLinearGradientMaskGen, RegularGridMaskGen, CheckerboardMaskGen, SegMapClassIdsMaskGen, BoundingBoxesMaskGen, InvertMaskGen
blur
GaussianBlur AverageBlur MedianBlur BilateralBlur
(sigma_color=250,
sigma_space=250)
MotionBlur
(angle=0)
GaussianBlur AverageBlur MedianBlur BilateralBlur sigma_color=250, sigma_space=250 MotionBlur angle=0
MotionBlur
(k=5)
MeanShiftBlur      
MotionBlur k=5 MeanShiftBlur      
collections
RandAugment        
RandAugment        
color
MultiplyAndAddToBrightness MultiplyHueAndSaturation MultiplyHue MultiplySaturation AddToHueAndSaturation
MultiplyAndAddToBrightness MultiplyHueAndSaturation MultiplyHue MultiplySaturation AddToHueAndSaturation
Grayscale RemoveSaturation ChangeColorTemperature KMeansColorQuantization
(to_colorspace=RGB)
UniformColorQuantization
(to_colorspace=RGB)
Grayscale RemoveSaturation ChangeColorTemperature KMeansColorQuantization to_colorspace=RGB UniformColorQuantization to_colorspace=RGB
See also: WithColorspace, WithBrightnessChannels, MultiplyBrightness, AddToBrightness, WithHueAndSaturation, AddToHue, AddToSaturation, ChangeColorspace, Posterize
contrast
GammaContrast GammaContrast
(per_channel=True)
SigmoidContrast
(cutoff=0.5)
SigmoidContrast
(gain=10)
LogContrast
GammaContrast GammaContrast per_channel=True SigmoidContrast cutoff=0.5 SigmoidContrast gain=10 LogContrast
LinearContrast AllChannels-
HistogramEqualization
HistogramEqualization AllChannelsCLAHE CLAHE
LinearContrast AllChannels- HistogramEqualization HistogramEqualization AllChannelsCLAHE CLAHE
See also: Equalize
convolutional
Sharpen
(alpha=1)
Emboss
(alpha=1)
EdgeDetect DirectedEdgeDetect
(alpha=1)
 
Sharpen alpha=1 Emboss alpha=1 EdgeDetect DirectedEdgeDetect alpha=1  
See also: Convolve
debug
See also: SaveDebugImageEveryNBatches
edges
Canny        
Canny        
flip
Fliplr Flipud  
Fliplr Flipud  
See also: HorizontalFlip, VerticalFlip
geometric
Affine Affine: Modes  
Affine Affine: Modes  
Affine: cval PiecewiseAffine  
Affine: cval PiecewiseAffine  
PerspectiveTransform ElasticTransformation
(sigma=1.0)
 
PerspectiveTransform ElasticTransformation sigma=1.0  
ElasticTransformation
(sigma=4.0)
Rot90  
ElasticTransformation sigma=4.0 Rot90  
WithPolarWarping
+Affine
Jigsaw
(5x5 grid)
 
WithPolarWarping +Affine Jigsaw 5x5 grid  
See also: ScaleX, ScaleY, TranslateX, TranslateY, Rotate
imgcorruptlike
GlassBlur DefocusBlur ZoomBlur Snow Spatter
GlassBlur DefocusBlur ZoomBlur Snow Spatter
See also: GaussianNoise, ShotNoise, ImpulseNoise, SpeckleNoise, GaussianBlur, MotionBlur, Fog, Frost, Contrast, Brightness, Saturate, JpegCompression, Pixelate, ElasticTransform
pillike
Autocontrast EnhanceColor EnhanceSharpness FilterEdgeEnhanceMore FilterContour
Autocontrast EnhanceColor EnhanceSharpness FilterEdgeEnhanceMore FilterContour
See also: Solarize, Posterize, Equalize, EnhanceContrast, EnhanceBrightness, FilterBlur, FilterSmooth, FilterSmoothMore, FilterEdgeEnhance, FilterFindEdges, FilterEmboss, FilterSharpen, FilterDetail, Affine
pooling
AveragePooling MaxPooling MinPooling MedianPooling  
AveragePooling MaxPooling MinPooling MedianPooling  
segmentation
Superpixels
(p_replace=1)
Superpixels
(n_segments=100)
UniformVoronoi RegularGridVoronoi: rows/cols
(p_drop_points=0)
RegularGridVoronoi: p_drop_points
(n_rows=n_cols=30)
Superpixels p_replace=1 Superpixels n_segments=100 UniformVoronoi RegularGridVoronoi: rows/cols p_drop_points=0 RegularGridVoronoi: p_drop_points n_rows=n_cols=30
RegularGridVoronoi: p_replace
(n_rows=n_cols=16)
       
RegularGridVoronoi: p_replace n_rows=n_cols=16        
See also: Voronoi, RelativeRegularGridVoronoi, RegularGridPointsSampler, RelativeRegularGridPointsSampler, DropoutPointsSampler, UniformPointsSampler, SubsamplingPointsSampler
size
CropAndPad Crop  
CropAndPad Crop  
Pad PadToFixedSize
(height'=height+32,
width'=width+32)
 
Pad PadToFixedSize height'=height+32, width'=width+32  
CropToFixedSize
(height'=height-32,
width'=width-32)
     
CropToFixedSize height'=height-32, width'=width-32      
See also: Resize, CropToMultiplesOf, PadToMultiplesOf, CropToPowersOf, PadToPowersOf, CropToAspectRatio, PadToAspectRatio, CropToSquare, PadToSquare, CenterCropToFixedSize, CenterPadToFixedSize, CenterCropToMultiplesOf, CenterPadToMultiplesOf, CenterCropToPowersOf, CenterPadToPowersOf, CenterCropToAspectRatio, CenterPadToAspectRatio, CenterCropToSquare, CenterPadToSquare, KeepSizeByResize
weather
FastSnowyLandscape
(lightness_multiplier=2.0)
Clouds Fog Snowflakes Rain
FastSnowyLandscape lightness_multiplier=2.0 Clouds Fog Snowflakes Rain
See also: CloudLayer, SnowflakesLayer, RainLayer

Code Examples

Example: Simple Training Setting

A standard machine learning situation. Train on batches of images and augment each batch via crop, horizontal flip ("Fliplr") and gaussian blur:

import numpy as np
import imgaug.augmenters as iaa

def load_batch(batch_idx):
    # dummy function, implement this
    # Return a numpy array of shape (N, height, width, #channels)
    # or a list of (height, width, #channels) arrays (may have different image
    # sizes).
    # Images should be in RGB for colorspace augmentations.
    # (cv2.imread() returns BGR!)
    # Images should usually be in uint8 with values from 0-255.
    return np.zeros((128, 32, 32, 3), dtype=np.uint8) + (batch_idx % 255)

def train_on_images(images):
    # dummy function, implement this
    pass

# Pipeline:
# (1) Crop images from each side by 1-16px, do not resize the results
#     images back to the input size. Keep them at the cropped size.
# (2) Horizontally flip 50% of the images.
# (3) Blur images using a gaussian kernel with sigma between 0.0 and 3.0.
seq = iaa.Sequential([
    iaa.Crop(px=(1, 16), keep_size=False),
    iaa.Fliplr(0.5),
    iaa.GaussianBlur(sigma=(0, 3.0))
])

for batch_idx in range(100):
    images = load_batch(batch_idx)
    images_aug = seq(images=images)  # done by the library
    train_on_images(images_aug)

Example: Very Complex Augmentation Pipeline

Apply a very heavy augmentation pipeline to images (used to create the image at the very top of this readme):

import numpy as np
import imgaug as ia
import imgaug.augmenters as iaa

# random example images
images = np.random.randint(0, 255, (16, 128, 128, 3), dtype=np.uint8)

# Sometimes(0.5, ...) applies the given augmenter in 50% of all cases,
# e.g. Sometimes(0.5, GaussianBlur(0.3)) would blur roughly every second image.
sometimes = lambda aug: iaa.Sometimes(0.5, aug)

# Define our sequence of augmentation steps that will be applied to every image
# All augmenters with per_channel=0.5 will sample one value _per image_
# in 50% of all cases. In all other cases they will sample new values
# _per channel_.

seq = iaa.Sequential(
    [
        # apply the following augmenters to most images
        iaa.Fliplr(0.5), # horizontally flip 50% of all images
        iaa.Flipud(0.2), # vertically flip 20% of all images
        # crop images by -5% to 10% of their height/width
        sometimes(iaa.CropAndPad(
            percent=(-0.05, 0.1),
            pad_mode=ia.ALL,
            pad_cval=(0, 255)
        )),
        sometimes(iaa.Affine(
            scale={"x": (0.8, 1.2), "y": (0.8, 1.2)}, # scale images to 80-120% of their size, individually per axis
            translate_percent={"x": (-0.2, 0.2), "y": (-0.2, 0.2)}, # translate by -20 to +20 percent (per axis)
            rotate=(-45, 45), # rotate by -45 to +45 degrees
            shear=(-16, 16), # shear by -16 to +16 degrees
            order=[0, 1], # use nearest neighbour or bilinear interpolation (fast)
            cval=(0, 255), # if mode is constant, use a cval between 0 and 255
            mode=ia.ALL # use any of scikit-image's warping modes (see 2nd image from the top for examples)
        )),
        # execute 0 to 5 of the following (less important) augmenters per image
        # don't execute all of them, as that would often be way too strong
        iaa.SomeOf((0, 5),
            [
                sometimes(iaa.Superpixels(p_replace=(0, 1.0), n_segments=(20, 200))), # convert images into their superpixel representation
                iaa.OneOf([
                    iaa.GaussianBlur((0, 3.0)), # blur images with a sigma between 0 and 3.0
                    iaa.AverageBlur(k=(2, 7)), # blur image using local means with kernel sizes between 2 and 7
                    iaa.MedianBlur(k=(3, 11)), # blur image using local medians with kernel sizes between 2 and 7
                ]),
                iaa.Sharpen(alpha=(0, 1.0), lightness=(0.75, 1.5)), # sharpen images
                iaa.Emboss(alpha=(0, 1.0), strength=(0, 2.0)), # emboss images
                # search either for all edges or for directed edges,
                # blend the result with the original image using a blobby mask
                iaa.SimplexNoiseAlpha(iaa.OneOf([
                    iaa.EdgeDetect(alpha=(0.5, 1.0)),
                    iaa.DirectedEdgeDetect(alpha=(0.5, 1.0), direction=(0.0, 1.0)),
                ])),
                iaa.AdditiveGaussianNoise(loc=0, scale=(0.0, 0.05*255), per_channel=0.5), # add gaussian noise to images
                iaa.OneOf([
                    iaa.Dropout((0.01, 0.1), per_channel=0.5), # randomly remove up to 10% of the pixels
                    iaa.CoarseDropout((0.03, 0.15), size_percent=(0.02, 0.05), per_channel=0.2),
                ]),
                iaa.Invert(0.05, per_channel=True), # invert color channels
                iaa.Add((-10, 10), per_channel=0.5), # change brightness of images (by -10 to 10 of original value)
                iaa.AddToHueAndSaturation((-20, 20)), # change hue and saturation
                # either change the brightness of the whole image (sometimes
                # per channel) or change the brightness of subareas
                iaa.OneOf([
                    iaa.Multiply((0.5, 1.5), per_channel=0.5),
                    iaa.FrequencyNoiseAlpha(
                        exponent=(-4, 0),
                        first=iaa.Multiply((0.5, 1.5), per_channel=True),
                        second=iaa.LinearContrast((0.5, 2.0))
                    )
                ]),
                iaa.LinearContrast((0.5, 2.0), per_channel=0.5), # improve or worsen the contrast
                iaa.Grayscale(alpha=(0.0, 1.0)),
                sometimes(iaa.ElasticTransformation(alpha=(0.5, 3.5), sigma=0.25)), # move pixels locally around (with random strengths)
                sometimes(iaa.PiecewiseAffine(scale=(0.01, 0.05))), # sometimes move parts of the image around
                sometimes(iaa.PerspectiveTransform(scale=(0.01, 0.1)))
            ],
            random_order=True
        )
    ],
    random_order=True
)
images_aug = seq(images=images)

Example: Augment Images and Keypoints

Augment images and keypoints/landmarks on the same images:

import numpy as np
import imgaug.augmenters as iaa

images = np.zeros((2, 128, 128, 3), dtype=np.uint8)  # two example images
images[:, 64, 64, :] = 255
points = [
    [(10.5, 20.5)],  # points on first image
    [(50.5, 50.5), (60.5, 60.5), (70.5, 70.5)]  # points on second image
]

seq = iaa.Sequential([
    iaa.AdditiveGaussianNoise(scale=0.05*255),
    iaa.Affine(translate_px={"x": (1, 5)})
])

# augment keypoints and images
images_aug, points_aug = seq(images=images, keypoints=points)

print("Image 1 center", np.argmax(images_aug[0, 64, 64:64+6, 0]))
print("Image 2 center", np.argmax(images_aug[1, 64, 64:64+6, 0]))
print("Points 1", points_aug[0])
print("Points 2", points_aug[1])

Note that all coordinates in imgaug are subpixel-accurate, which is why x=0.5, y=0.5 denotes the center of the top left pixel.

Example: Augment Images and Bounding Boxes

import numpy as np
import imgaug as ia
import imgaug.augmenters as iaa

images = np.zeros((2, 128, 128, 3), dtype=np.uint8)  # two example images
images[:, 64, 64, :] = 255
bbs = [
    [ia.BoundingBox(x1=10.5, y1=15.5, x2=30.5, y2=50.5)],
    [ia.BoundingBox(x1=10.5, y1=20.5, x2=50.5, y2=50.5),
     ia.BoundingBox(x1=40.5, y1=75.5, x2=70.5, y2=100.5)]
]

seq = iaa.Sequential([
    iaa.AdditiveGaussianNoise(scale=0.05*255),
    iaa.Affine(translate_px={"x": (1, 5)})
])

images_aug, bbs_aug = seq(images=images, bounding_boxes=bbs)

Example: Augment Images and Polygons

import numpy as np
import imgaug as ia
import imgaug.augmenters as iaa

images = np.zeros((2, 128, 128, 3), dtype=np.uint8)  # two example images
images[:, 64, 64, :] = 255
polygons = [
    [ia.Polygon([(10.5, 10.5), (50.5, 10.5), (50.5, 50.5)])],
    [ia.Polygon([(0.0, 64.5), (64.5, 0.0), (128.0, 128.0), (64.5, 128.0)])]
]

seq = iaa.Sequential([
    iaa.AdditiveGaussianNoise(scale=0.05*255),
    iaa.Affine(translate_px={"x": (1, 5)})
])

images_aug, polygons_aug = seq(images=images, polygons=polygons)

Example: Augment Images and LineStrings

LineStrings are similar to polygons, but are not closed, may intersect with themselves and don't have an inner area.

import numpy as np
import imgaug as ia
import imgaug.augmenters as iaa

images = np.zeros((2, 128, 128, 3), dtype=np.uint8)  # two example images
images[:, 64, 64, :] = 255
ls = [
    [ia.LineString([(10.5, 10.5), (50.5, 10.5), (50.5, 50.5)])],
    [ia.LineString([(0.0, 64.5), (64.5, 0.0), (128.0, 128.0), (64.5, 128.0),
                    (128.0, 0.0)])]
]

seq = iaa.Sequential([
    iaa.AdditiveGaussianNoise(scale=0.05*255),
    iaa.Affine(translate_px={"x": (1, 5)})
])

images_aug, ls_aug = seq(images=images, line_strings=ls)

Example: Augment Images and Heatmaps

Heatmaps are dense float arrays with values between 0.0 and 1.0. They can be used e.g. when training models to predict facial landmark locations. Note that the heatmaps here have lower height and width than the images. imgaug handles that case automatically. The crop pixel amounts will be halved for the heatmaps.

import numpy as np
import imgaug.augmenters as iaa

# Standard scenario: You have N RGB-images and additionally 21 heatmaps per
# image. You want to augment each image and its heatmaps identically.
images = np.random.randint(0, 255, (16, 128, 128, 3), dtype=np.uint8)
heatmaps = np.random.random(size=(16, 64, 64, 1)).astype(np.float32)

seq = iaa.Sequential([
    iaa.GaussianBlur((0, 3.0)),
    iaa.Affine(translate_px={"x": (-40, 40)}),
    iaa.Crop(px=(0, 10))
])

images_aug, heatmaps_aug = seq(images=images, heatmaps=heatmaps)

Example: Augment Images and Segmentation Maps

This is similar to heatmaps, but the dense arrays have dtype int32. Operations such as resizing will automatically use nearest neighbour interpolation.

import numpy as np
import imgaug.augmenters as iaa

# Standard scenario: You have N=16 RGB-images and additionally one segmentation
# map per image. You want to augment each image and its heatmaps identically.
images = np.random.randint(0, 255, (16, 128, 128, 3), dtype=np.uint8)
segmaps = np.random.randint(0, 10, size=(16, 64, 64, 1), dtype=np.int32)

seq = iaa.Sequential([
    iaa.GaussianBlur((0, 3.0)),
    iaa.Affine(translate_px={"x": (-40, 40)}),
    iaa.Crop(px=(0, 10))
])

images_aug, segmaps_aug = seq(images=images, segmentation_maps=segmaps)

Example: Visualize Augmented Images

Quickly show example results of your augmentation sequence:

import numpy as np
import imgaug.augmenters as iaa

images = np.random.randint(0, 255, (16, 128, 128, 3), dtype=np.uint8)
seq = iaa.Sequential([iaa.Fliplr(0.5), iaa.GaussianBlur((0, 3.0))])

# Show an image with 8*8 augmented versions of image 0 and 8*8 augmented
# versions of image 1. Identical augmentations will be applied to
# image 0 and 1.
seq.show_grid([images[0], images[1]], cols=8, rows=8)

Example: Visualize Augmented Non-Image Data

imgaug contains many helper function, among these functions to quickly visualize augmented non-image results, such as bounding boxes or heatmaps.

import numpy as np
import imgaug as ia

image = np.zeros((64, 64, 3), dtype=np.uint8)

# points
kps = [ia.Keypoint(x=10.5, y=20.5), ia.Keypoint(x=60.5, y=60.5)]
kpsoi = ia.KeypointsOnImage(kps, shape=image.shape)
image_with_kps = kpsoi.draw_on_image(image, size=7, color=(0, 0, 255))
ia.imshow(image_with_kps)

# bbs
bbsoi = ia.BoundingBoxesOnImage([
    ia.BoundingBox(x1=10.5, y1=20.5, x2=50.5, y2=30.5)
], shape=image.shape)
image_with_bbs = bbsoi.draw_on_image(image)
image_with_bbs = ia.BoundingBox(
    x1=50.5, y1=10.5, x2=100.5, y2=16.5
).draw_on_image(image_with_bbs, color=(255, 0, 0), size=3)
ia.imshow(image_with_bbs)

# polygons
psoi = ia.PolygonsOnImage([
    ia.Polygon([(10.5, 20.5), (50.5, 30.5), (10.5, 50.5)])
], shape=image.shape)
image_with_polys = psoi.draw_on_image(
    image, alpha_points=0, alpha_face=0.5, color_lines=(255, 0, 0))
ia.imshow(image_with_polys)

# heatmaps
hms = ia.HeatmapsOnImage(np.random.random(size=(32, 32, 1)).astype(np.float32),
                         shape=image.shape)
image_with_hms = hms.draw_on_image(image)
ia.imshow(image_with_hms)

LineStrings and segmentation maps support similar methods as shown above.

Example: Using Augmenters Only Once

While the interface is adapted towards re-using instances of augmenters many times, you are also free to use them only once. The overhead to instantiate the augmenters each time is usually negligible.

from imgaug import augmenters as iaa
import numpy as np

images = np.random.randint(0, 255, (16, 128, 128, 3), dtype=np.uint8)

# always horizontally flip each input image
images_aug = iaa.Fliplr(1.0)(images=images)

# vertically flip each input image with 90% probability
images_aug = iaa.Flipud(0.9)(images=images)

# blur 50% of all images using a gaussian kernel with a sigma of 3.0
images_aug = iaa.Sometimes(0.5, iaa.GaussianBlur(3.0))(images=images)

Example: Multicore Augmentation

Images can be augmented in background processes using the method augment_batches(batches, background=True), where batches is a list/generator of imgaug.augmentables.batches.UnnormalizedBatch or imgaug.augmentables.batches.Batch. The following example augments a list of image batches in the background:

import skimage.data
import imgaug as ia
import imgaug.augmenters as iaa
from imgaug.augmentables.batches import UnnormalizedBatch

# Number of batches and batch size for this example
nb_batches = 10
batch_size = 32

# Example augmentation sequence to run in the background
augseq = iaa.Sequential([
    iaa.Fliplr(0.5),
    iaa.CoarseDropout(p=0.1, size_percent=0.1)
])

# For simplicity, we use the same image here many times
astronaut = skimage.data.astronaut()
astronaut = ia.imresize_single_image(astronaut, (64, 64))

# Make batches out of the example image (here: 10 batches, each 32 times
# the example image)
batches = []
for _ in range(nb_batches):
    batches.append(UnnormalizedBatch(images=[astronaut] * batch_size))

# Show the augmented images.
# Note that augment_batches() returns a generator.
for images_aug in augseq.augment_batches(batches, background=True):
    ia.imshow(ia.draw_grid(images_aug.images_aug, cols=8))

If you need more control over the background augmentation, e.g. to set seeds, control the number of used CPU cores or constraint the memory usage, see the corresponding multicore augmentation notebook or the API about Augmenter.pool() and imgaug.multicore.Pool.

Example: Probability Distributions as Parameters

Most augmenters support using tuples (a, b) as a shortcut to denote uniform(a, b) or lists [a, b, c] to denote a set of allowed values from which one will be picked randomly. If you require more complex probability distributions (e.g. gaussians, truncated gaussians or poisson distributions) you can use stochastic parameters from imgaug.parameters:

import numpy as np
from imgaug import augmenters as iaa
from imgaug import parameters as iap

images = np.random.randint(0, 255, (16, 128, 128, 3), dtype=np.uint8)

# Blur by a value sigma which is sampled from a uniform distribution
# of range 10.1 <= x < 13.0.
# The convenience shortcut for this is: GaussianBlur((10.1, 13.0))
blurer = iaa.GaussianBlur(10 + iap.Uniform(0.1, 3.0))
images_aug = blurer(images=images)

# Blur by a value sigma which is sampled from a gaussian distribution
# N(1.0, 0.1), i.e. sample a value that is usually around 1.0.
# Clip the resulting value so that it never gets below 0.1 or above 3.0.
blurer = iaa.GaussianBlur(iap.Clip(iap.Normal(1.0, 0.1), 0.1, 3.0))
images_aug = blurer(images=images)

There are many more probability distributions in the library, e.g. truncated gaussian distribution, poisson distribution or beta distribution.

Example: WithChannels

Apply an augmenter only to specific image channels:

import numpy as np
import imgaug.augmenters as iaa

# fake RGB images
images = np.random.randint(0, 255, (16, 128, 128, 3), dtype=np.uint8)

# add a random value from the range (-30, 30) to the first two channels of
# input images (e.g. to the R and G channels)
aug = iaa.WithChannels(
  channels=[0, 1],
  children=iaa.Add((-30, 30))
)

images_aug = aug(images=images)

Citation

If this library has helped you during your research, feel free to cite it:

@misc{imgaug,
  author = {Jung, Alexander B.
            and Wada, Kentaro
            and Crall, Jon
            and Tanaka, Satoshi
            and Graving, Jake
            and Reinders, Christoph
            and Yadav, Sarthak
            and Banerjee, Joy
            and Vecsei, Gábor
            and Kraft, Adam
            and Rui, Zheng
            and Borovec, Jirka
            and Vallentin, Christian
            and Zhydenko, Semen
            and Pfeiffer, Kilian
            and Cook, Ben
            and Fernández, Ismael
            and De Rainville, François-Michel
            and Weng, Chi-Hung
            and Ayala-Acevedo, Abner
            and Meudec, Raphael
            and Laporte, Matias
            and others},
  title = {{imgaug}},
  howpublished = {\url{https://github.com/aleju/imgaug}},
  year = {2020},
  note = {Online; accessed 01-Feb-2020}
}
Comments
  • AssertionError install tests for 0.2.9 build on NixOS

    AssertionError install tests for 0.2.9 build on NixOS

    Hi Team,

    I was trying to enable the test cases for pythonPackages.imgaug https://github.com/NixOS/nixpkgs/pull/67494

    During this process i am able to execute the test cases but facing AssertionError and this is causing 5 failures. Summary of test run: ============ **5 failed, 383 passed, 3 warnings in 199.71s (0:03:19)** =============

    detailed log : imgaug_test_failures.txt

    Please suggest. Thanks.

    opened by Rakesh4G 37
  • Conversion from RGB to HSV and back fails with OpenCV 3.x

    Conversion from RGB to HSV and back fails with OpenCV 3.x

    I get the following error every time I run code with

    iaa.ChangeColorspace(from_colorspace="RGB", to_colorspace="HSV"), iaa.ChangeColorspace(from_colorspace="HSV", to_colorspace="RGB"),

    The error is the following

    cv2.error: OpenCV(3.4.2) /io/opencv/modules/imgproc/src/color.hpp:253: error: (-215:Assertion failed) VScn::contains(scn) && VDcn::contains(dcn) && VDepth::contains(depth) in function 'CvtHelper' regferencing this line https://github.com/aleju/imgaug/blob/1887d1e5bb2afa8ce94320f4bc7ab354753e9eda/imgaug/augmenters/color.py#L341

    Any idea for a Fix?

    opened by cicobalico 17
  • Fix doctests and move to xdoctest

    Fix doctests and move to xdoctest

    Currently the imgaug doctests don't run. They probably don't run because writing correct doctests is tricky. The builtin Python doctest module uses regex parsing, which puts a lot of burden on the developer to make sure the syntax can be parsed by a system based on heuristics.

    However, it really shouldn't be hard to make doctests run. That's why I wrote xdoctest. It uses the same parser used by the Python interpreter to statically (i.e. absolutely no side effects) parse your source files, extract the docstrings, further extract the doctests, and finally structure the doctests in such a way that they can easily be run.

    I see your codebase has doctests which is great! However, it would be even better if they ran with the CI server. I can help move towards this.

    When I first ran xdoctest on your codebase I saw that there were a lot of errors because iaa was undefined. This makes sense because the doctests never actually imported those files (and when running via xdoctest you inherit the global scope of the file in which the doctest was defined). The most robust fix would be to actually insert from imgaug import augmenters as iaa at the top of every doctest. However, that would be a lot of changes. Fortunately, because I'm the author of xdoctest, I know my way around the code and in PR33 I just put in logic that allows the user to specify (via the xdoctest CLI) a chuck of code that is executed before every doctest (I'm trying to get the pytorch doctests running as well, and that repo also has the same issues).

    After writing that patch and fixing the iaa errors, the number of failing doctests went from 64 failed to 13 failed.

    python -m xdoctest imgaug.imgaug angle_between_vectors:0
    python -m xdoctest imgaug.imgaug imresize_many_images:0
    python -m xdoctest imgaug.imgaug HooksImages:0
    python -m xdoctest imgaug.imgaug KeypointsOnImage:0
    python -m xdoctest imgaug.imgaug BoundingBoxesOnImage:0
    python -m xdoctest imgaug.augmenters.meta Augmenter.augment_keypoints:0
    python -m xdoctest imgaug.augmenters.meta Augmenter.augment_bounding_boxes:0
    python -m xdoctest imgaug.augmenters.meta Augmenter.find_augmenters:0
    python -m xdoctest imgaug.augmenters.meta Sequential:0
    python -m xdoctest imgaug.augmenters.meta SomeOf:0
    python -m xdoctest imgaug.augmenters.meta OneOf:0
    python -m xdoctest imgaug.augmenters.arithmetic MultiplyElementwise:0
    python -m xdoctest imgaug.augmenters.arithmetic CoarseDropout:0
    

    One of the reasons to run doctests is to ensure that your examples are always up to date and have valid syntax. These failures motivate actually getting the doctests running.

    I was able to fix all of the above errors by either fixing an actual bug (e.g. calling augment_keypoints when you meant augment_bounding_boxes) or making a minor change (like defining the variable img / A).

    I've added the relevant code to change pytest to use the xdoctest plugin instead of normal doctest. Note that it currently wont work on travis because I'll need to release xdoctest version 0.7.0 before the --global-exec argument is exposed. However, on my local machine running pytest runs all of the regular tests in addition to the doctests.

    Also note this is based on my trunc normal PR (which was the reason I wanted xdoctest to run in the first place), so github shows slightly more diff than there actually is.

    EDIT: I pushed out the 0.7.0 version of xdoctest to pypi, so it should be possible to run them on TravisCI or CircleCI.

    opened by Erotemic 11
  • documents in detail

    documents in detail

    Hi, @aleju! I think your work is very great and helpful! But I think there is a bit of difficulty in using it. For example, in code segment, "image = ia.quokka(size=(256, 256))", I don't find the specification about function "quokka" Is there document about all APIs in detail? You have given a web address, "http://imgaug.readthedocs.io/en/latest/source/modules.html - API." But I find there are only some modules name list and no explanation in detail about APIs.

    Don't I find correct web address? Thank you in advance.

    opened by sdalxn 11
  • Problem about Rotation 90 degrees with bounding box

    Problem about Rotation 90 degrees with bounding box

    Thank you and this useful tool. It is easy to augment my image. However, there is a small problem that bothers me.

    After running iaa.Rot90(k=1) and checking the bounding box, I got a wired result of bounding box, and iaa.Affine(rotate=90) was the same. I also tried iaa.Rot90(k=3) and it looked great. 螢幕快照 2020-02-01 下午7 06 30

    How could I solve this?

    p.s. I run another image with iaa.Rot90(k=1) and it doesn't have this mistake. It seems to have this problem with the example above.

    opened by Demo5284 10
  • Update the plotting function to show images?

    Update the plotting function to show images?

    Hi, great repository and great work. However, when I was using it, I found it relies on scipy to show images. And according to scipy documents scipy.misc.imshow, I guess the scipy.imshow() is downgraded.

     DeprecationWarning: `imshow` is deprecated!
    `imshow` is deprecated in SciPy 1.0.0, and will be removed in 1.2.0.
    Use ``matplotlib.pyplot.imshow`` instead.
      after removing the cwd from sys.path.
    
    

    Also, we need to install Pillow to use this function.

    Simple showing of an image through an external viewer.
    
    This function is only available if Python Imaging Library (PIL) is installed.
    
    Uses the image viewer specified by the environment variable SCIPY_PIL_IMAGE_VIEWER, or if that is not defined then see, to view a temporary file generated from array data.
    
    opened by iphyer 9
  • Tips for being Memory Efficient

    Tips for being Memory Efficient

    This library is amazing! Do you have any tips for being memory efficient?

    In my case I augment an image set of abut 300 images which after augmenation turns into about 21K images but all 21k are stored in memory. Is there a way to do this without it being stored in memory but still able to visualize the augmentations and use down stream for modelling purposes?

    opened by pGit1 9
  • PiecewiseAffine returns (-1, -1) for augmented keypoints that would be outside the image

    PiecewiseAffine returns (-1, -1) for augmented keypoints that would be outside the image

    PiecewiseAffine returns (-1, -1), when the augmented keypoint would be outside of the image.

    Corresponding Code: https://github.com/aleju/imgaug/blob/c1aa569d15cd98ca77bd12af895ae088ec826c90/imgaug/augmenters/geometric.py#L796-L797

    As I found out, the -1 is assigned in inverse() in skimage/transform/_geometric.py

    Is this intended? All the other augmentation techniques I've used so far just return the coordinates, even if they are bigger or smaller than the image dimensions.

    opened by NKlug 9
  • Rotate Affine augment Keypoints

    Rotate Affine augment Keypoints

    Hi,

    I am using sequential augment with only rotate affine transform with -30, 30 range.

    Then I wanted to augment keypoints. I did this with the point (100, 100). But, the augmented point is not in the correct position. I ran the key point augmentation for other sequential non-affine augmentations and they seemed to work fine.

    I used the same visualization technique in the README.md with the "draw_on_image" method

    Can you please help me with this.

    opened by araghava92 9
  • Cant load augmenters

    Cant load augmenters

    As said in the README, I copied the required files into my directory and ran the from imgaug import augmenters as iaa

    but I get an error

    "ImportError: cannot import name 'augmenters'"

    opened by SarthakYadav 9
  • Add  PadToFixedSize and CropToFixedSize

    Add PadToFixedSize and CropToFixedSize

    Add augmenter, PadUptoFixedSize and CropFixedSize, related to https://github.com/aleju/imgaug/issues/31.

    These augmenters help to convert images variable size to fixed size, without any interpolation.

    TODOs:

    • implement _augment_heatmaps()
    • write test code.

    Examples:

    >>> aug = iaa.CropFixedSize(width=100, height=100)
    

    crops 100x100 image from the input image at random position.

    >>> aug = iaa.Sequential([
            iaa.PadUptoFixedSize(width=100, height=100),
            iaa.CropFixedSize(width=100, height=100)
        ])
    

    pads upto 100x100 pixel for treating some smaller images than 100x100 pixels, then crop 100x100 image.

    opened by stnk20 8
  • Out Of Memory (OOM) error in perspective transformation

    Out Of Memory (OOM) error in perspective transformation

    Hello,

    Thank you for your great work. When I use the perspective transformation with a scale from 0.01 to 0.1, there usually raises an OOM error. Might there exist a memory leak problem?

    opened by littlespray 0
  • Project dependencies may have API risk issues

    Project dependencies may have API risk issues

    Hi, In imgaug, inappropriate dependency versioning constraints can cause risks.

    Below are the dependencies and version constraints that the project is using

    six*
    numpy>=1.15
    scipy*
    Pillow*
    matplotlib*
    scikit-image>=0.14.2
    opencv-python-headless*
    imageio<=2.6.1;python_version<'3.5'
    imageio;python_version>='3.5'
    Shapely*
    numba;python_version>='3.6'
    

    The version constraint == will introduce the risk of dependency conflicts because the scope of dependencies is too strict. The version constraint No Upper Bound and * will introduce the risk of the missing API Error because the latest version of the dependencies may remove some APIs.

    After further analysis, in this project, The version constraint of dependency scipy can be changed to >=0.12.0,<=1.7.3. The version constraint of dependency matplotlib can be changed to >=1.5.0,<=2.0.0b1.

    The above modification suggestions can reduce the dependency conflicts as much as possible, and introduce the latest version as much as possible without calling Error in the projects.

    The invocation of the current project includes all the following methods.

    The calling methods from the scipy
    ndimage.interpolation.map_coordinates
    
    The calling methods from the matplotlib
    six.add_metaclass
    
    The calling methods from the all methods
    np.uint8
    kpsoi_aug.draw_on_image
    random_state.duplicate
    reinsert_stack.append
    self.generate_mask
    scipy.stats.truncnorm
    example_augment_images_and_polygons
    iabase._warn_on_suspicious_single_image_shape
    _BatchInAugmentationPropagationContext
    _get_context.current_process
    recursive_negate
    self.Voronoi.super.__init__
    sizelib.KeepSizeByResize
    _AssertLambdaCallback
    iaa.AveragePooling
    generator.random_sample
    os.path.abspath
    is_np_array
    iaa.Emboss
    np.arange.astype
    normalize_generator_
    np.bitwise_and
    np.zeros
    aug_ro_det.augment_keypoints
    random_state.binomial
    PolygonsOnImage
    self._assert_dtypes_not_changed
    self._assert_batches_is_generator
    collections.defaultdict
    ForceSign
    fig.add_subplot
    random.randint
    exterior.len.noise_strength.noise_strength.random_state.uniform.astype
    isect_segments_impl
    coords_absolute.append
    blend.SimplexNoiseAlpha
    np.stack
    collections.namedtuple
    self.pad_cval.draw_samples
    self._recover_images_array
    self._augment_single_image
    ski_exposure.adjust_gamma
    self.generator.logistic
    nb_cols.nb_rows.np.arange.reshape
    _numbajit
    keypoints_aug.append
    args.only.split
    cell.draw
    iap.Sigmoid
    self.density_multiplier.draw_sample
    keypoints.append
    self.generator.triangular
    self.Dropout2d.super.__init__
    self._FolderImageDestination.super.__init__
    math.ceil
    ia.SegmentationMapsOnImage
    iaa.Snowflakes
    augmenter.augment_keypoints
    ChiSquare
    self._augment_maps_by_samples
    self.VerticalLinearGradientMaskGen.super.__init__
    aug_ro.to_deterministic
    _autoset_context
    img_0to1.astype
    segment_add_points_sorted.append
    blur_avg_
    ChangeColorspace
    nlib.invert_normalize_bounding_boxes
    ia.is_float_array
    multiprocessing.cpu_count
    hooks.postprocess
    xx.ravel
    iaa.Alpha
    np.allclose
    batch_norm.to_batch_in_augmentation
    _ElasticTfShiftMapGenerator
    create_fully_random_generator
    iaa.CoarseSalt
    ia.Batch
    samples.get_clipped_cval
    timeit.timeit
    poly.shift_
    blend.np.clip.astype
    Fliplr
    _generate_table_for_invert_uint8
    PoolWithMarkedWorker
    cls._warp_maps_
    cv2.subtract
    self.generator.uniform
    cv2.cvtColor
    _get_columns
    self.DiscreteUniform.super.__init__
    self.position.draw_samples
    self._draw_label_arr
    _JigsawSamples
    self.workers.append
    _assert_single_array_last_dim_exactly
    self._handle_translate_arg
    blur_gaussian_
    random_state.copy
    self.CropToMultiplesOf.super._draw_samples
    normalized.add
    _normalize_generator_np116_
    self.generator.standard_t
    random.seed
    self.KMeansColorQuantization.super.__init__
    self.FilterContour.super.__init__
    objs_reduced.append
    ia.avg_pool
    quantize_uniform_
    self.generator.standard_cauchy
    self._keep_size_images
    iap.Subtract
    self.MinPooling.super.__init__
    cv2.INTER_NEAREST.iaa.Resize.augment_image
    self._draw_samples_iteration
    skimage.draw.polygon_perimeter
    heatmap.draw
    blend.blend_alpha
    imgaug.random.RNG.create_fully_random
    np.float32.alphas.astype.reshape
    self.PadToPowersOf.super.__init__
    zip
    np.eye
    self.Choice.super.__init__
    time.time
    exterior.len.self.noise_strength.self.noise_strength.random_state.uniform.astype
    _minmax_pool_uint8_
    self.FilterDetail.super.__init__
    self.translate.draw_samples
    self.text.split
    _blend_alpha_non_uint8
    iaa.Pepper
    arr.ravel
    self.other_points_sampler.sample_points
    aug.augment_image
    project_coords_
    estimate_keypoints_norm_type
    self.low.draw_sample
    self.resize
    iaa.Resize.augment_image
    self.random_state.derive_rng_
    RelativeRegularGridPointsSampler
    np.clip
    imgaug.random.copy_generator
    replacement_samples.astype
    utils.deepcopy_fast
    self.AdditivePoissonNoise.super.__init__
    self._handle_scale_arg
    self.DeterministicList.super.__init__
    self.translate
    self.compression.draw_samples
    _create_affine_matrix
    aug_scipy.augment_images
    self._handle_batch_ids_gen
    BoundingBox.from_point_soup
    bb.clip_out_of_image
    self.ScaleY.super.__init__
    aug.else_list.to_deterministic
    nlib.invert_normalize_heatmaps
    ia.is_single_number
    self.ReplaceElementwise.super.__init__
    arr_warped.astype
    cls._handle_size_arg
    tf.AffineTransform
    self.JpegCompression.super.__init__
    Flipud
    np.isscalar
    handle_continuous_param
    quantize_uniform
    iaa.Add
    self.Subtract.super.__init__
    multicore.BatchLoader
    iaa.Fliplr
    image.astype
    aug.find_augmenters
    cv2.blur
    augmentable.resize
    cv2.equalizeHist
    matrix_gen.shear
    self.Clouds.super.__init__
    tempfile.NamedTemporaryFile
    self.pool.imap
    worker.is_alive
    self.LogContrast.super.__init__
    self.generator.exponential
    _seed_np117_
    kp.deepcopy
    other.subdivide
    _CUTOUT_FILL_MODES.keys
    _KelvinToRGBTableSingleton.get_instance
    cbaois.invert_to_keypoints_on_image_
    self.__str__
    points_interp.extend
    self.BlendAlphaRegularGrid.super.__init__
    max_widths.append
    self._invert_resize_maps
    iaa.AllChannelsCLAHE
    e_above.y_intercept_x
    self._new_node
    np.all
    self._draw_samples_for_image
    np.squeeze
    coords_ooi.append
    example_hooks
    BIT_GENERATOR
    bbs_aug_one.draw_on_image
    _is_iterable
    self.AddElementwise.super.__init__
    bbs.append
    aug.localize_random_state_
    heatmap_i.alpha.image.alpha.np.clip.astype
    self.generator.normal
    iaa.quantize_uniform
    intensity_details_generator.draw_samples
    self.Fog.super.__init__
    self.draw_grid
    kpsoi.to_xy_array
    image_pil.transform
    scipy.spatial.distance.cdist
    shuffle_channels
    train_on_images
    self.clip_out_of_image
    np.random.get_state
    func
    iaa.WithHueAndSaturation
    iaa.Dropout
    position.split
    seq_skimage_det.augment_image
    self.intersections.keys
    ia.is_callable
    self.ElasticTransformation.super.__init__
    self.parameter.draw_samples
    np.iinfo
    np.min
    self.n_cols_frac.draw_samples
    area_i.dx_i.reshape
    aug_no_colorspace.augment_image
    kp.generate_similar_points_manhattan
    pillike.FilterSmooth
    self.generator.gumbel
    aug_det.augment_images
    iaa.RemoveSaturation
    meta.SomeOf
    size.beta.alpha.random_state.beta.astype
    self.matrix
    reduce
    time.sleep
    self.generator.multinomial
    self.max_item
    xxyy.np.copy.astype
    polygon.change_first_point_by_index
    _blur_median
    apply_lut_
    self._convert_bbs_to_polygons_
    _get_generator_state_np116
    skimage.draw.line_aa
    images_kps_batches.extend
    all_channels.set.difference
    cbaoi.to_xy_array
    SegmentationMapsOnImage
    deprecated
    self.mask.draw_samples
    name.strip
    np.__version__.split
    self.append
    seq_det.augment_bounding_boxes
    aug2
    np.flipud
    arr_inv.astype
    _augment_small_3
    self.subdivide
    self.generator.standard_exponential
    self.Brightness.super.__init__
    hooks.preprocess
    iaa.Identity
    iaa.ContrastNormalization
    sizes.append
    replace_segments_
    iap.handle_probability_param
    wn.transpose
    _ensure_valid_shape
    self.generator.standard_normal
    np.random.randint.astype
    ls.is_fully_within_image
    _compute_affine_warp_output_shape
    max_heights.append
    _derive_generators_np116_
    _MotionBlurMatrixGenerator
    self.Contrast.super.__init__
    _filter_by_kernel
    ia.is_single_float
    self.size_px_max.draw_sample
    left
    iaa.Grayscale
    pad_to_multiples_of
    self.join_signal.is_set
    compute_croppings_to_reach_aspect_ratio
    self.PadToPowersOf.super._draw_samples
    rss.binomial
    meta.handle_children_list
    quokka
    ls.shift_
    self.CenterPadToMultiplesOf.super.__init__
    self.CropToAspectRatio.super.__init__
    _validate_tuple
    iaa.DirectedEdgeDetect
    copy_generator
    sorted
    MultiPolygon
    self.Weibull.super.__init__
    np.array_equal
    self.Rain.super.__init__
    json.load
    issubclass
    _invert_uint8_subtract_
    iarandom.RNG.create_pseudo_random_
    np.ones_like
    destinations.flatten
    label_arr.astype
    samples.croppings
    _InvertTables
    isect_segments_include_segments
    gate_dtypes_strs
    queue_source.put
    batch.get_column_names
    project_coords
    EventQueue
    cycle
    self.saturation.draw_samples
    self.CropToPowersOf.super.__init__
    augmenter.foreground.augment_batch_
    generate_jigsaw_destinations
    draw_debug_image
    sum
    self.AveragePooling.super.__init__
    self.ImpulseNoise.super.__init__
    columns.append
    self.lightness_threshold.draw_samples
    outputs_bg.propagation_hooks_ctx
    generator.random
    self.CropToAspectRatio.super._draw_samples
    shear.iaa.Affine
    self.direction.draw_sample
    rot.augment_image
    nlib.invert_normalize_polygons
    RegularGridPointsSampler._generate_point_grids
    aug_pool.augment_images
    self.to_matrix
    segmap.draw_on_image
    random_state.normal
    iaa.SimplexNoiseAlpha
    self.max_steps.draw_samples
    self.destination.on_batch
    imshow
    self.postprocessor
    kelvin.iaa.ChangeColorTemperature
    self._fit_best_valid_polygon
    self.rotate.draw_samples
    images_change_cs.append
    is_single_integer
    _AssertShapeHeatmapsCheck
    create_random_polygon
    cv2.multiply
    min_pool_
    self.FrequencyNoise.super.__init__
    self.blur_ksize.draw_samples
    self._events_current_sweep.remove
    stack.pop
    get_distribution
    iaa.SegMapClassIdsMaskGen
    self.ForceSign.super.__init__
    self.FilterBlur.super.__init__
    UnnormalizedBatch
    bbs.draw_on_image
    augmenters.augment_batch_
    nlib.invert_normalize_images
    RBTree.jsw_single
    multicore.Pool._worker
    self._pool.terminate
    self.pool.imap_unordered
    self.draw_heatmap_array
    coords_relative.reshape
    RBTree
    _get_opencv_attr
    clip_augmented_images
    max_value.min_value.table_inv.np.clip.astype
    iaa.quantize_uniform_to_n_bits
    self.jitter.draw_samples
    ndimage.gaussian_filter
    cls._invert_warp_maps_
    self.AutoPrefetcher.super.__init__
    self.ShearX.super.__init__
    max_value.min_value.table.np.clip.astype
    _handle_cval_arg
    cval_samples.tolist
    bool
    sys._getframe
    scale.get
    augmenter.augment_images
    random_state.chisquare
    example_augment_images_and_bounding_boxes
    compress_jpeg
    CheckerboardMaskGen
    layer.deepcopy
    self.PadToAspectRatio.super._draw_samples
    recoverer.recover_from
    noise_gen.draw_samples
    size.generator.random_sample.astype
    self._compute_height_width
    cv2.perspectiveTransform
    iaa.RegularGridVoronoi
    example_augment_images_and_segmentation_maps
    PIL_Image.fromarray
    _get_context_method
    self.Multiply.super.__init__
    itertools.product
    blur.MotionBlur
    alpha_generator.draw_samples
    queue_result.put
    multiplier.np.array.reshape
    kp.project_
    np.average
    self._invert_reduce_images_to_channels
    ia.warn_deprecated
    wn.astype
    math.radians
    PIL.ImageOps.equalize
    self._transform_image_numpy
    np.float32.image_hsv.astype.astype
    _preprocess_shapes
    _mark_moved_class_or_function
    ImportError
    self._replace_unaugmented_cells
    img_np.setflags
    yy.append
    image.ravel
    np.ones
    scizoom
    cls._generate_mask
    Power
    ax.imshow
    noise_small_blur.astype
    iaa.EdgeDetect
    self._augment_hm_or_sm_by_samples
    _warp_affine_arr
    self.random_state.is_global_rng
    generator.uniform
    self.center.draw_samples
    _prevent_zero_size_after_crop_trbl_
    iap.Beta
    aug.background.to_deterministic
    iaa.RelativeRegularGridVoronoi
    nb_requested.values.reshape
    self.func_images
    iaa.SnowflakesLayer
    _MultiDestination
    get_points_func
    self.p.draw_samples
    load_images
    get_value_range_of_dtype
    self.Fliplr.super.__init__
    cv2.filter2D
    lines.np.float32.np.round.astype
    shapely.geometry.MultiPolygon
    scipy.spatial.ConvexHull
    size.scale.loc.random_state.normal.astype
    self._handle_value_hue_arg
    np.tile
    ls_open.draw_points_on_image
    samples_hue.astype
    self._iter_items_backward
    cls._resize_maps_single_list
    self.smoothness.draw_samples
    kpsoi.to_distance_maps
    this.y_intercept_x
    _generate_segmaps_description
    iaa.UniformPointsSampler
    DeprecationWarning
    iaa.MultiplySaturation.augment_images
    destination.on_batch
    kpsoi.fill_from_xy_array_
    values.np.clip.astype
    self._augment_cbaois_as_keypoints
    self._get_transformer
    self.threshold.draw_sample
    column.draw
    hash
    warn_deprecated
    line.append
    self.alpha_min.draw_sample
    locals
    meta.WithChannels
    iap.Normal
    RainLayer
    tf.PiecewiseAffineTransform
    self.is_partly_within_image
    self._augment_line_strings_as_keypoints
    fig.tight_layout
    _add_elementwise_np_to_non_uint8
    self._pool.join
    extract.np.round.np.clip.astype
    iaa.Jigsaw
    iap.Binomial
    iadt.promote_array_dtypes_
    iaa.AddToHueAndSaturation.augment_images
    seq_cv2_det.augment_keypoints
    _equalize_no_pil_
    color_points.np.array.astype
    heatmap_cmapped.np.clip.astype
    self.deepcopy.remove_out_of_image_fraction_
    iaa.MultiplyHue.augment_images
    _copy_generator_np117
    sweep_line.handle
    cv2.resize
    self.values.tolist
    cv2.Canny
    np.meshgrid
    sweep_line._sweep_to
    iaa.Sequential
    _crop_and_pad_hms_or_segmaps_
    iap.RandomSign
    size.get
    self.GaussianBlur.super.__init__
    cv2.setNumThreads
    self.yy.np.round.astype
    self._handle_value_saturation_arg
    smgen.generate
    cbaoi.fill_from_xy_array_
    self.nb_cols.draw_samples
    images_normalized.append
    np.tanh
    Sequential
    seq_skimage.to_deterministic
    random_state.shuffle
    det.augment_images
    test_heavy
    iaa.CropToFixedSize
    wraps
    np.expand_dims
    _validate
    self.get_all_children
    _generate_on_image_shapes_descr
    rng.generate_seed_
    table.transform_kelvins_to_rgb_multipliers
    self.SpeckleNoise.super.__init__
    self._to_deterministic
    generate_seed_
    join
    self.get_batch
    allowed_types.intersection
    blend.AlphaElementwise
    _EmbossMatrixGenerator
    images_aug.append
    self._draw_samples_hw
    Dummy2
    self._get_augmenter_active
    iaa.BlendAlphaSegMapClassIds
    extrapolate
    enumerate
    z
    self.upscale_method.draw_samples
    self.color_window_radius.draw_samples
    images_kps_batch.append
    result.extend
    self._events_current_sweep.prev_key
    self.generator.pareto
    iap._wrap_leafs_of_param_in_prefetchers
    in_range
    image_warped.transpose
    str
    ia.flatten
    cv2.warpAffine
    heights.astype
    self.queue_result.close
    self._transform_image_cv2
    matrix_gen.rotate
    Choice
    dst.min
    img_np.astype
    coords.to_xy_array
    multicore.BackgroundAugmenter
    self.pool.map_async
    self.TranslateX.super.__init__
    self.top.draw_samples
    self.counts.draw_samples
    self.EdgeDetect.super.__init__
    example_withchannels
    _compute_resized_shape
    self.SomeColorsMaskGen.super.__init__
    np.cumsum
    _fliplr_sliced
    load_batch
    ids.append
    self._generate_noise
    self.alpha_multiplier.draw_sample
    bounding_box.is_out_of_image
    self._draw_mask
    self.generator.beta
    cls._compare
    ia.angle_between_vectors
    self.nb_rows.draw_samples
    Dummy3
    bg_augmenter.get_batch
    self.generator.geometric
    alpha.dtype.intensity.astype.alpha.alpha.dtype.image.astype.alpha.np.clip.astype
    _multiply_elementwise_to_uint8_
    _handle_on_image_shape
    self._motion_blur
    _create_output_buffer_left
    self.RandAugment.super.__init__
    aug.augment_images
    iaa.Canny
    self.value_saturation.draw_samples
    self.draw_lines_on_image
    ls_closed.draw_lines_on_image
    alpha.astype
    np.mean
    KDTree
    stack.append
    self.IterativeNoiseAggregator.super.__init__
    fig.gca
    _subtract
    self.pool.map
    result.add
    points_on_images_dropped.append
    segment_voronoi
    iap.FromLowerResolution
    image_fg_mul.reshape
    _AssertShapeKeypointsCheck
    cv2.Laplacian
    change_color_temperatures_
    _saturate
    np.random.set_state
    pickle.dumps
    force_np_float_dtype
    self.AverageBlur.super.__init__
    apply_jigsaw
    polygons_on_images.deepcopy
    get_global_rng.generator.seed
    self.n.draw_samples
    cls_single
    points_kept_hypothesis.insert
    cls._warp_coords
    fname
    heatmap_c_rs.np.squeeze.astype
    self.remove_out_of_image_fraction_
    bbsoi.to_polygons_on_image
    cls._apply_to_cbaois_as_keypoints
    tnorm.rvs
    np.power
    _blend_alpha_uint8_channelwise_alphas_
    plt.close
    batch_unnorm.fill_from_augmented_normalized_batch_
    top.heights_f.np.round.astype
    self._create_main_augmenters_list
    _handle_order_arg
    gmpy2.get_emax_max
    self.SnowflakesLayer.super.__init__
    ia.median_pool
    self.start_at.draw_samples
    _clear
    regains_half.np.ceil.astype
    all
    self.WithBrightnessChannels.super.__init__
    self.MotionBlur.super.__init__
    self.n_rows_frac.draw_samples
    size.scale.loc.random_state.laplace.astype
    self.Pad.super.__init__
    cls._handle_px_arg
    aug_det.augment_keypoints
    _Pool_worker
    self.MultiplyAndAddToBrightness.super.__init__
    generate_seeds_
    np.isclose
    ia.draw_grid
    nlib.normalize_heatmaps
    np.int32
    self.speed.draw_sample
    CloudLayer
    self.to_line_string
    cv2.normalize
    _resizepad_to_size
    fname.corruptions.getattr
    self.RelativeRegularGridVoronoi.super.__init__
    self.no_prefetching.super.__init__
    ia.show_grid
    self.UniformVoronoi.super.__init__
    _seed_np116_
    change_dtypes_
    self.AffineCv2.super.__init__
    np.fliplr
    aug.copy_random_state_
    _warp_affine_arr_cv2
    cls._warp_arrays
    b.astype
    _warp_affine_arr_skimage
    KeypointsOnImage
    iaa.KMeansColorQuantization
    callable
    aug_det.augment_heatmaps
    aug.to_deterministic
    ls.draw_on_image
    hasattr
    Clip
    quantize_uniform_to_n_bits_
    self.fill_per_channel.draw_samples
    coords_aug.append
    blend_alpha_
    self.ScaleX.super.__init__
    self._generate_alpha_mask
    np.linspace
    sigma.x.np.array.skimage.filters.gaussian.astype
    size.b.a.random_state.uniform.astype
    self._augment_bbsoi_by_samples
    _normalize_generator_np117_
    image.PIL.Image.fromarray.cls.enhance
    ia.is_np_scalar
    install_requires.append
    _advance_generator_np116_
    self.FilterSmoothMore.super.__init__
    np.rot90
    _compute_distance_point_to_line
    self.preprocessor
    random_state.generate_seed_
    np.arange
    cv2.bilateralFilter
    self.to_xy_array
    _dict_to_size_tuple
    output_buffer_left.acquire
    self.color_true.draw_samples
    self.insert
    aug_det.augment_bounding_boxes
    np.concatenate
    labels_ctr.keys
    augmentable.get_arr
    self.main_worker_thread.start
    np.atleast_3d
    imagecorruptions.get_corruption_names
    size_lib.CenterPadToMultiplesOf
    _add_scalar_to_non_uint8
    self.destination.receive
    self.change_first_point_by_index
    self.CloudLayer.super.__init__
    size.keys
    _DebugGrid
    ia.is_single_integer
    ia.Polygon
    self.size_px.draw_samples
    samples.paddings
    corners.min
    cv2.GaussianBlur
    iap.handle_discrete_kernel_size_param
    blendlib.blend_alpha
    augs.augment_polygons
    open
    iaa.UniformVoronoi
    _multiply_scalar_to_uint8_lut_
    self.EnhanceBrightness.super.__init__
    aug.augment_segmentation_maps
    iaa.ChangeColorTemperature
    self._apply_to_polygons_as_keypoints
    image_rgb.astype
    self.comment.rstrip
    RandomSign
    iadt.clip_to_dtype_value_range_
    self.class_ids.draw_samples
    _copy_generator_np116
    obj.deepcopy
    iaa.LogContrast
    skimage.measure.block_reduce
    worker.join
    _compute_axis_value
    round
    imgaug.random.copy_generator_unless_global_generator
    iadt.get_value_range_of_dtype
    self._quantize
    ia.is_iterable
    cv2.pyrMeanShiftFiltering
    _KelvinToRGBTable
    load_batch_func
    worker.terminate
    self._events_current_sweep.key_slice
    matrix_gen.invert_centerize
    aug_rows.append
    estimate_bounding_boxes_norm_type
    self.RegularGridVoronoi.super.__init__
    kpsoi_aug.on_
    _wrap_leafs_of_param_in_prefetchers_recursive
    name.source_augs_dict.random_state.is_global_rng
    seq_cv2_det.augment_image
    isect.append
    self._generate_drop_ids_once
    iaa.Superpixels
    augmenters.append
    self._assert_shapes_not_changed
    ia.max_pool_
    iaa.CoarseDropout
    self.BlendAlphaMask.super.__init__
    iadt.allow_only_uint8
    decimal.getcontext
    destination.receive
    value_range
    multipliers.astype
    outputs_fg.propagation_hooks_ctx
    bbsoi.to_xyxy_array
    augm_utils.convert_cbaois_to_kpsois
    iap.handle_continuous_param
    ski_exposure.adjust_log
    self.close
    generator.noise2d
    _check_value_range
    blend.FrequencyNoiseAlpha
    self.mul.draw_samples
    self.is_fully_within_image
    SimplexNoise
    _DebugGridColumn
    self.to_line_string.compute_out_of_image_fraction
    nlib.normalize_polygons
    iaa.GaussianBlur.iaa.Sometimes
    data.astronaut
    seq_cv2.to_deterministic
    self.draw_on_image
    self._augment_batch_
    iaa.BlendAlphaMask
    example_multicore_augmentation
    cv2.warpPerspective
    lss.append
    self.coords_almost_equals
    self._augment_arrays_by_samples
    row_with_kps.append
    imgaug.random.derive_generator_
    source.get_all_children
    self.BlendAlphaHorizontalLinearGradient.super.__init__
    convolve_
    self._handle_size_arg
    self.augment_batch_
    get_entities_func
    SweepLine
    self._queue_internal.get
    _call_imgcorrupt_func
    self.DefocusBlur.super.__init__
    _estimate_polygons_and_line_segments_norm_type
    ls.deepcopy
    size.self.draw_samples.flatten
    _compute_gaussian_blur_ksize
    cv2.calcHist
    random_state.set_state
    keypoint.draw_on_image
    result.np.clip.astype
    iaa.CLAHE
    self.AssertShape.super.__init__
    _create_fully_random_generator_np117
    self.generator.gamma
    self.Rotate.super.__init__
    factor.np.int32.sat.astype.np.clip.astype
    self._apply_dropout_masks
    self.replacement.draw_samples
    self.threshold.draw_samples
    self.iterations.draw_sample
    labels_ctr.most_common
    _PiecewiseAffineSamplingResult
    estimate_heatmaps_norm_type
    self.RandomSign.super.__init__
    self.n_points.draw_samples
    self.Divide.super.__init__
    self._resize_maps
    self.UniformColorQuantization.super.__init__
    _replace_segments_numba_apply_avg_cols_
    table.astype
    example_visualize_augmented_images
    len_squared_v2v2
    _convert_var_to_shapely_geometry
    iaa.RegularGridPointsSampler
    nlib.normalize_line_strings
    iaa.MotionBlur
    _DebugGridBorderCell
    result.draw
    self.count_workers_alive
    cls._invert_warp_cbaois_
    self._blur
    _assert_two_or_three_dims
    clahe.apply
    cls._upscale_to_256_alpha_bins
    matrix_gen.scale
    BoundingBoxesOnImage.from_xyxy_array
    pillike.FilterBlur
    c.columns.append
    _contains_any_key
    argparse.ArgumentParser
    Node
    ValueError
    AssertionError
    self._preprocess_colors
    self.Discretize.super.__init__
    np.maximum
    multiply_scalar_
    regains_half.np.floor.astype
    self.CLAHE.super.__init__
    shapes_orig.append
    iarandom.get_global_rng
    self.get_affine_parameters
    self.strength.draw_sample
    np.uint8.matrix.astype.rot.augment_image.astype
    WithColorspace
    nb_channels.arr.reshape.astype
    self.to_colorspace.draw_samples
    self.n_cols.draw_samples
    pillike.EnhanceColor
    np.mod
    _assert_not_none
    _AssertShapeImagesCheck
    _QuantizeUniformLUTTable
    self.CenterCropToMultiplesOf.super.__init__
    arithmetic.Multiply
    intb_applier.get_parameters
    iaa.AllChannelsHistogramEqualization
    samples.astype
    command.replace
    get_global_rng
    size_tuple.append
    is_iterable_of
    self.deepcopy.subdivide_
    multiprocessing.Process
    ls.intersection
    intersections_points.append
    column.name.self.getattr
    self._generate_quantize_uniform_table
    self.draw_points_on_image
    cbasoi.on_
    iaa.Salt
    medium_keypoints_one.deepcopy
    self._generate_lut_table
    self.PerspectiveTransform.super.__init__
    y_shifted.flatten
    random_state.poisson
    ia.max_pool
    np.dot
    np.float32.hue_aug.np.mod.astype.astype
    _validate_param
    ia.imresize_single_image
    iaa.Invert
    FrequencyNoise
    self.augment_images
    bb.shift_
    _set_context
    val.astype
    matrix._AffineMatrixGenerator.translate
    iasize.pad_to_multiples_of
    iaa.PadToFixedSize
    intersections_points.extend
    _advance_generator_np117_
    kps_aug.draw_on_image
    RNG
    self.TranslateY.super.__init__
    self.Pepper.super.__init__
    cbaoi.clip_out_of_image_
    _median_pool_cv2
    self.HistogramEqualization.super.__init__
    iarandom.get_global_rng.generate_seeds_
    betas.ravel
    value_range.np.clip.astype
    example_simple_training_setting
    self.Sometimes.super.__init__
    self.AllChannelsHistogramEqualization.super.__init__
    large_keypoints_one.deepcopy
    cbasoi.shift_
    right
    self.TotalDropout.super.__init__
    gmpy2.ieee
    self.Snow.super.__init__
    setattr
    child.localize_random_state_
    self._ImgcorruptAugmenterBase.super.__init__
    samples.get_affine_parameters
    _BatchInAugmentation
    skimage.segmentation.slic
    _AssertShapeSegmapCheck
    get_global_rng.equals
    self._extract_brightness_channels
    _blur_gaussian_cv2
    handle_discrete_param
    self.CoarseSaltAndPepper.super.__init__
    imageio.imwrite
    rss.nb_images.self.value.draw_samples.astype
    format
    iaa.MultiplySaturation
    imgaug.random.RNG
    cv2.destroyWindow
    self.generator.negative_binomial
    rng.derive_rng_
    self.find_augmenters_by_names
    self._fix_polygon_is_line
    self._SaveDebugImage.super.__init__
    kp_neighborhood.np.round.astype
    self.draw_samples
    ax.set_title
    self._extract_distance_matrix
    multiprocessing.current_process
    self._EnhanceBase.super.__init__
    self.exterior_almost_equals
    cbaoi.invert_to_keypoints_on_image_
    dtypes.split
    kwargs.keys
    iaa.AddElementwise
    contrast.GammaContrast
    addendum.main_msg.rstrip.replace
    BlendAlphaFrequencyNoise
    np.round
    tf.matrix_transform
    self.lam.draw_sample
    _multiply_scalar_to_uint8_cv2_mul_
    self.Solarize.super.__init__
    _assert_many_arrays_last_dim_exactly
    defaultdict
    self._cmp
    c_long
    ia.KeypointsOnImage
    self.batch.apply_propagation_hooks_
    self.copy.remove_out_of_image_
    coords.astype
    globals.get
    _wrap_param_in_prefetchers
    threading.Thread
    DiscreteUniform
    _AFFINE_MODE_SKIMAGE_TO_CV2.get
    _get_generator_state_np117
    self.labels.draw_samples
    iap.toggled_prefetching
    lut.lut.np.clip.astype
    self.Affine.super._draw_samples
    np.around
    size.p.random_state.binomial.astype
    w.h.np.array.hw_percents.astype
    self.ElasticTransform.super.__init__
    _handle_dropout_probability_param
    ia.min_pool_
    np.add
    self.AutoPrefetcher.super.__getattribute__
    self.get_children_lists
    plt.show
    _ConcavePolygonRecoverer
    self._augment_image_by_samples
    poly.is_out_of_image
    _AssertShapeLineStringsCheck
    random_state.advance_
    derive_generators_
    _create_images_column
    gain.contrast.GammaContrast.augment_image
    iaa.Sharpen
    _derive_seed
    quantize_uniform_to_n_bits
    self.__repr__
    iaa.UniformColorQuantization
    dists.append
    queue_internal.put
    batch.deepcopy
    _generate_sm_hm_description
    _invert_uint8_
    cbaoi.to_keypoints_on_image
    matrix_gen.translate
    solarize_
    copy.deepcopy
    hooks.is_activated
    i.segment_add_points_sorted_overs.append
    self.deepcopy
    RandomColorsBinaryImageColorizer
    iaa.Pad
    table_all_nb_bins.np.round.np.clip.astype
    self.FilterEmboss.super.__init__
    main
    cbasoi.draw_on_image
    _find_edges_laplacian
    image_hls.astype
    RegularGridPointsSampler._clip_rows_and_cols
    hooks.is_propagating
    max_pool_
    n_rows.astype
    gate_noise_up.np.float32.noise.astype.np.clip.astype
    self.squared.draw_samples
    self.lightness_multiplier.draw_samples
    self.derive_rngs_
    HeatmapsOnImage
    SnowflakesLayer
    cv2.cartToPolar
    _normalize_batch
    aug_det.augment_segmentation_maps
    self.kernel_size.draw_samples
    skimage.filters.gaussian
    iaa.RandAugment
    nlib.invert_normalize_line_strings
    corners.max
    self.child.draw
    kpsois.append
    set
    name.replace
    add_scalar_
    _InvertTablesSingleton.get_instance
    table.np.round.np.clip.astype
    np.percentile
    np.random.SeedSequence
    parser.parse_args
    self.schedule.on_batch
    sometimes
    _add_borders
    self.MultiplyHueAndSaturation.super.__init__
    iaa.MultiplyElementwise
    children.append
    exterior_interp.append
    self._assert_batches_is_list
    np.ceil
    arr_uint8.astype
    bbsoi.on
    self.activated.draw_sample
    iaa.AddToHueAndSaturation
    NotImplementedError
    cls_oi
    a.astype
    change_dtype_
    self.main_worker_thread.join
    iarandom.seed
    BlendAlpha
    self.tables.get
    self._get_in_range_func
    rows_rendered.append
    self.arr.astype
    skimage.data.astronaut
    self.PadToMultiplesOf.super._draw_samples
    _convert_dtype_strs_to_types
    average_colors.astype
    math.sqrt
    self._ibuffer_batch_loading
    aug.children.to_deterministic
    nlib.normalize_images
    self.Equalize.super.__init__
    find_packages
    _project_size_changes
    type
    bb.extract_from_image
    self.draw_lines_heatmap_array
    example_very_complex_augmentation_pipeline
    iaa.AlphaElementwise
    pillike.Solarize
    nlib.normalize_segmentation_maps
    _generate_branch_outputs
    VerticalLinearGradientMaskGen
    self.propagator
    len
    dst.max
    self.is_vertical
    cv2.getPerspectiveTransform
    Binomial
    all_dropped_ids.append
    np.logical_and
    np.empty_like
    self.CenterPadToPowersOf.super.__init__
    random_state.generate_seeds_
    iap.Poisson
    increase_itemsize_of_dtype
    seq_det
    iaa.AffineCv2
    self.copy.clip_out_of_image_
    clip_augmented_images_
    dot_v2v2
    _find_duplicates
    self.PadToFixedSize.super.__init__
    self.below
    self._handle_px_and_percent_args
    self.intensity_mean.draw_sample
    self.WithColorspace.super.__init__
    traceback.print_exc
    self.AllChannelsCLAHE.super.__init__
    self.value_hue.draw_samples
    self.EnhanceColor.super.__init__
    self._queue_internal.close
    iaa.Resize.augment_images
    self.interpolation.draw_samples
    _apply_glass_blur_imgaug_loop
    self.generator.lognormal
    is_iterable
    iap.Add
    kps.append
    print
    bbs_aug_cv2.draw_on_image
    np.histogram
    aug.then_list.to_deterministic
    self.sparsity.draw_sample
    self.Power.super.__init__
    samples.copy
    batch.invert_subselect_rows_by_indices_
    example_augment_images_and_heatmaps
    self._convert_p_drop_to_inverted_mask_param
    nlib.invert_normalize_segmentation_maps
    max
    np.floor
    iaa.FrequencyNoiseAlpha
    self.factor.draw_samples
    compute_croppings_to_reach_multiples_of
    run
    iap.IterativeNoiseAggregator
    seq_skimage_det.augment_keypoints
    iaa.MedianBlur
    iap.DiscreteUniform
    source_aug.random_state.copy
    iaa.CoarsePepper
    image_edges.image.np.round.np.clip.astype
    _equalize_pil_
    max_value.min_value.rect.np.clip.astype
    bb.is_partly_within_image
    color_lines.np.array.astype
    alpha.reshape
    self.compute_out_of_image_area
    resize_func
    _assert_exactly_n_shapes_partial
    self.queue.full
    result_pf.append
    compute_paddings_to_reach_multiples_of
    kpsoi_i.on_
    PIL_ImageFont.truetype
    matrices.append
    Laplace
    self._blend
    bbsoi.draw_on_image
    Deterministic
    self.n_segments.draw_samples
    self._events_current_sweep.succ_key
    self.size_percent.draw_samples
    self.SaltAndPepper.super.__init__
    param.draw_distribution_graph
    iap.Choice
    get_minimal_dtype
    timeit.repeat
    small_keypoints_one.deepcopy
    advance_generator_
    self._pool_image
    RegularGridMaskGen
    self._get_n
    batch.propagation_hooks_ctx
    self.n_rows.draw_samples
    self.Resize.super.__init__
    _assert_is_of_norm_type
    cv2.convertMaps
    Absolute
    iaa.Fog
    random_state.permutation
    self.generator.noncentral_chisquare
    self._handle_value_arg
    self.GlassBlur.super.__init__
    augms_resized.append
    functools.partial
    grid.astype
    normalize_shape
    self._ContrastFuncWrapper.super.__init__
    poly.subdivide_
    np.abs
    skimage.draw.line
    self.Saturate.super.__init__
    value.np.array.reshape
    self.above
    ia.HeatmapsOnImage
    self.generator.standard_gamma
    self.beta.draw_sample
    augs.augment_image
    ia.LineString
    sm.xrange
    self.alpha.draw_sample
    self.edge_prevalence.draw_samples
    self.PoolWithMarkedWorker.super.__init__
    self.CropToFixedSize.super.__init__
    self.interpolation_segmaps.draw_samples
    Resize
    self.get_parameters
    cv2.namedWindow
    tf.SimilarityTransform
    invert_
    _gate_dtypes
    isect_polygon_impl
    _AffineSamplingResult
    Polygon
    utils.copy_augmentables
    point.shapely.geometry.Point.distance
    random_state.get_state
    self.PiecewiseAffine.super.__init__
    self.find_intersections_with
    left.widths_f.np.round.astype
    self.xy.np.round.astype
    handle_children_list
    find_first_nonempty
    self.draw_mask
    self._blend_coordinates
    icb_applier.get_parameters
    is_generator_equal_to
    batch_kps.append
    self.interpolation_heatmaps.draw_samples
    normalize_dtypes
    blurer.augment_image
    Positive
    self.DirectedEdgeDetect.super.__init__
    _DirectedEdgeDetectMatrixGenerator
    param.__str__
    self.CenterCropToPowersOf.super.__init__
    blurer
    BoundingBoxesOnImage
    multiprocessing.get_context
    coords_bg.to_xy_array
    keypoints_draw_on_image
    self.generator.logseries
    self.to_xyxy_array
    self.CoarsePepper.super.__init__
    iarandom.temporary_numpy_seed
    float
    ia.KeypointsOnImage.from_distance_maps
    quantize_kmeans
    self._handle_interpolation_arg
    ia.BoundingBox
    psoi.on
    addendum.main_msg.rstrip
    self.compute_pointwise_distances
    self._create_initial_augmenters_list
    Sigmoid
    self.a.draw_sample
    cv2.setRNGSeed
    self.Sigmoid.super.__init__
    np.logical_or
    self.points_sampler.sample_points
    x2.x1.y2.y1.image.astype
    iaa.Flipud
    _get_context.cpu_count
    np.exp
    Poisson
    self._expand_transform
    ia.quokka_square
    node.free
    self.generator.binomial
    np.cos
    self.value.draw_samples
    aug.copy
    iarandom.get_global_rng.generate_seed_
    test_fast
    ia.warn
    Exception
    pool
    self.KeepSizeByResize.super.__init__
    iaa.Voronoi
    self.mode.draw_samples
    self.val.draw_sample
    n_cols.astype
    self.queue_source.get
    sizelib._handle_position_parameter
    direction1.y.direction0.x.points_map.append
    self.generator.bytes
    time.time_ns
    self.generator.zipf
    aug_inv.augment_image
    self.CropToPowersOf.super._draw_samples
    self.generator.power
    self.queue.close
    imagewise_channels_to_drop.append
    segmap.resize
    _AFFINE_INTERPOLATION_ORDER_SKIMAGE_TO_CV2.get
    kps_aug_skimage.draw_on_image
    arrays_inv.append
    self.generator.noncentral_f
    self.deepcopy.extend_
    np.delete
    recursive_validate
    segmaps_drawn.append
    _blend_alpha_uint8_single_alpha_
    self._generate_point_grids
    test_fast_imap
    _crop_and_pad_kpsoi_
    self.mask_generator.draw_masks
    example_using_augmenters_only_once
    noned_info.append
    alphas.astype
    self._get_distance_matrix_cached
    poly.clip_out_of_image
    self.to_xyxy_array.reshape
    kwargs.get
    _handle_pad_mode_param
    self.Crop.super.__init__
    iaa.pad
    columns.extend
    np.log2
    self._handle_mode_arg
    Uniform
    self.Frost.super.__init__
    np.array
    self.is_global_rng
    self.CenterPadToFixedSize.super.__init__
    _convert_seed_to_generator_np117
    imgaug.random.derive_generators_
    _apply_enhance_func
    random_state.random
    ia.PolygonsOnImage
    angles.add
    example_augment_images_and_linestrings
    plt.get_cmap
    self._draw_samples
    self.update
    edges_f.np.round.np.clip.astype
    self.func_bounding_boxes
    _get_context.Semaphore
    np.copy
    self.Augmenter.super.__init__
    np.prod
    self.MedianPooling.super.__init__
    rss.uniform
    aug.augment_keypoints
    cv2.warpPolar
    pillike.Posterize
    ls.subdivide
    contrast_lib.LinearContrast
    Divide
    iadt.increase_array_resolutions_
    pillike.EnhanceBrightness
    sweep_line.get_intersections
    counters.reshape
    overflow
    image_warped.append
    ia.is_single_bool
    image_add.reshape
    images_hs.append
    self.GaussianNoise.super.__init__
    image_fg.astype
    np.dstack
    self.nb_iterations.draw_samples
    _compute_shape_after_pooling
    _derive_generators_np117_
    translate_percent.get
    ia.apply_lut
    invert_convert_cbaois_to_kpsois_
    AutoPrefetcher
    aug.get_all_children
    iaa.ElasticTransformation
    other.to_line_string
    self.get_value
    self.Canny.super.__init__
    _int_parameter
    _PerspectiveTransformSamplingResult
    self.Beta.super.__init__
    self._augment_hms_and_segmaps_by_samples
    np.matmul
    load_batches
    self.join_signal.set
    self.ElasticTransform.super._augment_batch_
    self.Identity.super.__init__
    self.aggregation_method.draw_sample
    self._handle_order_arg
    plt.subplots
    table_class.get_instance
    iaa.MultiplyHue
    change_colorspace_
    cls.warpPolarCoords
    img.astype
    polyfill_integers
    self.StochasticParameterMaskGen.super.__init__
    self.draw_box_on_image
    arr.np.argmax.astype
    batches.append
    iaa.SomeColorsMaskGen
    _float_parameter
    pool.imap_batches
    e.type.existing.append
    self.FilterSharpen.super.__init__
    set_to_none.append
    np.absolute
    images_aug.extend
    attrgetter
    keypoints_on_image.deepcopy
    self.MedianBlur.super.__init__
    blur.blur_gaussian_
    self.remove_augmenters_
    self.intersections.items
    colorlib.posterize
    cv2.merge
    size.self.generator.standard_normal.astype
    self._calculate_crop_amounts
    DropoutPointsSampler
    np.arccos
    iaa.Cartoon
    self.intersection
    self.children.augment_batch_
    self.CenterCropToFixedSize.super.__init__
    Weibull
    heatmaps.draw_on_image
    _create_segmap_columns
    _invert_uint8_lut_pregenerated_
    self.method.draw_samples
    self.scale.draw_samples
    that.y_intercept_x
    coords_inv.append
    poly_shapely.intersection
    seq_det.augment_keypoints
    self.queue.offer
    np.divide
    iap.Sigmoid.create_for_noise
    aug.__str__
    cls._warp_shape_tuples
    self.to_shapely_polygon
    self.terminate
    arr_reduced.astype
    bb.deepcopy
    self._get_shapes
    self.xx.np.round.astype
    self.AddToSaturation.super.__init__
    self.generator.wald
    iter
    polygon.label.endswith
    image_aug.np.clip.astype
    reversed
    change_colorspaces_
    cls._generate_point_grid
    self.func
    augseq.augment_batch_
    SegMapClassIdsMaskGen
    nlib.invert_normalize_keypoints
    self.d.draw_samples
    gate_noise.draw_samples
    warnings.filterwarnings
    self.get_pointwise_inside_image_mask
    cv2.dilate
    values.flatten
    noise.augment_image
    iaa.BlendAlphaSomeColors
    self.bottom.draw_samples
    x_shifted.flatten
    skimage.draw.polygon
    get_generator_state
    self.generator.choice
    param_i.draw_distribution_graph
    recover_psois_
    pillike.Affine
    self._augment_lsoi_by_samples
    np.float32
    seq.to_deterministic
    coords_fg.to_xy_array
    self.Noop.super.__init__
    tree.query
    mask.astype
    rgb_multipliers.reshape
    importlib.import_module
    AllChannelsCLAHE
    self.EnhanceContrast.super.__init__
    np.hstack
    polygon.find_closest_point_index
    np.random.randint
    np.full
    self.AddToBrightness.super.__init__
    psoi.deepcopy
    _invert_normalize_polygons_and_line_strings
    np.asarray
    _reset_generator_cache_np116_
    self.events_scan.pop_min
    self.order.draw_samples
    data.camera
    _generate_images_description
    self.is_out_of_image
    polygon.to_bounding_box
    self.iter_items
    samples.to_matrix
    imgaug.random.normalize_generator_
    self.blur_sigma_fraction.draw_sample
    _floor
    images_change_cs_indices.append
    cls._blend_by_sum
    seed_seq.spawn
    quantized_flat.reshape
    self.OneOf.super.__init__
    ski_exposure.adjust_sigmoid
    cv2.resizeWindow
    pad
    _add_elementwise_np_to_uint8
    destinations.append
    OpenSimplex
    to_remove.append
    convert_seed_sequence_to_generator
    copy_module.copy
    self.FilterEdgeEnhanceMore.super.__init__
    w.np.arange.astype
    _split_1d_array_to_list
    self.UniformColorQuantizationToNBits.super.__init__
    _get_context.Pool
    self._get_augmenter_order
    self.generator.chisquare
    clip_
    _assert_within_bounds
    self.CenterCropToSquare.super.__init__
    iap.Clip
    Keypoint
    attr_name.endswith
    compute_croppings_to_reach_powers_of
    seq_skimage_det.augment_bounding_boxes
    ia.quokka_heatmap
    pillike.EnhanceContrast
    seq_cv2_det.copy_random_state_
    kps.draw_on_image
    self.Rot90.super.__init__
    np.random.seed
    self.to_uint8
    self.func_polygons
    imgaug.random.RNG.create_pseudo_random_
    random_state.integers
    self.PadToAspectRatio.super.__init__
    self.generator.vonmises
    cs_inv.augment_image
    self._calculate_paddings
    self.Emboss.super.__init__
    aug.foreground.to_deterministic
    self.all_channel_clahe._augment_batch_
    Dummy1
    np.unravel_index
    iaa.AddToSaturation.augment_images
    batch_orig.fill_from_augmented_normalized_batch
    self.Dropout.super.__init__
    _copy
    self.Snowflakes.super.__init__
    self.SigmoidContrast.super.__init__
    np.roll
    _multiply_scalar_to_non_uint8
    self.events_scan.setdefault
    np.promote_types
    seed.iarandom.RNG.create_if_not_rng_.derive_rngs_
    Beta
    ia.draw_text
    _is_identity_matrix
    _reset_generator_cache_np117_
    aug_det.augment_image
    _generate_pixel_coords
    cls._handle_percent_arg
    iaa.BilateralBlur
    ia.deprecated
    cls._rotate_alpha_bins
    iap.ForceSign
    warnings.catch_warnings
    arithmetic.invert
    self.above_all
    _create_cbasois_column
    self.standard_normal
    _warp_affine_coords
    self.deepcopy.shift_
    self.to_bounding_box
    self.sigma_space.draw_samples
    self.CenterPadToSquare.super.__init__
    _nonempty_info_to_type_str
    self.prev_item
    iaa.Cutout
    self.AdditiveGaussianNoise.super.__init__
    object
    ia.BoundingBoxesOnImage
    self.CoarseDropout.super.__init__
    self.Cutout.super.__init__
    kps_aug_cv2.draw_on_image
    np.zeros_like
    self.flake_size.draw_sample
    widths.astype
    iaa.CropAndPad
    os.path.join
    _cvt
    _FolderImageDestination
    iap.SimplexNoise
    self._images_to_hsv_
    Polygon.from_shapely
    self.AddToHueAndSaturation.super.__init__
    _InvertTablesSingleton.get_instance.get_table
    flip.Fliplr
    _LabelOnImageDrawer
    iaa.WithChannels
    iaa.Multiply
    dict
    self.to_line_string.coords_almost_equals
    ia.imshow
    ia.compute_geometric_median
    fig.savefig
    PIL.Image.fromarray
    _ensure_image_max_size
    self.MultiplyHue.super.__init__
    _autocontrast_pil
    self.Clip.super.__init__
    size.shape.self.generator.standard_gamma.astype
    lines.append
    arr.reshape
    arithmetic.Salt
    ia.data.quokka
    segmap_i.get_arr
    seq
    arrays.append
    _enhance_parameter
    _reseed_global_local
    stats.get_channels_max
    old_polygon.deepcopy
    equalize_
    self.BlendAlphaSegMapClassIds.super.__init__
    yy.ravel
    self.left.draw_samples
    AssertShape._check_shapes
    cv2.remap
    self._pool.close
    self.segmentation_size.draw_samples
    iap.Uniform
    queue_source.get
    ax.bar
    self.exponent.draw_sample
    cls._blend_by_max
    self.BlendAlphaFrequencyNoise.super.__init__
    iaa.Rain
    self._augment_images_by_samples
    self.copy
    foo
    iabase._warn_on_suspicious_multi_image_shapes
    stats.get_channels_min
    np.linalg.inv
    coords.np.array.astype
    aug
    cbaois.to_keypoints_on_image
    _InvertSamples
    _DebugGridTextCell
    _crop_and_pad_arr
    add_elementwise
    _create_line
    self.sobel_kernel_size.draw_samples
    iaa.PerspectiveTransform
    cs.augment_image
    self.augment
    self.Deterministic.super.__init__
    sizelib.pad
    np.log
    normalize_imglike_shape
    name.source_augs_dict.random_state.copy
    noise.astype
    heatmaps_aug.draw_on_image
    iadt.get_minimal_dtype
    self.ZoomBlur.super.__init__
    np.subtract
    result.astype
    iap.Deterministic
    _prevent_zero_size_after_crop_
    self.activator
    keypoints_on_image.to_xy_array
    tf.warp
    self._BORDER_MODE_STR_TO_INT.items
    self._flip
    pillike.Equalize
    shapely.geometry.MultiLineString
    tuple
    Event
    grids.append
    _copy_optional
    _suppress_edge_blobs
    self.values.astype
    deepcopy_fast
    imgaug.random.advance_generator_
    inspect.getargspec
    aug_blur.augment_images
    _CutoutSamples
    self.func_line_strings
    rotation_deg.np.round.astype
    psoi.subdivide_
    iaa.Clouds
    v.strip
    old_bit_gen.__class__
    iadt._convert_dtype_strs_to_types
    edges.astype
    shifted.on_
    self._is_polygon_line
    _get_column_names
    self.high.draw_sample
    cls._warp_cbaois_
    mask.PIL.Image.fromarray.convert
    grid.append
    iap.handle_categorical_string_param
    image.np.clip.astype
    drawer.draw_on_image
    to_shape_computed.append
    bb.is_out_of_image
    multiprocessing.Queue
    np.sum
    PIL_ImageDraw.Draw
    RegularGridPointsSampler
    iaa.AddToSaturation
    to_grid
    iasize.pad
    _replace_segments_numba_collect_avg_colors
    warp_affine
    cls._invert_resize_maps_single_list
    ix.np.clip.astype
    self._prefetch
    np.random.RandomState
    keypoint.shift_
    nlib.normalize_bounding_boxes
    cls._generate_pixelwise_alpha_mask
    _match_pixels_with_voronoi_cells
    _ListOfArraysStats
    image.np.average.astype
    _wrap_leafs_of_param_in_prefetchers
    self._iter_items
    fig.canvas.set_window_title
    times.append
    iaa.AdditiveLaplaceNoise
    images_row.append
    platform.system
    translate_px.get
    self.CropToSquare.super.__init__
    self.EnhanceSharpness.super.__init__
    meta.estimate_max_number_of_channels
    Pool._WORKER_AUGSEQ.localize_random_state_
    rs_copy.set_state
    np.rad2deg
    alphas.ravel
    _normalize_polygons_and_line_strings
    iaa.OneOf
    super
    list.__init__
    augmenter_index.self.augment_batch_
    iadt.clip_
    segmap.draw
    estimate_normalization_type
    _normalize_shift_args
    self.compute_distance
    iadt.copy_dtypes_for_restore
    _convert_points_to_shapely_line_string
    augmentable_i.resize
    image_pil.filter
    self.BlendAlphaSomeColors.super.__init__
    _crop_trbl_to_xyxy
    iaa.MeanShiftBlur
    random_state.weibull
    self.PadToMultiplesOf.super.__init__
    _convert_gate_dtype_strs_to_types
    iaa.JpegCompression
    iaa.Lambda
    pickle.loads
    self.MultiplySaturation.super.__init__
    self._augment_bounding_boxes_as_keypoints
    self.p_replace.draw_samples
    self.scale.draw_sample
    points.append
    iaa.quantize_kmeans
    iaa.ChannelShuffle
    cv2.idft
    augmenter.to_deterministic
    xyxy.reshape
    augmenter.copy
    rows.append
    cv2.LUT
    idx.segments_add_points.append
    augm_utils.invert_convert_cbaois_to_kpsois_
    np.dtype
    _assert_many_arrays_ndim
    iaa.Sometimes
    self.Affine.super.__init__
    self.BlendAlphaCheckerboard.super.__init__
    np.broadcast_to
    self.MultiplyBrightness.super.__init__
    self.angle.draw_sample
    self.Binomial.super.__init__
    np.where
    self.colorizer.colorize
    self._compute_bg_corner_coords
    xx.append
    shear.get
    padder.augment_batch_
    multiply_elementwise_
    iap.Divide
    M.N.iaa.RandAugment
    np.random.Generator
    self._queue_internal.join_thread
    nlib.normalize_keypoints
    batch.get_rowwise_shapes
    iaa.LinearContrast
    xyxy_array.astype
    drawer.draw_on_image_
    augs.append
    self.filename_pattern.format
    self.Grayscale.super.__init__
    self.BlendAlphaSimplexNoise.super.__init__
    self._do_raise_if_out_of_image
    self._invert_extract_brightness_channels
    _maybe_deterministic_ctx
    nb_sample_classes.draw_samples
    arrs_aug.append
    right.widths_f.np.round.astype
    size.a.random_state.weibull.astype
    self.Convolve.super.__init__
    line_point_factor_v2
    np.float32.samples_hue.astype.astype
    list
    paddings_np.append
    random_state.choice
    _threshold
    cv2.add
    self._ensure_max_size
    _augment_small_4
    self.alpha.draw_samples
    cv2.addWeighted
    self.ChangeColorspace.super.__init__
    self.sigma_color.draw_samples
    _ElasticTransformationSamplingResult
    self._clip_rows_and_cols
    self.Affine.super._augment_batch_
    self._subsample
    TypeError
    maps_aug.append
    self.fill_mode.draw_samples
    np.argmax
    self.Salt.super.__init__
    pillike.Autocontrast
    _add_scalar_to_uint8_
    aug_kps.extend
    cv2.waitKey
    arithmetic.invert_
    _to_deterministic
    np.finfo
    self.Spatter.super.__init__
    globals
    self.generator.laplace
    self.k.draw_sample
    nb_sample_labels.draw_samples
    iaa.CoarseSaltAndPepper
    itertools.chain
    self.func_keypoints
    cv2.createCLAHE
    i.samples.append
    self.__dict__.items
    item.compute_out_of_image_fraction
    class_name_new.module.getattr
    self.BilateralBlur.super.__init__
    self.intensity_channel_based_applier.apply
    hthresh.draw_samples
    convert_cbaois_to_kpsois
    Normal
    _verify_sample_points_images
    func_uint8
    cv2.imshow
    self.right.draw_samples
    aug.draw_grid
    ia.is_string
    os.path.dirname
    value.draw_sample
    self.other_param.draw_samples
    shapely.geometry.Point
    invert_normalize_images
    self.copy.remove_out_of_image_fraction_
    iarandom.RNG
    self.BlendAlpha.super.__init__
    self.items
    hms_aug_i.draw_on_image
    get_global_rng.derive_rng_
    augmentable.deepcopy
    self.TruncatedNormal.super.__init__
    size.lam.random_state.poisson.astype
    self.Jigsaw.super.__init__
    mul.astype
    draw_grid
    rs.randint
    index.self.augment_batch_
    Discretize
    imresize_many_images
    np.dsplit
    image_f32.np.clip.astype
    iaa.Resize
    queue.poll
    rngs.duplicate
    self.FilterFindEdges.super.__init__
    _set_generator_state_np116_
    jitter_by_image.append
    replace_elementwise_
    aug_cv2.augment_images
    _invert_by_distance
    _AugmentableColumn
    self.intersections.pop
    self._reduce_images_to_channels
    iaa.AdditiveGaussianNoise
    _join_description_strs
    arithmetic.Cutout
    iaa.GaussianBlur
    iaa.FastSnowyLandscape
    alpha.item
    self.AddToHue.super.__init__
    matrix.estimate
    augseq.pool
    self._handle_arg_n
    map
    generator.integers
    self.AssertLambda.super.__init__
    self._augment_psoi_by_samples
    arr.astype
    draw_distributions_grid
    _convert_dtype_strs_to_types_cached
    np.repeat
    self.color_false.draw_samples
    self.generator.multivariate_normal
    aug.seed_
    _default
    np.random.random.astype
    self.CropToMultiplesOf.super.__init__
    self.BlendAlphaElementwise.super.__init__
    points_interp.append
    bb.to_polygon
    clazz
    pool.map_batches
    inspect.getfullargspec
    self.random
    self.generator.f
    Subtract
    Real
    np.random.SFC64
    _assert_single_array_ndim
    imageio.imread
    _fliplr_cv2
    _IntensityChannelBasedApplier
    self.SimplexNoise.super.__init__
    ia.Keypoint
    self.fill_from_xyxy_array_
    Identity
    HeatmapsOnImage.from_0to1
    _EdgeDetectMatrixGenerator
    image_bg.astype
    source_aug.random_state.is_global_rng
    iaa.SaltAndPepper
    np.transpose
    self._augment_kpsoi_by_samples
    labels_most_common.append
    _remove_out_of_image_fraction_
    iaa.AdditivePoissonNoise
    self.draw_points_heatmap_array
    re.split
    self.upscale_method.draw_sample
    self.df.draw_sample
    get_install_requirements
    iaa.SigmoidContrast
    example_augment_images_and_keypoints
    Multiply
    _DTYPE_STR_TO_DTYPES_CACHE.get
    blur_mean_shift_
    iap.Multiply
    bbs_aug_skimage.draw_on_image
    iaa.AddToHue
    self.deepcopy.project_
    self.remove
    BlendAlphaElementwise
    self.BlendAlphaBoundingBoxes.super.__init__
    dts_not_explicitly_allowed.intersection
    _augment_small_2
    ids_of_nearest_cells.reshape
    self.WithPolarWarping.super.__init__
    self.CoarseSalt.super.__init__
    self.RemoveCBAsByOutOfImageFraction.super.__init__
    result.np.round.np.clip.astype
    self._insert_intersection_points
    self.min_key
    self.FromLowerResolution.super.__init__
    RegularGridMaskGen.generate_mask
    self._handle_fill_mode_param
    _DebugGridImageCell
    rss.nb_images.self.value_hue.draw_samples.astype
    _is_generator_equal_to_np117
    _create_heatmaps_columns
    self.CenterCropToAspectRatio.super.__init__
    augseq.seed_
    shapes_imgs_orig.append
    LineStringsOnImage
    _crop_arr_
    copylib.deepcopy
    ia.data.quokka_segmentation_map
    self.generator.rayleigh
    self.Lambda.super.__init__
    self._assert_lengths_not_changed
    slope_v2v2
    intensity_local_offset.draw_samples
    result.append
    seq.augment_images
    self.k.draw_samples
    self.CenterPadToAspectRatio.super.__init__
    both_np_float_if_one_is_float
    self.Sharpen.super.__init__
    segmaps_aug.draw_on_image
    polyfill_random
    self.Uniform.super.__init__
    iaa_geometric.Affine
    self.MaxPooling.super.__init__
    context.text
    item.project_
    BoundingBox
    self.succ_item
    self.max_value.draw_samples
    HorizontalLinearGradientMaskGen
    self._mul
    pts.sum
    SomeColorsMaskGen
    image_aug.astype
    self.FilterSmooth.super.__init__
    self.ChiSquare.super.__init__
    fliplr
    self.lightness.draw_sample
    outputs_fg.deepcopy
    distances.append
    _default_to
    iaa.TotalDropout
    pairs.append
    example_probability_distributions_as_parameters
    self.end_at.draw_samples
    self._oversample_intersection_points
    plt.figure
    iarandom.RNG.create_if_not_rng_
    arithmetic.Add
    self.shear.draw_samples
    histo.nonzero
    worker.start
    int
    iaa.GammaContrast
    np.unique
    iaa.WithColorspace
    platform.version
    remapped_flat.reshape
    _is_generator_equal_to_np116
    Batch
    bottom.heights_f.np.round.astype
    floor
    sizelib.Crop
    self._split_chunks
    iaa.Solarize
    self.size.draw_samples
    self.flake_size_uniformity.draw_sample
    ia.imresize_many_images
    iaa.PiecewiseAffine
    self.offer
    self.CropAndPad.super.__init__
    re.match
    cv2.kmeans
    generator.randint
    _EveryNBatchesSchedule
    ElasticTransformationScipy
    regains.astype
    flatten
    handle_param
    np.argmin
    xy.reshape
    self.find_augmenters
    blend.Alpha
    self.AdditiveLaplaceNoise.super.__init__
    self.Add.super.__init__
    max_value.min_value.array.np.clip.astype
    events_for_point.add
    self.Normal.super.__init__
    tbl_indices_ceiled.astype
    self.Flipud.super.__init__
    isect_seg_seg_v2_point
    ia.is_generator
    cutout_
    iaa.AverageBlur
    candidates.append
    self.deepcopy.remove_out_of_image_
    self.generator.poisson
    np.pad
    iaa.MultiplyAndAddToBrightness
    table_class.get_instance.get_for_nb_bins
    reset_generator_cache_
    diffs.append
    batch.to_normalized_batch
    pixel_coords.astype
    iadt.restore_dtypes_
    cbaoi.remove_out_of_image_fraction_
    np.multiply
    iaa.Resize.show_grid
    cv2.medianBlur
    interpolate_point_pair
    self.seed_
    matrix_gen.centerize
    size.self.generator.standard_exponential.astype
    self.BlendAlphaVerticalLinearGradient.super.__init__
    abs
    self.FastSnowyLandscape.super.__init__
    heatmaps_drawn.append
    self.is_empty
    np.nonzero
    hue_aug.np.mod.astype
    _get_context
    color_lib.change_colorspaces_
    seed.size.tnorm.rvs.astype
    ndimage.interpolation.map_coordinates
    arr_0to255.astype
    gmpy2.set_context
    BoundingBoxesMaskGen
    self.create_table
    warnings.warn
    random_state.uniform
    random_state.derive_rng_
    arithmetic.Invert
    self._binarize_mask
    _generate_cbasois_description
    iaa.AddToHue.augment_images
    seq_det.augment_image
    arrays_warped.append
    BlendAlphaSimplexNoise
    functools.wraps
    iaa.RandomColorsBinaryImageColorizer
    range
    _generate_heatmaps_description
    self.RemoveSaturation.super.__init__
    self._FilterBase.super.__init__
    self.batch.invert_apply_propagation_hooks_
    self._hs_to_images_
    warn
    compute_paddings_to_reach_aspect_ratio
    KeyError
    self.MeanShiftBlur.super.__init__
    multiprocessing.Event
    meta.Identity
    coords_warped.append
    self.cval.draw_samples
    ia.HooksImages
    _flatten_shapely_collection
    iaa.generate_jigsaw_destinations
    h.np.arange.astype
    output_buffer_left.release
    _compute_shape_after_crop_and_pad
    self.uniform
    _prevent_zero_sizes_after_crops_
    handle_probability_param
    np.sin
    _blur_gaussian_scipy_
    self.draw
    iap.Laplace
    check_alternative_installation
    self.draw_label_on_image
    rgb_multiplier_hwc.np.float32.image_rgb.astype.np.round.astype
    aug.augment_heatmaps
    cv2.flip
    self.val.draw_samples
    random_state.laplace
    _multiply_elementwise_to_non_uint8
    self._remove_consecutive_duplicate_points
    batch_images.append
    iaa.DropoutPointsSampler
    self.WithHueAndSaturation.super.__init__
    _int_r
    polygons_reordered.append
    LineString
    self._apply_to_cbaois_as_keypoints
    self.p_drop.draw_samples
    _merge_channels
    kps_i.to_xy_array
    _AffineMatrixGenerator
    sweep_line.get_intersections_with_segments
    ls.clip_out_of_image
    kpsoi.on
    self.draw_on_image_
    _handle_mode_arg
    self.all_sides.draw_samples
    self.integers
    colorlib.change_colorspace_
    f.seek
    iap.handle_discrete_param
    _convert_seed_to_generator_np116
    example_visualize_augmented_non_image_data
    self._generate_intensity_map_coarse
    self.pad_mode.draw_samples
    blur_lib.blur_gaussian_
    matrix.astype
    iasize.pad_to_aspect_ratio
    self.p.draw_sample
    self.per_channel.draw_samples
    self.queue.join_thread
    self._convert_relative_coords_to_absolute
    kpsoi.on_
    self.queue.get
    estimate_ntype_func
    _quokka_normalize_extract
    self.generator.dirichlet
    convert_iterable_to_string_of_types
    self._events_current_sweep.insert
    sat_aug.iadt.clip_.astype
    self.invert_above_threshold.draw_samples
    labels.flatten
    self.LinearContrast.super.__init__
    self._keep_size_maps
    self.ClipCBAsToImagePlanes.super.__init__
    self._generate_intersection_points
    self.ShearY.super.__init__
    self._smoothen_
    self.Autocontrast.super.__init__
    output_shape.tolist
    image_pil.save
    polygons.append
    StochasticParameterMaskGen
    image_hsv.astype
    ia.apply_lut_
    np.deg2rad
    ElasticTransformationCv2
    _blend_alpha_uint8_elementwise_
    Add
    np.float128
    augmenter.random_state.derive_rng_
    COMMANDS_VERTICAL_FLIPS.append
    self.loc.draw_sample
    cmap_func
    apply_jigsaw_to_coords
    kps.on
    normalize_dtype
    augmenter.background.augment_batch_
    self.queue_result.get
    bbs_aug.draw_on_image
    self.min_item
    Negative
    shapely.geometry.Polygon
    random_state.beta
    self.Absolute.super.__init__
    AllChannelsHistogramEqualization
    mapping_mode_np_to_cv2.get
    self._create_distance_matrix
    self.deepcopy.on_
    six.add_metaclass
    set_generator_state_
    sub_v2v2
    self._AbstractColorQuantization.super.__init__
    ls.is_out_of_image
    _CSPACE_TO_CHANNEL_ID.keys
    self.sigma.draw_samples
    parser.add_argument
    image_bg.ravel
    interpolate_points
    kpsoi.draw_on_image
    self.generator.weibull
    collections.Counter
    self._order_points
    np.vstack
    poly.deepcopy
    augseq.augment_batches
    seq_cv2_det.augment_bounding_boxes
    self.WithChannels.super.__init__
    _AssertShapeBoundingBoxesCheck
    scipy.spatial.distance.euclidean
    self.clip_limit.draw_samples
    intensity.astype
    _autocontrast_no_pil
    self.ShotNoise.super.__init__
    cval_type
    _pool_dispatcher_
    ia.do_assert
    rss.nb_images.self.value_saturation.draw_samples.astype
    self.RainLayer.super.__init__
    self._AbstractPoolingBase.super.__init__
    self.generator.hypergeometric
    outputs_bg.deepcopy
    iap.Discretize
    pillike.EnhanceSharpness
    subluts.append
    size.df.random_state.chisquare.astype
    _make_line
    np.sqrt
    setup
    _DebugGridCBAsOICell
    Augmenter.__init__
    self.generate_maps
    os.path.isdir
    kps_aug_one.draw_on_image
    self._handle_batch_ids
    self.severity.draw_samples
    min
    _handle_sizeval
    join_signal.is_set
    _set_generator_state_np117_
    tpl_name.parent_iters.join.lstrip
    self.spatial_window_radius.draw_samples
    self.Pixelate.super.__init__
    self.all_channel_histogram_equalization._augment_batch_
    compute_paddings_to_reach_powers_of
    self._check_intersection
    _affine
    iaa.ImpulseNoise
    augmenter_index.augmenter_active.nonzero
    cls._invert_warp_coords
    imgaug.random.seed
    RBTree.is_red
    iadt.gate_dtypes_strs
    _add_text_cell
    self.compute_neighbour_distances
    cls._invert_warp_arrays
    self.all_finished
    self.nb_bins.draw_samples
    self.handle_event
    self.kelvin.draw_samples
    getattr
    _handle_position_parameter
    _add_elementwise_cv2_to_uint8
    param.__dict__.items
    _assert_arg_is_stoch_param
    self._resize_overlay
    self.min_value.draw_samples
    self.Superpixels.super.__init__
    self.generator.shuffle
    self.ChangeColorTemperature.super.__init__
    param.draw_samples
    self.rotation_deg.draw_samples
    UniformPointsSampler
    i.row_kps.draw_on_image
    self._invert_convert_bbs_to_polygons_
    psoi.polygons.extend
    id
    values_uq.update
    self.cbasoi.deepcopy
    self.grid._draw_samples
    other_subd.compute_pointwise_distances
    np.linalg.norm
    estimate_segmaps_norm_type
    self._mul_alpha
    self.MultiplyElementwise.super.__init__
    iaa.MultiplyHueAndSaturation
    np.ascontiguousarray
    np.empty
    self._IntensityChannelBasedApplier.super.__init__
    image_fg.ravel
    self.generator.permutation
    self._augment_polygons_as_keypoints
    aug.remove_augmenters_
    cv2.copyMakeBorder
    self.to_deterministic
    self.PadToSquare.super.__init__
    points_tuples.append
    cs._draw_samples
    iap.FrequencyNoise
    samples.to_matrix_cba
    self.b.draw_sample
    tbl_indices_floored.astype
    _unnormalize_batch
    ia.quokka_keypoints
    meta.Sequential
    rs.rand
    sat.astype
    RBTree.jsw_double
    reinsert_stack.pop
    psoi.draw_on_image
    area_i.dy_i.reshape
    _get_dst
    mode_samples.astype
    noise_0to1.astype
    iaa.Affine
    restore_dtype_and_merge
    imgaug.random.get_global_rng
    cls
    PIL.ImageOps.posterize
    _create_fully_random_generator_np116
    any
    alternative_requires.get
    isinstance
    self.get_arr
    hms.draw_on_image
    self._gate
    color_bg.reshape
    batch.subselect_rows_by_indices
    bbsois.append
    ia.KeypointsOnImage.from_xy_array
    kps.deepcopy
    _dtype_names_to_string
    seq.show_grid
    random_state.randint
    iaa.Rot90
    done.add
    self.func_heatmaps
    PIL.ImageOps.autocontrast
    self._jitter_duplicate_points
    self.tile_grid_size_px.draw_samples
    images.append
    is_single_number
    counts.np.round.astype
    shapely.geometry.LineString
    iaa.SomeOf
    _augment_small_1
    self.main_worker_thread.is_alive
    self._iter_items_forward
    KeypointsOnImage.from_xy_array
    np.any
    _AssertShapePolygonsCheck
    self.Poisson.super.__init__
    self._generate_intensity_map_fine
    multicore.Pool
    self.ChannelShuffle.super.__init__
    self._handle_shear_arg
    cls._smoothen_alphas
    kps_aug_i.draw_on_image
    batch_norm.fill_from_batch_in_augmentation_
    np.random.random
    aug_ro_det.augment_images
    self.child.draw_masks
    ia.is_np_array
    self.HorizontalLinearGradientMaskGen.super.__init__
    hue_and_sat_proj.append
    self.FilterEdgeEnhance.super.__init__
    iaa.Crop
    _CropAndPadSamplingResult
    np.minimum
    self._postprocess_noise
    self.func_segmentation_maps
    size.self.p_positive.rss.binomial.astype
    kpsoi.shift_
    self.deepcopy.clip_out_of_image_
    ia.BoundingBox.draw_on_image
    np.max
    self.find_closest_point_index
    _rnd_s
    _find_edges_canny
    self._blend_label_arr_with_image_
    self.SaveDebugImageEveryNBatches.super.__init__
    self.Cartoon.super.__init__
    skimage.__version__.split
    iaa.apply_jigsaw
    samples.reshape
    mask.item
    bb.draw_on_image
    _blend_edges
    rngs.choice
    self.queue.put
    self.set_state_
    self_subd.compute_pointwise_distances
    self.GammaContrast.super.__init__
    iaa.HistogramEqualization
    convert_seed_to_generator
    self.Laplace.super.__init__
    stylize_cartoon
    self._map_coordinates
    is_single_float
    meta.restore_dtypes_
    np.diff
    self.Invert.super.__init__
    _normalize_cv2_input_arr_
    _SharpeningMatrixGenerator
    poly.draw_on_image
    copy_module.deepcopy
    

    @Petemir Could please help me check this issue? May I pull a request to fix it? Thank you very much.

    opened by PyDeps 0
  • Assigning Probability in imgaug OneOf

    Assigning Probability in imgaug OneOf

    can we have a different probability for selecting augmentations in OneOf? Its use case is for example when you want to select one of the 3 augmentations but with prob = [0.5. 0.25, 0.25] instead of 1/3 for all of them.

    opened by g-jindal2001 1
Releases(0.4.0)
Dataset and Code for ICCV 2021 paper "Real-world Video Super-resolution: A Benchmark Dataset and A Decomposition based Learning Scheme"

Dataset and Code for RealVSR Real-world Video Super-resolution: A Benchmark Dataset and A Decomposition based Learning Scheme Xi Yang, Wangmeng Xiang,

Xi Yang 91 Nov 22, 2022
A python programusing Tkinter graphics library to randomize questions and answers contained in text files

RaffleOfQuestions Um programa simples em python, utilizando a biblioteca gráfica Tkinter para randomizar perguntas e respostas contidas em arquivos de

Gabriel Ferreira Rodrigues 1 Dec 16, 2021
Super Mario Game With Python

Super_Mario Hello all this is a simple python program which tries to use our body as a controller for the super mario game Here I have used media pipe

Adarsh Badagala 219 Nov 25, 2022
This project modify tensorflow object detection api code to predict oriented bounding boxes. It can be used for scene text detection.

This is an oriented object detector based on tensorflow object detection API. Most of the code is not changed except for those related to the need of

Dafang He 30 Oct 22, 2022
Use Convolutional Recurrent Neural Network to recognize the Handwritten line text image without pre segmentation into words or characters. Use CTC loss Function to train.

Handwritten Line Text Recognition using Deep Learning with Tensorflow Description Use Convolutional Recurrent Neural Network to recognize the Handwrit

sushant097 224 Jan 07, 2023
Computer vision applications project (Flask and OpenCV)

Computer Vision Applications Project This project is at it's initial phase. This is all about the implementation of different computer vision techniqu

Suryam Thapa 1 Jan 26, 2022
Go package for OCR (Optical Character Recognition), by using Tesseract C++ library

gosseract OCR Golang OCR package, by using Tesseract C++ library. OCR Server Do you just want OCR server, or see the working example of this package?

Hiromu OCHIAI 1.9k Dec 28, 2022
A little but useful tool to explore OCR data extracted with `pytesseract` and `opencv`

Screenshot OCR Tool Extracting data from screen time screenshots in iOS and Android. We are exploring 3 options: Simple OCR with no text position usin

Gabriele Marini 1 Dec 07, 2021
Make OpenCV camera loops less of a chore by skipping the boilerplate and getting right to the interesting stuff

camloop Forget the boilerplate from OpenCV camera loops and get to coding the interesting stuff Table of Contents Usage Install Quickstart More advanc

Gabriel Lefundes 9 Nov 12, 2021
Balabobapy - Using artificial intelligence algorithms to continue the text

Balabobapy - Using artificial intelligence algorithms to continue the text

qxtony 1 Feb 04, 2022
Bu uygulamada Python ve Opencv kullanarak bilgisayar kamerasından yüz tespiti yapıyoruz.

opencv_yuz_bulma Bu uygulamada Python ve Opencv kullanarak bilgisayar kamerasından yüz tespiti yapıyoruz. Bilgisarın kendi kamerasını kullanmak için;

Ahmet Haydar Ornek 6 Apr 16, 2022
TextField: Learning A Deep Direction Field for Irregular Scene Text Detection (TIP 2019)

TextField: Learning A Deep Direction Field for Irregular Scene Text Detection Introduction The code and trained models of: TextField: Learning A Deep

Yukang Wang 101 Dec 12, 2022
A webcam-based 3x3x3 rubik's cube solver written in Python 3 and OpenCV.

Qbr Qbr, pronounced as Cuber, is a webcam-based 3x3x3 rubik's cube solver written in Python 3 and OpenCV. 🌈 Accurate color detection 🔍 Accurate 3x3x

Kim 金可明 502 Dec 29, 2022
This repo contains a script that allows us to find range of colors in images using openCV, and then convert them into geo vectors.

Vectorizing color range This repo contains a script that allows us to find range of colors in images using openCV, and then convert them into geo vect

Development Seed 9 Jul 27, 2022
Packaged, Pytorch-based, easy to use, cross-platform version of the CRAFT text detector

CRAFT: Character-Region Awareness For Text detection Packaged, Pytorch-based, easy to use, cross-platform version of the CRAFT text detector | Paper |

188 Dec 28, 2022
Official code for :rocket: Unsupervised Change Detection of Extreme Events Using ML On-Board :rocket:

RaVAEn The RaVÆn system We introduce the RaVÆn system, a lightweight, unsupervised approach for change detection in satellite data based on Variationa

SpaceML 35 Jan 05, 2023
A synthetic data generator for text recognition

TextRecognitionDataGenerator A synthetic data generator for text recognition What is it for? Generating text image samples to train an OCR software. N

Edouard Belval 2.5k Jan 04, 2023
Select range and every time the screen changes, OCR is activated.

ASOCR(Auto Screen OCR) Select range and every time you press Space key, OCR is activated. 範囲を選ぶと、あなたがスペースキーを押すたびに、画面が変わる度にOCRが起動します。 usage1: simple OC

1 Feb 13, 2022
Turn images of tables into CSV data. Detect tables from images and run OCR on the cells.

Table of Contents Overview Requirements Demo Modules Overview This python package contains modules to help with finding and extracting tabular data fr

Eric Ihli 311 Dec 24, 2022
Connect Aseprite to Blender for painting pixelart textures in real time

Pribambase Pribambase is a small tool that connects Aseprite and Blender, to allow painting with instant viewport feedback and all functionality of ex

117 Jan 03, 2023