Skip to content

Commit afecf6e

Browse files
committed
update license year
Signed-off-by: Samet Akcay <[email protected]>
1 parent ab12ee4 commit afecf6e

File tree

153 files changed

+153
-153
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

153 files changed

+153
-153
lines changed

docs/source/conf.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,7 @@
77
https://www.sphinx-doc.org/en/master/usage/configuration.html#project-information
88
"""
99

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

1313
import sys

src/anomalib/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -29,7 +29,7 @@
2929
with a focus on reproducibility and ease of use.
3030
"""
3131

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

3535
from enum import Enum

src/anomalib/callbacks/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -34,7 +34,7 @@
3434
- :mod:`anomalib.callbacks.timer`: Timer callback
3535
"""
3636

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

4040
import logging

src/anomalib/callbacks/graph.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,7 @@
3232
(e.g., :class:`PaDiM`).
3333
"""
3434

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

3838
import torch

src/anomalib/callbacks/model_loader.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,7 @@
2020
The state dict should contain a ``"state_dict"`` key with the model weights.
2121
"""
2222

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

2626
import logging
+1-1
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,4 @@
11
"""Integration NNCF."""
22

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

src/anomalib/callbacks/nncf/callback.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,7 @@
99
PyTorch module to be compressed.
1010
"""
1111

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

1515
import subprocess # nosec B404

src/anomalib/callbacks/nncf/utils.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -11,7 +11,7 @@
1111
- Utilities for handling NNCF model states and configurations
1212
"""
1313

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

1717
import logging

src/anomalib/callbacks/tiler_configuration.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -26,7 +26,7 @@
2626
It will raise a :exc:`ValueError` if used with a model that doesn't support tiling.
2727
"""
2828

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

3232
from collections.abc import Sequence

src/anomalib/callbacks/timer.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -21,7 +21,7 @@
2121
- Batch size is included in throughput logging for reference
2222
"""
2323

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

2727
import logging

src/anomalib/cli/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
"""Anomalib CLI."""
22

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

66
from .cli import AnomalibCLI

src/anomalib/data/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,7 @@
2424
>>> datamodule = get_datamodule(config)
2525
"""
2626

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

3030
import importlib

src/anomalib/data/datamodules/base/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
"""Base Anomalib Data Modules."""
22

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

66
from .image import AnomalibDataModule

src/anomalib/data/datamodules/base/image.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@
2222
... )
2323
"""
2424

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

2828
import copy

src/anomalib/data/datamodules/depth/folder_3d.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -15,7 +15,7 @@
1515
... )
1616
"""
1717

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

2121
from pathlib import Path

src/anomalib/data/datamodules/depth/mvtec_3d.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -27,7 +27,7 @@
2727
DOI: 10.5220/0010865000003124
2828
"""
2929

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

3333
import logging

src/anomalib/data/datamodules/image/btech.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -35,7 +35,7 @@
3535
109542.
3636
"""
3737

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

4141
import logging

src/anomalib/data/datamodules/image/folder.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -29,7 +29,7 @@
2929
└── mask4.png
3030
"""
3131

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

3535
from collections.abc import Sequence

src/anomalib/data/datamodules/image/mvtec.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -42,7 +42,7 @@
4242
9584-9592, 2019, DOI: 10.1109/CVPR.2019.00982.
4343
"""
4444

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

4848
import logging

src/anomalib/data/datamodules/image/visa.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -38,7 +38,7 @@
3838
Springer, Cham.
3939
"""
4040

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

4444
# Subset splitting code adapted from https://github.com/amazon-science/spot-diff

src/anomalib/data/datasets/base/image.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -26,7 +26,7 @@
2626
... })
2727
"""
2828

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

3232
import copy

src/anomalib/data/predict.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -12,7 +12,7 @@
1212
torch.Size([3, 256, 256])
1313
"""
1414

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

1818
from collections.abc import Callable

src/anomalib/data/utils/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919
>>> noise = generate_perlin_noise(256, 256)
2020
"""
2121

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

2525
from .boxes import boxes_to_anomaly_maps, boxes_to_masks, masks_to_boxes

src/anomalib/data/utils/boxes.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -4,7 +4,7 @@
44
formats and handling bounding box operations.
55
"""
66

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

1010
import torch

src/anomalib/data/utils/download.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,7 @@
66
- Safely extracting compressed files
77
"""
88

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

1212
import hashlib

src/anomalib/data/utils/generators/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,7 @@
2020
>>> mask = generator.generate(256, 256)
2121
"""
2222

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

2626
from .perlin import PerlinAnomalyGenerator, generate_perlin_noise

src/anomalib/data/utils/generators/perlin.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@
2222
>>> noise = generate_perlin_noise(128, 128, device=device)
2323
"""
2424

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

2828
from pathlib import Path

src/anomalib/data/utils/image.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -21,7 +21,7 @@
2121
<class 'torch.Tensor'>
2222
"""
2323

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

2727
import logging

src/anomalib/data/utils/path.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919
normal
2020
"""
2121

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

2525
import os

src/anomalib/data/utils/split.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -26,7 +26,7 @@
2626
3
2727
"""
2828

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

3232
import logging

src/anomalib/data/utils/synthetic.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919
200
2020
"""
2121

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

2525
import logging

src/anomalib/data/utils/tiler.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,7 @@
2424
torch.Size([1, 3, 512, 512])
2525
"""
2626

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

3030
from collections.abc import Sequence

src/anomalib/deploy/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@
2222
tensor(0.86)
2323
"""
2424

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

2828
from .export import CompressionType, ExportType

src/anomalib/deploy/export.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919
'int8_ptq'
2020
"""
2121

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

2525
import logging

src/anomalib/deploy/inferencers/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,7 @@
1313
>>> predictions = model.predict(image="path/to/image.jpg")
1414
"""
1515

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

1919
from .base_inferencer import Inferencer

src/anomalib/deploy/inferencers/base_inferencer.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,7 @@
77
a consistent API across different backends.
88
"""
99

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

1313
from abc import ABC, abstractmethod

src/anomalib/deploy/inferencers/openvino_inferencer.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -46,7 +46,7 @@
4646
0.86
4747
"""
4848

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

5252
import logging

src/anomalib/deploy/inferencers/torch_inferencer.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -33,7 +33,7 @@
3333
tensor(0.86)
3434
"""
3535

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

3939
from pathlib import Path

src/anomalib/loggers/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@
2222
>>> logger = AnomalibTensorBoardLogger(log_dir="logs")
2323
"""
2424

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

2828
import logging

src/anomalib/loggers/base.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -17,7 +17,7 @@
1717
>>> logger.add_image(image_array, name="test_image") # doctest: +SKIP
1818
"""
1919

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

2323
from abc import abstractmethod

src/anomalib/loggers/comet.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,7 @@
2020
... ) # doctest: +SKIP
2121
"""
2222

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

2626
import numpy as np

src/anomalib/loggers/tensorboard.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,7 @@
2020
... ) # doctest: +SKIP
2121
"""
2222

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

2626
from pathlib import Path

src/anomalib/loggers/wandb.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919
... ) # doctest: +SKIP
2020
"""
2121

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

2525
from typing import TYPE_CHECKING, Literal

src/anomalib/metrics/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -37,7 +37,7 @@
3737
tensor(1.)
3838
"""
3939

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

4343
from .anomaly_score_distribution import AnomalyScoreDistribution

src/anomalib/metrics/anomaly_score_distribution.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,7 @@
2424
Both image-level scores and pixel-level maps are optional inputs.
2525
"""
2626

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

3030
import torch

0 commit comments

Comments
 (0)