Skip to content

Commit

Permalink
update license year
Browse files Browse the repository at this point in the history
Signed-off-by: Samet Akcay <samet.akcay@intel.com>
  • Loading branch information
samet-akcay committed Jan 7, 2025
1 parent ab12ee4 commit afecf6e
Show file tree
Hide file tree
Showing 153 changed files with 153 additions and 153 deletions.
2 changes: 1 addition & 1 deletion docs/source/conf.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
https://www.sphinx-doc.org/en/master/usage/configuration.html#project-information
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import sys
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,7 @@
with a focus on reproducibility and ease of use.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from enum import Enum
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -34,7 +34,7 @@
- :mod:`anomalib.callbacks.timer`: Timer callback
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/graph.py
Original file line number Diff line number Diff line change
Expand Up @@ -32,7 +32,7 @@
(e.g., :class:`PaDiM`).
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import torch
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/model_loader.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,7 @@
The state dict should contain a ``"state_dict"`` key with the model weights.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/nncf/__init__.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
"""Integration NNCF."""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/nncf/callback.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@
PyTorch module to be compressed.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import subprocess # nosec B404
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/nncf/utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,7 +11,7 @@
- Utilities for handling NNCF model states and configurations
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/tiler_configuration.py
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,7 @@
It will raise a :exc:`ValueError` if used with a model that doesn't support tiling.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from collections.abc import Sequence
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/callbacks/timer.py
Original file line number Diff line number Diff line change
Expand Up @@ -21,7 +21,7 @@
- Batch size is included in throughput logging for reference
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/cli/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
"""Anomalib CLI."""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from .cli import AnomalibCLI
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,7 +24,7 @@
>>> datamodule = get_datamodule(config)
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import importlib
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/base/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
"""Base Anomalib Data Modules."""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from .image import AnomalibDataModule
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/base/image.py
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@
... )
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import copy
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/depth/folder_3d.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
... )
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from pathlib import Path
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/depth/mvtec_3d.py
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,7 @@
DOI: 10.5220/0010865000003124
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/image/btech.py
Original file line number Diff line number Diff line change
Expand Up @@ -35,7 +35,7 @@
109542.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/image/folder.py
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,7 @@
└── mask4.png
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from collections.abc import Sequence
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/image/mvtec.py
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@
9584-9592, 2019, DOI: 10.1109/CVPR.2019.00982.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datamodules/image/visa.py
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@
Springer, Cham.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

# Subset splitting code adapted from https://github.com/amazon-science/spot-diff
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/datasets/base/image.py
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,7 @@
... })
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import copy
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/predict.py
Original file line number Diff line number Diff line change
Expand Up @@ -12,7 +12,7 @@
torch.Size([3, 256, 256])
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from collections.abc import Callable
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
>>> noise = generate_perlin_noise(256, 256)
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from .boxes import boxes_to_anomaly_maps, boxes_to_masks, masks_to_boxes
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/boxes.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
formats and handling bounding box operations.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import torch
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/download.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
- Safely extracting compressed files
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import hashlib
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/generators/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,7 @@
>>> mask = generator.generate(256, 256)
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from .perlin import PerlinAnomalyGenerator, generate_perlin_noise
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/generators/perlin.py
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@
>>> noise = generate_perlin_noise(128, 128, device=device)
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from pathlib import Path
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/image.py
Original file line number Diff line number Diff line change
Expand Up @@ -21,7 +21,7 @@
<class 'torch.Tensor'>
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/path.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
normal
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import os
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/split.py
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,7 @@
3
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/synthetic.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
200
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/data/utils/tiler.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,7 +24,7 @@
torch.Size([1, 3, 512, 512])
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from collections.abc import Sequence
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/deploy/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@
tensor(0.86)
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from .export import CompressionType, ExportType
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/deploy/export.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
'int8_ptq'
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/deploy/inferencers/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,7 @@
>>> predictions = model.predict(image="path/to/image.jpg")
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from .base_inferencer import Inferencer
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/deploy/inferencers/base_inferencer.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
a consistent API across different backends.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from abc import ABC, abstractmethod
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/deploy/inferencers/openvino_inferencer.py
Original file line number Diff line number Diff line change
Expand Up @@ -46,7 +46,7 @@
0.86
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/deploy/inferencers/torch_inferencer.py
Original file line number Diff line number Diff line change
Expand Up @@ -33,7 +33,7 @@
tensor(0.86)
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from pathlib import Path
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/loggers/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@
>>> logger = AnomalibTensorBoardLogger(log_dir="logs")
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import logging
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/loggers/base.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
>>> logger.add_image(image_array, name="test_image") # doctest: +SKIP
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from abc import abstractmethod
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/loggers/comet.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,7 @@
... ) # doctest: +SKIP
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import numpy as np
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/loggers/tensorboard.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,7 @@
... ) # doctest: +SKIP
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from pathlib import Path
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/loggers/wandb.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
... ) # doctest: +SKIP
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from typing import TYPE_CHECKING, Literal
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/metrics/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -37,7 +37,7 @@
tensor(1.)
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

from .anomaly_score_distribution import AnomalyScoreDistribution
Expand Down
2 changes: 1 addition & 1 deletion src/anomalib/metrics/anomaly_score_distribution.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,7 +24,7 @@
Both image-level scores and pixel-level maps are optional inputs.
"""

# Copyright (C) 2022-2024 Intel Corporation
# Copyright (C) 2022-2025 Intel Corporation
# SPDX-License-Identifier: Apache-2.0

import torch
Expand Down
Loading

0 comments on commit afecf6e

Please sign in to comment.