Skip to content

Metrics - Fixed Missing Reset #50

Metrics - Fixed Missing Reset

Metrics - Fixed Missing Reset #50

GitHub Actions / Test Results failed May 13, 2024 in 0s

25 errors, 7 fail, 25 pass in 39m 16s

  6 files  ±0    6 suites  ±0   39m 16s ⏱️ + 4m 58s
 57 tests ±0   25 ✅ ±0  0 💤 ±0   7 ❌ ±0   25 🔥 ±0 
342 runs  ±0  178 ✅ +8  0 💤 ±0  14 ❌  - 8  150 🔥 ±0 

Results for commit 95d7b44. ± Comparison against earlier commit 194c253.

Annotations

Check warning on line 0 in tests.integration.test_sanity

See this annotation in the file changed.

@github-actions github-actions / Test Results

2 out of 6 runs failed: test_sanity[resnet_model.yaml] (tests.integration.test_sanity)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 19s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 20s]
Raw output
IndexError: list index out of range
config_file = 'resnet_model.yaml'

    @pytest.mark.parametrize(
        "config_file", [path for path in os.listdir("configs") if "model" in path]
    )
    def test_sanity(config_file):
        opts = [
            "trainer.epochs",
            "1",
            "trainer.validation_interval",
            "1",
            "trainer.callbacks",
            "[]",
        ]
        result = subprocess.run(
            ["luxonis_train", "train", "--config", f"configs/{config_file}", *opts],
        )
        assert result.returncode == 0
    
>       opts += ["model.weights", str(list(Path("output").rglob("*.ckpt"))[0])]
E       IndexError: list index out of range

tests/integration/test_sanity.py:31: IndexError

Check warning on line 0 in tests.integration.test_sanity

See this annotation in the file changed.

@github-actions github-actions / Test Results

2 out of 6 runs failed: test_sanity[detection_model.yaml] (tests.integration.test_sanity)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 3s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 4s]
Raw output
IndexError: list index out of range
config_file = 'detection_model.yaml'

    @pytest.mark.parametrize(
        "config_file", [path for path in os.listdir("configs") if "model" in path]
    )
    def test_sanity(config_file):
        opts = [
            "trainer.epochs",
            "1",
            "trainer.validation_interval",
            "1",
            "trainer.callbacks",
            "[]",
        ]
        result = subprocess.run(
            ["luxonis_train", "train", "--config", f"configs/{config_file}", *opts],
        )
        assert result.returncode == 0
    
>       opts += ["model.weights", str(list(Path("output").rglob("*.ckpt"))[0])]
E       IndexError: list index out of range

tests/integration/test_sanity.py:31: IndexError

Check warning on line 0 in tests.integration.test_sanity

See this annotation in the file changed.

@github-actions github-actions / Test Results

2 out of 6 runs failed: test_sanity[classification_model.yaml] (tests.integration.test_sanity)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 3s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 3s]
Raw output
IndexError: list index out of range
config_file = 'classification_model.yaml'

    @pytest.mark.parametrize(
        "config_file", [path for path in os.listdir("configs") if "model" in path]
    )
    def test_sanity(config_file):
        opts = [
            "trainer.epochs",
            "1",
            "trainer.validation_interval",
            "1",
            "trainer.callbacks",
            "[]",
        ]
        result = subprocess.run(
            ["luxonis_train", "train", "--config", f"configs/{config_file}", *opts],
        )
        assert result.returncode == 0
    
>       opts += ["model.weights", str(list(Path("output").rglob("*.ckpt"))[0])]
E       IndexError: list index out of range

tests/integration/test_sanity.py:31: IndexError

Check warning on line 0 in tests.integration.test_sanity

See this annotation in the file changed.

@github-actions github-actions / Test Results

2 out of 6 runs failed: test_sanity[keypoint_bbox_model.yaml] (tests.integration.test_sanity)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 3s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 4s]
Raw output
IndexError: list index out of range
config_file = 'keypoint_bbox_model.yaml'

    @pytest.mark.parametrize(
        "config_file", [path for path in os.listdir("configs") if "model" in path]
    )
    def test_sanity(config_file):
        opts = [
            "trainer.epochs",
            "1",
            "trainer.validation_interval",
            "1",
            "trainer.callbacks",
            "[]",
        ]
        result = subprocess.run(
            ["luxonis_train", "train", "--config", f"configs/{config_file}", *opts],
        )
        assert result.returncode == 0
    
>       opts += ["model.weights", str(list(Path("output").rglob("*.ckpt"))[0])]
E       IndexError: list index out of range

tests/integration/test_sanity.py:31: IndexError

Check warning on line 0 in tests.integration.test_sanity

See this annotation in the file changed.

@github-actions github-actions / Test Results

2 out of 6 runs failed: test_sanity[coco_model.yaml] (tests.integration.test_sanity)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 5s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 6s]
Raw output
IndexError: list index out of range
config_file = 'coco_model.yaml'

    @pytest.mark.parametrize(
        "config_file", [path for path in os.listdir("configs") if "model" in path]
    )
    def test_sanity(config_file):
        opts = [
            "trainer.epochs",
            "1",
            "trainer.validation_interval",
            "1",
            "trainer.callbacks",
            "[]",
        ]
        result = subprocess.run(
            ["luxonis_train", "train", "--config", f"configs/{config_file}", *opts],
        )
        assert result.returncode == 0
    
>       opts += ["model.weights", str(list(Path("output").rglob("*.ckpt"))[0])]
E       IndexError: list index out of range

tests/integration/test_sanity.py:31: IndexError

Check warning on line 0 in tests.integration.test_sanity

See this annotation in the file changed.

@github-actions github-actions / Test Results

2 out of 6 runs failed: test_sanity[segmentation_model.yaml] (tests.integration.test_sanity)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 3s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 4s]
Raw output
IndexError: list index out of range
config_file = 'segmentation_model.yaml'

    @pytest.mark.parametrize(
        "config_file", [path for path in os.listdir("configs") if "model" in path]
    )
    def test_sanity(config_file):
        opts = [
            "trainer.epochs",
            "1",
            "trainer.validation_interval",
            "1",
            "trainer.callbacks",
            "[]",
        ]
        result = subprocess.run(
            ["luxonis_train", "train", "--config", f"configs/{config_file}", *opts],
        )
        assert result.returncode == 0
    
>       opts += ["model.weights", str(list(Path("output").rglob("*.ckpt"))[0])]
E       IndexError: list index out of range

tests/integration/test_sanity.py:31: IndexError

Check warning on line 0 in tests.integration.test_sanity

See this annotation in the file changed.

@github-actions github-actions / Test Results

2 out of 6 runs failed: test_tuner (tests.integration.test_sanity)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 4s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 4s]
Raw output
AssertionError: assert 1 == 0
 +  where 1 = CompletedProcess(args=['luxonis_train', 'tune', '--config', 'configs/example_tuning.yaml', 'trainer.epochs', '1', 'trainer.validation_interval', '1', 'trainer.callbacks', '[]', 'tuner.n_trials', '4'], returncode=1).returncode
def test_tuner():
        Path("study_local.db").unlink(missing_ok=True)
        result = subprocess.run(
            [
                "luxonis_train",
                "tune",
                "--config",
                "configs/example_tuning.yaml",
                "trainer.epochs",
                "1",
                "trainer.validation_interval",
                "1",
                "trainer.callbacks",
                "[]",
                "tuner.n_trials",
                "4",
            ],
        )
>       assert result.returncode == 0
E       AssertionError: assert 1 == 0
E        +  where 1 = CompletedProcess(args=['luxonis_train', 'tune', '--config', 'configs/example_tuning.yaml', 'trainer.epochs', '1', 'trainer.validation_interval', '1', 'trainer.callbacks', '[]', 'tuner.n_trials', '4'], returncode=1).returncode

tests/integration/test_sanity.py:85: AssertionError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_creation_0_ClassificationHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 19s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 17s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 19s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 20s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_creation_1_EfficientBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_creation_2_ImplicitKeypointBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_creation_3_SegmentationHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_creation_4_BiSeNetHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_contents_0_ClassificationHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_contents_1_EfficientBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_contents_2_ImplicitKeypointBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_contents_3_SegmentationHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_archive_contents_4_BiSeNetHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_onnx_0_ClassificationHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_onnx_1_EfficientBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_onnx_2_ImplicitKeypointBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_onnx_3_SegmentationHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_onnx_4_BiSeNetHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_config_io_0_ClassificationHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_config_io_1_EfficientBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError

Check failure on line 0 in tests.unittests.test_core.test_archiver.TestArchiver

See this annotation in the file changed.

@github-actions github-actions / Test Results

All 6 runs with error: test_config_io_2_ImplicitKeypointBBoxHead (tests.unittests.test_core.test_archiver.TestArchiver)

artifacts/Test Results [macOS-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [macOS-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [ubuntu-latest] (Python 3.11)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.10)/pytest.xml [took 0s]
artifacts/Test Results [windows-latest] (Python 3.11)/pytest.xml [took 0s]
Raw output
failed on setup with "IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'"
cls = <class 'unittests.test_core.test_archiver.TestArchiver'>

    @classmethod
    def setup_class(cls):
        """Creates all files required for testing."""
    
        # make tmp dir
        luxonis_train_parent_dir = os.path.dirname(
            os.path.dirname(luxonis_train.__file__)
        )
        cls.tmp_path = os.path.join(
            luxonis_train_parent_dir, "tests", "unittests", "test_core", "tmp"
        )
        os.mkdir(cls.tmp_path)
    
        # make LDFs
        unilabelLDF = "dummyLDF_unilabel"
        cls._make_dummy_ldf(
            ldf_name=unilabelLDF,
            save_path=cls.tmp_path,
            bbx_anno=True,
            kpt_anno=True,
        )
        multilabelLDF = "dummyLDF_multilabel"
        cls._make_dummy_ldf(
            ldf_name=multilabelLDF,
            save_path=cls.tmp_path,
            cls_anno=True,
            bbx_anno=True,
            sgm_anno=True,
            multilabel=True,
        )
        cls.ldf_names = [unilabelLDF, multilabelLDF]
    
        for head_name in HEAD_NAMES:
            if head_name == "ImplicitKeypointBBoxHead":
                ldf_name = unilabelLDF  # multiclass keypoint detection not yet supported in luxonis-train
            else:
                ldf_name = multilabelLDF
    
            # make config
            cfg_dict = cls._make_dummy_cfg_dict(
                head_name=head_name,
                save_path=cls.tmp_path,
                ldf_name=ldf_name,
            )
            cfg = Config.get_config(cfg_dict)
    
            # train model
            cfg.trainer.epochs = 1
            cfg.trainer.validation_interval = 1
            cfg.trainer.batch_size = 1
            trainer = Trainer(cfg=cfg)
            trainer.train()
            callbacks = [
                c
                for c in trainer.pl_trainer.callbacks
                if isinstance(c, pl.callbacks.ModelCheckpoint)
            ]
            model_checkpoint_path = callbacks[0].best_model_path
            model_ckpt = os.path.join(trainer.run_save_dir, model_checkpoint_path)
            trainer.reset_logging()
    
            # export model to ONNX
            cfg.model.weights = model_ckpt
>           exporter = Exporter(cfg=cfg)

tests/unittests/test_core/test_archiver.py:90: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
luxonis_train/core/exporter.py:82: in __init__
    self.lightning_module = LuxonisModel(
luxonis_train/models/luxonis_model.py:193: in __init__
    self.load_checkpoint(self.cfg.model.weights)
luxonis_train/models/luxonis_model.py:689: in load_checkpoint
    checkpoint = torch.load(path, map_location=self.device)
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:997: in load
    with _open_file_like(f, 'rb') as opened_file:
/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:444: in _open_file_like
    return _open_file(name_or_buffer, mode)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.serialization._open_file object at 0x15ef789d0>
name = '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'
mode = 'rb'

    def __init__(self, name, mode):
>       super().__init__(open(name, mode))
E       IsADirectoryError: [Errno 21] Is a directory: '/Users/runner/work/luxonis-train/luxonis-train/tests/unittests/test_core/tmp/0-turquoise-mastodon/'

/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/serialization.py:425: IsADirectoryError