diff --git a/codes/models/InceptionTime.py b/codes/models/InceptionTime.py new file mode 100644 index 00000000..2920e3d5 --- /dev/null +++ b/codes/models/InceptionTime.py @@ -0,0 +1,101 @@ +from tsai.all import * +import fastai +from tsai.models.InceptionTime import InceptionTime +import numpy as np + +class InceptionTime_classifier: + """ + InceptionTime classifier for time series classification + + Parameters + ---------- + c_in: int + Number of input channels + c_out: int + Number of classes + seq_len: int + Length of the input sequence + nf: int + Number of filters + nb_filters: int + Number of filters in the inception module + ks: int + Kernel size + bottleneck: bool + Whether to use bottleneck + + Attributes + ---------- + model: nn.Module + InceptionTime model + """ + + def __init__( + self, + c_in, + c_out, + seq_len, + nf=32, + nb_filters=32, + ks=40, + bottleneck=True, + **kwargs + ): + self.model = InceptionTime( + c_in=c_in, + c_out=c_out, + seq_len=seq_len, + nf=nf, + nb_filters=nb_filters, + ks=ks, + bottleneck=bottleneck, + ) + + def fit( + self, + X: np.ndarray, + y: np.ndarray, + splits: list, + test_data: dict, + epochs: int, + lr: float + ): + """ + Fit the model on the training data + + Parameters + ---------- + X: np.ndarray + Input data + y: np.ndarray + Target data + splits: list + List of indices for training and validation splits + test_data: dict + Dictionary of test data + {'X': X_test, 'y': y_test} + epochs: int + Number of epochs to train + lr: float + Learning rate + """ + tfms = [None, [Categorize()]] + dsets = TSDatasets(X, y, tfms=tfms, splits=splits, inplace=True) + dls = TSDataLoaders.from_dsets(dsets.train, dsets.valid, bs=[64, 128], batch_tfms=[TSStandardize()], num_workers=0) + learn = Learner(dls, self.model, metrics=fastai.metrics.accuracy) + learn.fit_one_cycle(epochs, lr) + + #now add the test data to the dls + test_ds = dls.valid.dataset.add_test(**test_data) + test_dl = dls.valid.new(test_ds) + + #get the predictions + _, test_targets, test_preds = learn.get_preds(dl=test_dl, with_decoded=True) + accuracy = skm.accuracy_score(test_targets, test_preds) + cl_report = skm.classification_report(test_targets, test_preds, output_dict=True) + return {"accuracy": accuracy, "cl_report": cl_report, "target": test_targets, "pred": test_preds} + + +if __name__ == "__main__": + # instantiate the model + model = InceptionTime_classifier(c_in=1, c_out=2, seq_len=100) \ No newline at end of file diff --git a/codes/models/__pycache__/InceptionTime.cpython-310.pyc b/codes/models/__pycache__/InceptionTime.cpython-310.pyc new file mode 100644 index 00000000..21905adb Binary files /dev/null and b/codes/models/__pycache__/InceptionTime.cpython-310.pyc differ diff --git a/codes/models/__pycache__/Inception_Time.cpython-310.pyc b/codes/models/__pycache__/Inception_Time.cpython-310.pyc new file mode 100644 index 00000000..017cf54f Binary files /dev/null and b/codes/models/__pycache__/Inception_Time.cpython-310.pyc differ diff --git a/codes/models/__pycache__/LSTM_FCN.cpython-310.pyc b/codes/models/__pycache__/LSTM_FCN.cpython-310.pyc index ab7ab0df..779442a8 100644 Binary files a/codes/models/__pycache__/LSTM_FCN.cpython-310.pyc and b/codes/models/__pycache__/LSTM_FCN.cpython-310.pyc differ diff --git a/configs/main_config.yaml b/configs/main_config.yaml index 83f035e8..f32d513b 100644 --- a/configs/main_config.yaml +++ b/configs/main_config.yaml @@ -1,7 +1,7 @@ defaults: - _self_ - datasets: dataset_params - - models: LSTM_FCN + - models: InceptionTime - search_spaces@hydra.sweeper.params: ${models} - override hydra/sweeper: optuna dataset_name: diff --git a/configs/models/InceptionTime.yaml b/configs/models/InceptionTime.yaml new file mode 100644 index 00000000..b98688e0 --- /dev/null +++ b/configs/models/InceptionTime.yaml @@ -0,0 +1,6 @@ +model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 32 + ks: 40 + bottleneck: True diff --git a/configs/search_spaces/InceptionTime.yaml b/configs/search_spaces/InceptionTime.yaml new file mode 100644 index 00000000..57658e60 --- /dev/null +++ b/configs/search_spaces/InceptionTime.yaml @@ -0,0 +1,4 @@ +models.model.nf: choice(8, 16, 32, 64, 128) +models.model.nb_filters: choice(8, 16, 32, 64, 128) +models.model.ks: choice(10, 20, 40, 80, 160) +models.model.bottleneck: bool (True, False) diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/artifacts/classification_report.json b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/artifacts/classification_report.json new file mode 100644 index 00000000..426cd5c2 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8205128205128205, + "recall": 0.8888888888888888, + "f1-score": 0.8533333333333333, + "support": 36 + }, + "1": { + "precision": 0.9344262295081968, + "recall": 0.890625, + "f1-score": 0.9120000000000001, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8774695250105087, + "recall": 0.8897569444444444, + "f1-score": 0.8826666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8934174022698613, + "recall": 0.89, + "f1-score": 0.8908800000000001, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/artifacts/model_params.json b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/meta.yaml b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/meta.yaml new file mode 100644 index 00000000..12ff5b03 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/artifacts +end_time: 1710766329484 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 00714c6614ac4a79b5bd18121c2c5e2a +run_name: ECG200 +run_uuid: 00714c6614ac4a79b5bd18121c2c5e2a +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766329473 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/accuracy b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/accuracy new file mode 100644 index 00000000..c20e7746 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/accuracy @@ -0,0 +1 @@ +1710766329478 0.89 0 diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/f1 b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/f1 new file mode 100644 index 00000000..37fc73bd --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/f1 @@ -0,0 +1 @@ +1710766329479 0.8908800000000001 0 diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/macro_f1_score b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/macro_f1_score new file mode 100644 index 00000000..d08b469f --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766329480 0.8826666666666667 0 diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/precision b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/precision new file mode 100644 index 00000000..ba44da5f --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/precision @@ -0,0 +1 @@ +1710766329479 0.8774695250105087 0 diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/recall b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/recall new file mode 100644 index 00000000..636cd5fb --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/recall @@ -0,0 +1 @@ +1710766329480 0.8897569444444444 0 diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/support b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/support new file mode 100644 index 00000000..878cba8c --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/metrics/support @@ -0,0 +1 @@ +1710766329480 100.0 0 diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/epochs b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/lr b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/model_name b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.runName b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.git.commit b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.name b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.type b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.user b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/00714c6614ac4a79b5bd18121c2c5e2a/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/artifacts/classification_report.json b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/artifacts/classification_report.json new file mode 100644 index 00000000..3f6e0a33 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7804878048780488, + "recall": 0.8888888888888888, + "f1-score": 0.8311688311688312, + "support": 36 + }, + "1": { + "precision": 0.9322033898305084, + "recall": 0.859375, + "f1-score": 0.8943089430894309, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8563455973542786, + "recall": 0.8741319444444444, + "f1-score": 0.862738887129131, + "support": 100 + }, + "weighted avg": { + "precision": 0.8775857792476229, + "recall": 0.87, + "f1-score": 0.871578502798015, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/artifacts/model_params.json b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/meta.yaml b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/meta.yaml new file mode 100644 index 00000000..8f88aa8f --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/artifacts +end_time: 1710766637731 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 038fa8dac5a84d95842602f3f02dd92e +run_name: ECG200 +run_uuid: 038fa8dac5a84d95842602f3f02dd92e +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766637721 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/accuracy b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/accuracy new file mode 100644 index 00000000..6d862455 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/accuracy @@ -0,0 +1 @@ +1710766637725 0.87 0 diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/f1 b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/f1 new file mode 100644 index 00000000..a587b34a --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/f1 @@ -0,0 +1 @@ +1710766637726 0.871578502798015 0 diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/macro_f1_score b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/macro_f1_score new file mode 100644 index 00000000..e67078fb --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766637728 0.862738887129131 0 diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/precision b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/precision new file mode 100644 index 00000000..d6952025 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/precision @@ -0,0 +1 @@ +1710766637726 0.8563455973542786 0 diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/recall b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/recall new file mode 100644 index 00000000..ec073b65 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/recall @@ -0,0 +1 @@ +1710766637727 0.8741319444444444 0 diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/support b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/support new file mode 100644 index 00000000..accf774e --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/metrics/support @@ -0,0 +1 @@ +1710766637727 100.0 0 diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/epochs b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/lr b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/model_name b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.runName b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.git.commit b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.name b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.type b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.user b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/038fa8dac5a84d95842602f3f02dd92e/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/artifacts/classification_report.json b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/artifacts/model_params.json b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/meta.yaml b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/meta.yaml new file mode 100644 index 00000000..8066e442 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/artifacts +end_time: 1710766537806 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 05edaa4acc1548f087835c211c9f5f49 +run_name: ECG200 +run_uuid: 05edaa4acc1548f087835c211c9f5f49 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766537795 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/accuracy b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/accuracy new file mode 100644 index 00000000..d6fd5216 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/accuracy @@ -0,0 +1 @@ +1710766537800 0.89 0 diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/f1 b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/f1 new file mode 100644 index 00000000..1f91dd8a --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/f1 @@ -0,0 +1 @@ +1710766537800 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/macro_f1_score b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/macro_f1_score new file mode 100644 index 00000000..53ed0b87 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766537802 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/precision b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/precision new file mode 100644 index 00000000..24dd1a40 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/precision @@ -0,0 +1 @@ +1710766537801 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/recall b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/recall new file mode 100644 index 00000000..f1fec215 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/recall @@ -0,0 +1 @@ +1710766537801 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/support b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/support new file mode 100644 index 00000000..4adacef1 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/metrics/support @@ -0,0 +1 @@ +1710766537802 100.0 0 diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/epochs b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/lr b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/model_name b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.runName b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.git.commit b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.name b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.type b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.user b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/05edaa4acc1548f087835c211c9f5f49/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/artifacts/classification_report.json b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/artifacts/classification_report.json new file mode 100644 index 00000000..90f6a133 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8157894736842105, + "recall": 0.8611111111111112, + "f1-score": 0.8378378378378377, + "support": 36 + }, + "1": { + "precision": 0.9193548387096774, + "recall": 0.890625, + "f1-score": 0.9047619047619047, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8675721561969439, + "recall": 0.8758680555555556, + "f1-score": 0.8712998712998712, + "support": 100 + }, + "weighted avg": { + "precision": 0.8820713073005093, + "recall": 0.88, + "f1-score": 0.8806692406692406, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/artifacts/model_params.json b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/artifacts/model_params.json new file mode 100644 index 00000000..5e9e2845 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/meta.yaml b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/meta.yaml new file mode 100644 index 00000000..2493852e --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/artifacts +end_time: 1710765998677 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 064d40bad0c048628cfebd9f4b43ebf7 +run_name: ECG200 +run_uuid: 064d40bad0c048628cfebd9f4b43ebf7 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765998666 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/accuracy b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/accuracy new file mode 100644 index 00000000..ffbafe80 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/accuracy @@ -0,0 +1 @@ +1710765998670 0.88 0 diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/f1 b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/f1 new file mode 100644 index 00000000..d2f7e011 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/f1 @@ -0,0 +1 @@ +1710765998671 0.8806692406692406 0 diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/macro_f1_score b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/macro_f1_score new file mode 100644 index 00000000..688cdb21 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765998673 0.8712998712998712 0 diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/precision b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/precision new file mode 100644 index 00000000..6ef6a91f --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/precision @@ -0,0 +1 @@ +1710765998671 0.8675721561969439 0 diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/recall b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/recall new file mode 100644 index 00000000..4291b2ed --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/recall @@ -0,0 +1 @@ +1710765998672 0.8758680555555556 0 diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/support b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/support new file mode 100644 index 00000000..cc5dcae4 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/metrics/support @@ -0,0 +1 @@ +1710765998672 100.0 0 diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/epochs b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/lr b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/model_name b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.runName b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.git.commit b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.name b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.type b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.user b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/064d40bad0c048628cfebd9f4b43ebf7/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/artifacts/classification_report.json b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/artifacts/classification_report.json new file mode 100644 index 00000000..bb502061 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7272727272727273, + "recall": 0.8888888888888888, + "f1-score": 0.7999999999999999, + "support": 36 + }, + "1": { + "precision": 0.9285714285714286, + "recall": 0.8125, + "f1-score": 0.8666666666666666, + "support": 64 + }, + "accuracy": 0.84, + "macro avg": { + "precision": 0.827922077922078, + "recall": 0.8506944444444444, + "f1-score": 0.8333333333333333, + "support": 100 + }, + "weighted avg": { + "precision": 0.8561038961038961, + "recall": 0.84, + "f1-score": 0.8426666666666666, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/artifacts/model_params.json b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/meta.yaml b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/meta.yaml new file mode 100644 index 00000000..8dd7567b --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/artifacts +end_time: 1710766278623 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 0716b2943a0349f183b1548ad3fb84d7 +run_name: ECG200 +run_uuid: 0716b2943a0349f183b1548ad3fb84d7 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766278612 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/accuracy b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/accuracy new file mode 100644 index 00000000..51a9aaca --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/accuracy @@ -0,0 +1 @@ +1710766278617 0.84 0 diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/f1 b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/f1 new file mode 100644 index 00000000..bef55153 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/f1 @@ -0,0 +1 @@ +1710766278617 0.8426666666666666 0 diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/macro_f1_score b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/macro_f1_score new file mode 100644 index 00000000..80f4e001 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766278619 0.8333333333333333 0 diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/precision b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/precision new file mode 100644 index 00000000..862922af --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/precision @@ -0,0 +1 @@ +1710766278618 0.827922077922078 0 diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/recall b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/recall new file mode 100644 index 00000000..afe97d89 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/recall @@ -0,0 +1 @@ +1710766278618 0.8506944444444444 0 diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/support b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/support new file mode 100644 index 00000000..ea5f2a5f --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/metrics/support @@ -0,0 +1 @@ +1710766278619 100.0 0 diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/epochs b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/lr b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/model_name b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.runName b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.git.commit b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.name b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.type b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.user b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/0716b2943a0349f183b1548ad3fb84d7/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/artifacts/classification_report.json b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/artifacts/classification_report.json new file mode 100644 index 00000000..f3614475 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.4090909090909091, + "recall": 1.0, + "f1-score": 0.5806451612903226, + "support": 36 + }, + "1": { + "precision": 1.0, + "recall": 0.1875, + "f1-score": 0.3157894736842105, + "support": 64 + }, + "accuracy": 0.48, + "macro avg": { + "precision": 0.7045454545454546, + "recall": 0.59375, + "f1-score": 0.44821731748726656, + "support": 100 + }, + "weighted avg": { + "precision": 0.7872727272727273, + "recall": 0.48, + "f1-score": 0.4111375212224109, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/artifacts/model_params.json b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/artifacts/model_params.json new file mode 100644 index 00000000..a8ab2bc7 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 128, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/meta.yaml b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/meta.yaml new file mode 100644 index 00000000..8f8a038c --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/artifacts +end_time: 1710766590625 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 0b3d162317b347f7bfb34e112d289d6f +run_name: ECG200 +run_uuid: 0b3d162317b347f7bfb34e112d289d6f +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766590614 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/accuracy b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/accuracy new file mode 100644 index 00000000..9071e1c4 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/accuracy @@ -0,0 +1 @@ +1710766590619 0.48 0 diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/f1 b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/f1 new file mode 100644 index 00000000..07ac48a7 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/f1 @@ -0,0 +1 @@ +1710766590619 0.4111375212224109 0 diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/macro_f1_score b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/macro_f1_score new file mode 100644 index 00000000..3e2c2848 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766590621 0.44821731748726656 0 diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/precision b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/precision new file mode 100644 index 00000000..dcca3bd9 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/precision @@ -0,0 +1 @@ +1710766590620 0.7045454545454546 0 diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/recall b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/recall new file mode 100644 index 00000000..8cd5017c --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/recall @@ -0,0 +1 @@ +1710766590620 0.59375 0 diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/support b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/support new file mode 100644 index 00000000..760c03e9 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/metrics/support @@ -0,0 +1 @@ +1710766590621 100.0 0 diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/epochs b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/lr b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/model_name b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.runName b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.git.commit b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.name b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.type b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.user b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/0b3d162317b347f7bfb34e112d289d6f/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/artifacts/classification_report.json b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/artifacts/classification_report.json new file mode 100644 index 00000000..b77c5b21 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.5818181818181818, + "recall": 0.8888888888888888, + "f1-score": 0.7032967032967034, + "support": 36 + }, + "1": { + "precision": 0.9111111111111111, + "recall": 0.640625, + "f1-score": 0.7522935779816514, + "support": 64 + }, + "accuracy": 0.73, + "macro avg": { + "precision": 0.7464646464646465, + "recall": 0.7647569444444444, + "f1-score": 0.7277951406391774, + "support": 100 + }, + "weighted avg": { + "precision": 0.7925656565656566, + "recall": 0.73, + "f1-score": 0.7346547030950701, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/artifacts/model_params.json b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/artifacts/model_params.json new file mode 100644 index 00000000..2edd9e28 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 32, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/meta.yaml b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/meta.yaml new file mode 100644 index 00000000..7919e531 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/artifacts +end_time: 1710765920532 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 1041304e06934ea283fa5c30e57635a3 +run_name: ECG200 +run_uuid: 1041304e06934ea283fa5c30e57635a3 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765920521 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/accuracy b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/accuracy new file mode 100644 index 00000000..0761fe77 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/accuracy @@ -0,0 +1 @@ +1710765920526 0.73 0 diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/f1 b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/f1 new file mode 100644 index 00000000..bc8bf81d --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/f1 @@ -0,0 +1 @@ +1710765920526 0.7346547030950701 0 diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/macro_f1_score b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/macro_f1_score new file mode 100644 index 00000000..44a6fe28 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765920528 0.7277951406391774 0 diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/precision b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/precision new file mode 100644 index 00000000..9ec77ac2 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/precision @@ -0,0 +1 @@ +1710765920527 0.7464646464646465 0 diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/recall b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/recall new file mode 100644 index 00000000..481d8b6a --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/recall @@ -0,0 +1 @@ +1710765920527 0.7647569444444444 0 diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/support b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/support new file mode 100644 index 00000000..7c5c7d73 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/metrics/support @@ -0,0 +1 @@ +1710765920528 100.0 0 diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/epochs b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/lr b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/model_name b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.runName b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.git.commit b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.name b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.type b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.user b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/1041304e06934ea283fa5c30e57635a3/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/artifacts/classification_report.json b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/artifacts/classification_report.json new file mode 100644 index 00000000..dd401ed1 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8636363636363636, + "recall": 0.5277777777777778, + "f1-score": 0.6551724137931034, + "support": 36 + }, + "1": { + "precision": 0.782051282051282, + "recall": 0.953125, + "f1-score": 0.8591549295774649, + "support": 64 + }, + "accuracy": 0.8, + "macro avg": { + "precision": 0.8228438228438228, + "recall": 0.7404513888888888, + "f1-score": 0.7571636716852841, + "support": 100 + }, + "weighted avg": { + "precision": 0.8114219114219113, + "recall": 0.8, + "f1-score": 0.7857212238950947, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/artifacts/model_params.json b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/artifacts/model_params.json new file mode 100644 index 00000000..3f729bfe --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 10, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/meta.yaml b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/meta.yaml new file mode 100644 index 00000000..25a44174 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/artifacts +end_time: 1710766251455 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 10b9e7c6bd5341c29f662eab82808657 +run_name: ECG200 +run_uuid: 10b9e7c6bd5341c29f662eab82808657 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766251445 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/accuracy b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/accuracy new file mode 100644 index 00000000..c4142e77 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/accuracy @@ -0,0 +1 @@ +1710766251449 0.8 0 diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/f1 b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/f1 new file mode 100644 index 00000000..99cfcbfd --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/f1 @@ -0,0 +1 @@ +1710766251450 0.7857212238950947 0 diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/macro_f1_score b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/macro_f1_score new file mode 100644 index 00000000..52ed74f7 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766251452 0.7571636716852841 0 diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/precision b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/precision new file mode 100644 index 00000000..2fa32c3f --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/precision @@ -0,0 +1 @@ +1710766251450 0.8228438228438228 0 diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/recall b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/recall new file mode 100644 index 00000000..92d6cfd6 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/recall @@ -0,0 +1 @@ +1710766251451 0.7404513888888888 0 diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/support b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/support new file mode 100644 index 00000000..464afc0f --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/metrics/support @@ -0,0 +1 @@ +1710766251451 100.0 0 diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/epochs b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/lr b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/model_name b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.runName b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.git.commit b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.name b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.type b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.user b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/10b9e7c6bd5341c29f662eab82808657/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/artifacts/classification_report.json b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/artifacts/classification_report.json new file mode 100644 index 00000000..513dae8b --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8571428571428571, + "recall": 0.8333333333333334, + "f1-score": 0.8450704225352113, + "support": 36 + }, + "1": { + "precision": 0.9076923076923077, + "recall": 0.921875, + "f1-score": 0.9147286821705427, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8824175824175824, + "recall": 0.8776041666666667, + "f1-score": 0.879899552352877, + "support": 100 + }, + "weighted avg": { + "precision": 0.8894945054945055, + "recall": 0.89, + "f1-score": 0.8896517087018233, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/artifacts/model_params.json b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/meta.yaml b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/meta.yaml new file mode 100644 index 00000000..6259c2b0 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/artifacts +end_time: 1710766297858 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 1147f66a9b6a434e9a36ec47aeb6df5b +run_name: ECG200 +run_uuid: 1147f66a9b6a434e9a36ec47aeb6df5b +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766297847 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/accuracy b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/accuracy new file mode 100644 index 00000000..9c08023f --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/accuracy @@ -0,0 +1 @@ +1710766297852 0.89 0 diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/f1 b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/f1 new file mode 100644 index 00000000..8d9e08fb --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/f1 @@ -0,0 +1 @@ +1710766297853 0.8896517087018233 0 diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/macro_f1_score b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/macro_f1_score new file mode 100644 index 00000000..a34a7cd8 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766297855 0.879899552352877 0 diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/precision b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/precision new file mode 100644 index 00000000..bd6163d1 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/precision @@ -0,0 +1 @@ +1710766297853 0.8824175824175824 0 diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/recall b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/recall new file mode 100644 index 00000000..4e8b4e55 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/recall @@ -0,0 +1 @@ +1710766297854 0.8776041666666667 0 diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/support b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/support new file mode 100644 index 00000000..684fe2dd --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/metrics/support @@ -0,0 +1 @@ +1710766297854 100.0 0 diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/epochs b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/lr b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/model_name b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.runName b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.git.commit b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.name b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.type b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.user b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/1147f66a9b6a434e9a36ec47aeb6df5b/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/artifacts/classification_report.json b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/artifacts/classification_report.json new file mode 100644 index 00000000..bbbd7e61 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.84375, + "recall": 0.75, + "f1-score": 0.7941176470588235, + "support": 36 + }, + "1": { + "precision": 0.8676470588235294, + "recall": 0.921875, + "f1-score": 0.893939393939394, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8556985294117647, + "recall": 0.8359375, + "f1-score": 0.8440285204991087, + "support": 100 + }, + "weighted avg": { + "precision": 0.8590441176470588, + "recall": 0.86, + "f1-score": 0.8580035650623887, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/artifacts/model_params.json b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/artifacts/model_params.json new file mode 100644 index 00000000..85e1770f --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 16, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/meta.yaml b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/meta.yaml new file mode 100644 index 00000000..74fd1dea --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/artifacts +end_time: 1710766850521 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 133fcfd20ee94856852547e368370761 +run_name: ECG200 +run_uuid: 133fcfd20ee94856852547e368370761 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766850504 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/accuracy b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/accuracy new file mode 100644 index 00000000..d70cec34 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/accuracy @@ -0,0 +1 @@ +1710766850515 0.86 0 diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/f1 b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/f1 new file mode 100644 index 00000000..90953fda --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/f1 @@ -0,0 +1 @@ +1710766850516 0.8580035650623887 0 diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/macro_f1_score b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/macro_f1_score new file mode 100644 index 00000000..03137b4c --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766850518 0.8440285204991087 0 diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/precision b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/precision new file mode 100644 index 00000000..b5e10c7a --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/precision @@ -0,0 +1 @@ +1710766850516 0.8556985294117647 0 diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/recall b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/recall new file mode 100644 index 00000000..4bd57ba8 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/recall @@ -0,0 +1 @@ +1710766850517 0.8359375 0 diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/support b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/support new file mode 100644 index 00000000..c5d1aa98 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/metrics/support @@ -0,0 +1 @@ +1710766850517 100.0 0 diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/epochs b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/lr b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/model_name b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.runName b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.git.commit b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.name b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.type b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.user b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/133fcfd20ee94856852547e368370761/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/artifacts/classification_report.json b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/artifacts/classification_report.json new file mode 100644 index 00000000..1698d6f3 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8823529411764706, + "recall": 0.8333333333333334, + "f1-score": 0.8571428571428571, + "support": 36 + }, + "1": { + "precision": 0.9090909090909091, + "recall": 0.9375, + "f1-score": 0.923076923076923, + "support": 64 + }, + "accuracy": 0.9, + "macro avg": { + "precision": 0.8957219251336899, + "recall": 0.8854166666666667, + "f1-score": 0.8901098901098901, + "support": 100 + }, + "weighted avg": { + "precision": 0.8994652406417112, + "recall": 0.9, + "f1-score": 0.8993406593406593, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/artifacts/model_params.json b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/artifacts/model_params.json new file mode 100644 index 00000000..4144f5d1 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/meta.yaml b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/meta.yaml new file mode 100644 index 00000000..efec6d7f --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/artifacts +end_time: 1710766075484 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 1388be5d589848689bc1a8d1c938ac64 +run_name: ECG200 +run_uuid: 1388be5d589848689bc1a8d1c938ac64 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766075473 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/accuracy b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/accuracy new file mode 100644 index 00000000..fb69ce66 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/accuracy @@ -0,0 +1 @@ +1710766075478 0.9 0 diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/f1 b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/f1 new file mode 100644 index 00000000..c0674f76 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/f1 @@ -0,0 +1 @@ +1710766075479 0.8993406593406593 0 diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/macro_f1_score b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/macro_f1_score new file mode 100644 index 00000000..829d2012 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766075481 0.8901098901098901 0 diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/precision b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/precision new file mode 100644 index 00000000..1306c827 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/precision @@ -0,0 +1 @@ +1710766075479 0.8957219251336899 0 diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/recall b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/recall new file mode 100644 index 00000000..7cbc986e --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/recall @@ -0,0 +1 @@ +1710766075480 0.8854166666666667 0 diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/support b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/support new file mode 100644 index 00000000..651d0122 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/metrics/support @@ -0,0 +1 @@ +1710766075480 100.0 0 diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/epochs b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/lr b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/model_name b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.runName b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.git.commit b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.name b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.type b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.user b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/1388be5d589848689bc1a8d1c938ac64/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/artifacts/classification_report.json b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/artifacts/classification_report.json new file mode 100644 index 00000000..426cd5c2 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8205128205128205, + "recall": 0.8888888888888888, + "f1-score": 0.8533333333333333, + "support": 36 + }, + "1": { + "precision": 0.9344262295081968, + "recall": 0.890625, + "f1-score": 0.9120000000000001, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8774695250105087, + "recall": 0.8897569444444444, + "f1-score": 0.8826666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8934174022698613, + "recall": 0.89, + "f1-score": 0.8908800000000001, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/artifacts/model_params.json b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/artifacts/model_params.json new file mode 100644 index 00000000..443492e6 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/meta.yaml b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/meta.yaml new file mode 100644 index 00000000..ee10d747 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/artifacts +end_time: 1710766141622 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 1d6868198af44fb881b830d320220a9b +run_name: ECG200 +run_uuid: 1d6868198af44fb881b830d320220a9b +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766141612 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/accuracy b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/accuracy new file mode 100644 index 00000000..f90b5b01 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/accuracy @@ -0,0 +1 @@ +1710766141617 0.89 0 diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/f1 b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/f1 new file mode 100644 index 00000000..d1fa1612 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/f1 @@ -0,0 +1 @@ +1710766141617 0.8908800000000001 0 diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/macro_f1_score b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/macro_f1_score new file mode 100644 index 00000000..345597d4 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766141619 0.8826666666666667 0 diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/precision b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/precision new file mode 100644 index 00000000..9be5db77 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/precision @@ -0,0 +1 @@ +1710766141618 0.8774695250105087 0 diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/recall b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/recall new file mode 100644 index 00000000..881afcff --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/recall @@ -0,0 +1 @@ +1710766141618 0.8897569444444444 0 diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/support b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/support new file mode 100644 index 00000000..1d7282cc --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/metrics/support @@ -0,0 +1 @@ +1710766141618 100.0 0 diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/epochs b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/lr b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/model_name b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.runName b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.git.commit b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.name b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.type b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.user b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/1d6868198af44fb881b830d320220a9b/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/artifacts/classification_report.json b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/artifacts/classification_report.json new file mode 100644 index 00000000..d7c89ff5 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7948717948717948, + "recall": 0.8611111111111112, + "f1-score": 0.8266666666666667, + "support": 36 + }, + "1": { + "precision": 0.9180327868852459, + "recall": 0.875, + "f1-score": 0.8959999999999999, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8564522908785204, + "recall": 0.8680555555555556, + "f1-score": 0.8613333333333333, + "support": 100 + }, + "weighted avg": { + "precision": 0.8736948297604036, + "recall": 0.87, + "f1-score": 0.8710399999999998, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/artifacts/model_params.json b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/meta.yaml b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/meta.yaml new file mode 100644 index 00000000..75a16d49 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/artifacts +end_time: 1710766518974 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 1e5295d891b948b38c1faeb984c2cee3 +run_name: ECG200 +run_uuid: 1e5295d891b948b38c1faeb984c2cee3 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766518963 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/accuracy b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/accuracy new file mode 100644 index 00000000..4e6896d6 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/accuracy @@ -0,0 +1 @@ +1710766518968 0.87 0 diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/f1 b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/f1 new file mode 100644 index 00000000..5e850d77 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/f1 @@ -0,0 +1 @@ +1710766518968 0.8710399999999998 0 diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/macro_f1_score b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/macro_f1_score new file mode 100644 index 00000000..eae3472a --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766518970 0.8613333333333333 0 diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/precision b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/precision new file mode 100644 index 00000000..03f5cdd5 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/precision @@ -0,0 +1 @@ +1710766518969 0.8564522908785204 0 diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/recall b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/recall new file mode 100644 index 00000000..03cc4196 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/recall @@ -0,0 +1 @@ +1710766518969 0.8680555555555556 0 diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/support b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/support new file mode 100644 index 00000000..5fb6528c --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/metrics/support @@ -0,0 +1 @@ +1710766518970 100.0 0 diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/epochs b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/lr b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/model_name b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.runName b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.git.commit b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.name b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.type b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.user b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/1e5295d891b948b38c1faeb984c2cee3/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/artifacts/classification_report.json b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/artifacts/classification_report.json new file mode 100644 index 00000000..edf39636 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7857142857142857, + "recall": 0.6111111111111112, + "f1-score": 0.6875000000000001, + "support": 36 + }, + "1": { + "precision": 0.8055555555555556, + "recall": 0.90625, + "f1-score": 0.8529411764705882, + "support": 64 + }, + "accuracy": 0.8, + "macro avg": { + "precision": 0.7956349206349207, + "recall": 0.7586805555555556, + "f1-score": 0.7702205882352942, + "support": 100 + }, + "weighted avg": { + "precision": 0.7984126984126985, + "recall": 0.8, + "f1-score": 0.7933823529411765, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/artifacts/model_params.json b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/artifacts/model_params.json new file mode 100644 index 00000000..85e1770f --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 16, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/meta.yaml b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/meta.yaml new file mode 100644 index 00000000..7efe56af --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/artifacts +end_time: 1710766858019 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 208c7accfd204558acedc58cb4e30719 +run_name: ECG200 +run_uuid: 208c7accfd204558acedc58cb4e30719 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766858008 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/accuracy b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/accuracy new file mode 100644 index 00000000..dc4530cb --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/accuracy @@ -0,0 +1 @@ +1710766858013 0.8 0 diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/f1 b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/f1 new file mode 100644 index 00000000..76bf9c9f --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/f1 @@ -0,0 +1 @@ +1710766858014 0.7933823529411765 0 diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/macro_f1_score b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/macro_f1_score new file mode 100644 index 00000000..82bfe432 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766858015 0.7702205882352942 0 diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/precision b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/precision new file mode 100644 index 00000000..937254c1 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/precision @@ -0,0 +1 @@ +1710766858014 0.7956349206349207 0 diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/recall b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/recall new file mode 100644 index 00000000..2310224a --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/recall @@ -0,0 +1 @@ +1710766858015 0.7586805555555556 0 diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/support b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/support new file mode 100644 index 00000000..1441769f --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/metrics/support @@ -0,0 +1 @@ +1710766858015 100.0 0 diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/epochs b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/lr b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/model_name b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.runName b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.git.commit b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.name b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.type b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.user b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/208c7accfd204558acedc58cb4e30719/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/artifacts/classification_report.json b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/artifacts/classification_report.json new file mode 100644 index 00000000..267d5ba4 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7941176470588235, + "recall": 0.75, + "f1-score": 0.7714285714285715, + "support": 36 + }, + "1": { + "precision": 0.8636363636363636, + "recall": 0.890625, + "f1-score": 0.8769230769230768, + "support": 64 + }, + "accuracy": 0.84, + "macro avg": { + "precision": 0.8288770053475936, + "recall": 0.8203125, + "f1-score": 0.8241758241758241, + "support": 100 + }, + "weighted avg": { + "precision": 0.8386096256684492, + "recall": 0.84, + "f1-score": 0.838945054945055, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/artifacts/model_params.json b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/artifacts/model_params.json new file mode 100644 index 00000000..3f729bfe --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 10, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/meta.yaml b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/meta.yaml new file mode 100644 index 00000000..1044a12c --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/artifacts +end_time: 1710766259451 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 22b1889ca92c41ceacef0b1398b03932 +run_name: ECG200 +run_uuid: 22b1889ca92c41ceacef0b1398b03932 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766259440 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/accuracy b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/accuracy new file mode 100644 index 00000000..5c634198 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/accuracy @@ -0,0 +1 @@ +1710766259445 0.84 0 diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/f1 b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/f1 new file mode 100644 index 00000000..06bffd55 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/f1 @@ -0,0 +1 @@ +1710766259445 0.838945054945055 0 diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/macro_f1_score b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/macro_f1_score new file mode 100644 index 00000000..b79c80c1 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766259447 0.8241758241758241 0 diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/precision b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/precision new file mode 100644 index 00000000..2766ebda --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/precision @@ -0,0 +1 @@ +1710766259446 0.8288770053475936 0 diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/recall b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/recall new file mode 100644 index 00000000..ea52c296 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/recall @@ -0,0 +1 @@ +1710766259446 0.8203125 0 diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/support b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/support new file mode 100644 index 00000000..5c1b60c6 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/metrics/support @@ -0,0 +1 @@ +1710766259447 100.0 0 diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/epochs b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/lr b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/model_name b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.runName b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.git.commit b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.name b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.type b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.user b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/22b1889ca92c41ceacef0b1398b03932/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/artifacts/classification_report.json b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/artifacts/classification_report.json new file mode 100644 index 00000000..9a63e56b --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8666666666666667, + "recall": 0.7222222222222222, + "f1-score": 0.7878787878787877, + "support": 36 + }, + "1": { + "precision": 0.8571428571428571, + "recall": 0.9375, + "f1-score": 0.8955223880597014, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.861904761904762, + "recall": 0.8298611111111112, + "f1-score": 0.8417005879692445, + "support": 100 + }, + "weighted avg": { + "precision": 0.8605714285714285, + "recall": 0.86, + "f1-score": 0.8567706919945725, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/artifacts/model_params.json b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/artifacts/model_params.json new file mode 100644 index 00000000..20347668 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/meta.yaml b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/meta.yaml new file mode 100644 index 00000000..9176f246 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/artifacts +end_time: 1710766942457 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 232e35dd59a6480284b1c9c2329bf6fc +run_name: ECG200 +run_uuid: 232e35dd59a6480284b1c9c2329bf6fc +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766942446 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/accuracy b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/accuracy new file mode 100644 index 00000000..3d812ffe --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/accuracy @@ -0,0 +1 @@ +1710766942451 0.86 0 diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/f1 b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/f1 new file mode 100644 index 00000000..0fc75eab --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/f1 @@ -0,0 +1 @@ +1710766942451 0.8567706919945725 0 diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/macro_f1_score b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/macro_f1_score new file mode 100644 index 00000000..23c18208 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766942453 0.8417005879692445 0 diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/precision b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/precision new file mode 100644 index 00000000..e68433b8 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/precision @@ -0,0 +1 @@ +1710766942452 0.861904761904762 0 diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/recall b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/recall new file mode 100644 index 00000000..0c7aefc6 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/recall @@ -0,0 +1 @@ +1710766942452 0.8298611111111112 0 diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/support b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/support new file mode 100644 index 00000000..a7e1cb9e --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/metrics/support @@ -0,0 +1 @@ +1710766942453 100.0 0 diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/epochs b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/lr b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/model_name b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.runName b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.git.commit b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.name b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.type b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.user b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/232e35dd59a6480284b1c9c2329bf6fc/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/artifacts/classification_report.json b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/artifacts/classification_report.json new file mode 100644 index 00000000..d7c89ff5 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7948717948717948, + "recall": 0.8611111111111112, + "f1-score": 0.8266666666666667, + "support": 36 + }, + "1": { + "precision": 0.9180327868852459, + "recall": 0.875, + "f1-score": 0.8959999999999999, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8564522908785204, + "recall": 0.8680555555555556, + "f1-score": 0.8613333333333333, + "support": 100 + }, + "weighted avg": { + "precision": 0.8736948297604036, + "recall": 0.87, + "f1-score": 0.8710399999999998, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/artifacts/model_params.json b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/artifacts/model_params.json new file mode 100644 index 00000000..885a7dc2 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/meta.yaml b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/meta.yaml new file mode 100644 index 00000000..88fc3604 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/artifacts +end_time: 1710765912515 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 24dd04afd3ed4c7e805777f8444072d8 +run_name: ECG200 +run_uuid: 24dd04afd3ed4c7e805777f8444072d8 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765912505 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/accuracy b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/accuracy new file mode 100644 index 00000000..5791df4b --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/accuracy @@ -0,0 +1 @@ +1710765912509 0.87 0 diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/f1 b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/f1 new file mode 100644 index 00000000..c163e5e0 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/f1 @@ -0,0 +1 @@ +1710765912510 0.8710399999999998 0 diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/macro_f1_score b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/macro_f1_score new file mode 100644 index 00000000..20cad234 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765912511 0.8613333333333333 0 diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/precision b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/precision new file mode 100644 index 00000000..5205487f --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/precision @@ -0,0 +1 @@ +1710765912510 0.8564522908785204 0 diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/recall b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/recall new file mode 100644 index 00000000..3cdfbaa5 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/recall @@ -0,0 +1 @@ +1710765912510 0.8680555555555556 0 diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/support b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/support new file mode 100644 index 00000000..a1f3140e --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/metrics/support @@ -0,0 +1 @@ +1710765912511 100.0 0 diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/epochs b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/lr b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/model_name b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.runName b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.git.commit b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.name b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.type b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.user b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/24dd04afd3ed4c7e805777f8444072d8/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/artifacts/classification_report.json b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/artifacts/classification_report.json new file mode 100644 index 00000000..9a63e56b --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8666666666666667, + "recall": 0.7222222222222222, + "f1-score": 0.7878787878787877, + "support": 36 + }, + "1": { + "precision": 0.8571428571428571, + "recall": 0.9375, + "f1-score": 0.8955223880597014, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.861904761904762, + "recall": 0.8298611111111112, + "f1-score": 0.8417005879692445, + "support": 100 + }, + "weighted avg": { + "precision": 0.8605714285714285, + "recall": 0.86, + "f1-score": 0.8567706919945725, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/artifacts/model_params.json b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/artifacts/model_params.json new file mode 100644 index 00000000..65a053b0 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/meta.yaml b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/meta.yaml new file mode 100644 index 00000000..c993ed2e --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/artifacts +end_time: 1710766219570 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 278be544ed034ecda210668ce62e08a2 +run_name: ECG200 +run_uuid: 278be544ed034ecda210668ce62e08a2 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766219560 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/accuracy b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/accuracy new file mode 100644 index 00000000..5caace31 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/accuracy @@ -0,0 +1 @@ +1710766219564 0.86 0 diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/f1 b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/f1 new file mode 100644 index 00000000..099cd2f5 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/f1 @@ -0,0 +1 @@ +1710766219564 0.8567706919945725 0 diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/macro_f1_score b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/macro_f1_score new file mode 100644 index 00000000..79805e1e --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766219566 0.8417005879692445 0 diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/precision b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/precision new file mode 100644 index 00000000..534452d6 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/precision @@ -0,0 +1 @@ +1710766219565 0.861904761904762 0 diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/recall b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/recall new file mode 100644 index 00000000..2dd3f976 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/recall @@ -0,0 +1 @@ +1710766219565 0.8298611111111112 0 diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/support b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/support new file mode 100644 index 00000000..8e9c7b7f --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/metrics/support @@ -0,0 +1 @@ +1710766219566 100.0 0 diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/epochs b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/lr b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/model_name b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.runName b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.git.commit b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.name b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.type b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.user b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/278be544ed034ecda210668ce62e08a2/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/artifacts/classification_report.json b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/artifacts/model_params.json b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/meta.yaml b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/meta.yaml new file mode 100644 index 00000000..57aa02b2 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/artifacts +end_time: 1710766843166 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 29602b32c17e4eea87f9f1db287e51be +run_name: ECG200 +run_uuid: 29602b32c17e4eea87f9f1db287e51be +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766843155 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/accuracy b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/accuracy new file mode 100644 index 00000000..b84b1e7b --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/accuracy @@ -0,0 +1 @@ +1710766843160 0.89 0 diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/f1 b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/f1 new file mode 100644 index 00000000..1ef422d8 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/f1 @@ -0,0 +1 @@ +1710766843160 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/macro_f1_score b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/macro_f1_score new file mode 100644 index 00000000..239bc5e4 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766843162 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/precision b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/precision new file mode 100644 index 00000000..2ccaea18 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/precision @@ -0,0 +1 @@ +1710766843161 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/recall b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/recall new file mode 100644 index 00000000..fd533b65 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/recall @@ -0,0 +1 @@ +1710766843161 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/support b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/support new file mode 100644 index 00000000..3e93282d --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/metrics/support @@ -0,0 +1 @@ +1710766843162 100.0 0 diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/epochs b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/lr b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/model_name b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.runName b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.git.commit b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.name b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.type b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.user b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/29602b32c17e4eea87f9f1db287e51be/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/artifacts/classification_report.json b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/artifacts/classification_report.json new file mode 100644 index 00000000..a6d35580 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8611111111111112, + "recall": 0.8611111111111112, + "f1-score": 0.8611111111111112, + "support": 36 + }, + "1": { + "precision": 0.921875, + "recall": 0.921875, + "f1-score": 0.921875, + "support": 64 + }, + "accuracy": 0.9, + "macro avg": { + "precision": 0.8914930555555556, + "recall": 0.8914930555555556, + "f1-score": 0.8914930555555556, + "support": 100 + }, + "weighted avg": { + "precision": 0.9, + "recall": 0.9, + "f1-score": 0.9, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/artifacts/model_params.json b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/artifacts/model_params.json new file mode 100644 index 00000000..f65b4df2 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/meta.yaml b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/meta.yaml new file mode 100644 index 00000000..b8365b44 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/artifacts +end_time: 1710765960225 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 29ffa89f4a2b49629c354a75d36baeae +run_name: ECG200 +run_uuid: 29ffa89f4a2b49629c354a75d36baeae +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765960215 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/accuracy b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/accuracy new file mode 100644 index 00000000..909ed748 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/accuracy @@ -0,0 +1 @@ +1710765960219 0.9 0 diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/f1 b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/f1 new file mode 100644 index 00000000..3e9e8033 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/f1 @@ -0,0 +1 @@ +1710765960220 0.9 0 diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/macro_f1_score b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/macro_f1_score new file mode 100644 index 00000000..f94a6dbb --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765960221 0.8914930555555556 0 diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/precision b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/precision new file mode 100644 index 00000000..836c189a --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/precision @@ -0,0 +1 @@ +1710765960220 0.8914930555555556 0 diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/recall b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/recall new file mode 100644 index 00000000..836c189a --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/recall @@ -0,0 +1 @@ +1710765960220 0.8914930555555556 0 diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/support b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/support new file mode 100644 index 00000000..da8c30ed --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/metrics/support @@ -0,0 +1 @@ +1710765960221 100.0 0 diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/epochs b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/lr b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/model_name b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.runName b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.git.commit b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.name b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.type b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.user b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/29ffa89f4a2b49629c354a75d36baeae/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/artifacts/classification_report.json b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/artifacts/classification_report.json new file mode 100644 index 00000000..f1aa0c89 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.9285714285714286, + "recall": 0.7222222222222222, + "f1-score": 0.8125000000000001, + "support": 36 + }, + "1": { + "precision": 0.8611111111111112, + "recall": 0.96875, + "f1-score": 0.911764705882353, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8948412698412699, + "recall": 0.8454861111111112, + "f1-score": 0.8621323529411766, + "support": 100 + }, + "weighted avg": { + "precision": 0.8853968253968254, + "recall": 0.88, + "f1-score": 0.876029411764706, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/artifacts/model_params.json b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/artifacts/model_params.json new file mode 100644 index 00000000..fef25196 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 8, + "ks": 20, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/meta.yaml b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/meta.yaml new file mode 100644 index 00000000..13c3242e --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/artifacts +end_time: 1710765928042 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 2a0b8a1e6f6440b2ae47bce3ef7a9dc7 +run_name: ECG200 +run_uuid: 2a0b8a1e6f6440b2ae47bce3ef7a9dc7 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765928032 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/accuracy b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/accuracy new file mode 100644 index 00000000..ba1ad602 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/accuracy @@ -0,0 +1 @@ +1710765928037 0.88 0 diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/f1 b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/f1 new file mode 100644 index 00000000..955d6396 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/f1 @@ -0,0 +1 @@ +1710765928037 0.876029411764706 0 diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/macro_f1_score b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/macro_f1_score new file mode 100644 index 00000000..80953f1c --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765928039 0.8621323529411766 0 diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/precision b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/precision new file mode 100644 index 00000000..47f80ed7 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/precision @@ -0,0 +1 @@ +1710765928037 0.8948412698412699 0 diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/recall b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/recall new file mode 100644 index 00000000..a0cb88d6 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/recall @@ -0,0 +1 @@ +1710765928038 0.8454861111111112 0 diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/support b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/support new file mode 100644 index 00000000..830252ba --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/metrics/support @@ -0,0 +1 @@ +1710765928038 100.0 0 diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/epochs b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/lr b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/model_name b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.runName b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.git.commit b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.name b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.type b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.user b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/2a0b8a1e6f6440b2ae47bce3ef7a9dc7/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/artifacts/classification_report.json b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/artifacts/classification_report.json new file mode 100644 index 00000000..4177a482 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.6666666666666666, + "recall": 0.8888888888888888, + "f1-score": 0.761904761904762, + "support": 36 + }, + "1": { + "precision": 0.9230769230769231, + "recall": 0.75, + "f1-score": 0.8275862068965517, + "support": 64 + }, + "accuracy": 0.8, + "macro avg": { + "precision": 0.7948717948717949, + "recall": 0.8194444444444444, + "f1-score": 0.7947454844006568, + "support": 100 + }, + "weighted avg": { + "precision": 0.8307692307692308, + "recall": 0.8, + "f1-score": 0.8039408866995075, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/artifacts/model_params.json b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/artifacts/model_params.json new file mode 100644 index 00000000..a8ab2bc7 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 128, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/meta.yaml b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/meta.yaml new file mode 100644 index 00000000..9cf64c53 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/artifacts +end_time: 1710766606010 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 2b31ffae110f4962af3e540d6d26b3bc +run_name: ECG200 +run_uuid: 2b31ffae110f4962af3e540d6d26b3bc +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766605998 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/accuracy b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/accuracy new file mode 100644 index 00000000..d192b5d4 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/accuracy @@ -0,0 +1 @@ +1710766606003 0.8 0 diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/f1 b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/f1 new file mode 100644 index 00000000..27edeb35 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/f1 @@ -0,0 +1 @@ +1710766606004 0.8039408866995075 0 diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/macro_f1_score b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/macro_f1_score new file mode 100644 index 00000000..56207d9d --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766606006 0.7947454844006568 0 diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/precision b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/precision new file mode 100644 index 00000000..da7d1d07 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/precision @@ -0,0 +1 @@ +1710766606004 0.7948717948717949 0 diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/recall b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/recall new file mode 100644 index 00000000..43cc679f --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/recall @@ -0,0 +1 @@ +1710766606005 0.8194444444444444 0 diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/support b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/support new file mode 100644 index 00000000..30636036 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/metrics/support @@ -0,0 +1 @@ +1710766606005 100.0 0 diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/epochs b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/lr b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/model_name b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.runName b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.git.commit b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.name b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.type b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.user b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/2b31ffae110f4962af3e540d6d26b3bc/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/artifacts/classification_report.json b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/artifacts/classification_report.json new file mode 100644 index 00000000..37f78c05 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.36363636363636365, + "recall": 1.0, + "f1-score": 0.5333333333333333, + "support": 36 + }, + "1": { + "precision": 1.0, + "recall": 0.015625, + "f1-score": 0.03076923076923077, + "support": 64 + }, + "accuracy": 0.37, + "macro avg": { + "precision": 0.6818181818181819, + "recall": 0.5078125, + "f1-score": 0.28205128205128205, + "support": 100 + }, + "weighted avg": { + "precision": 0.770909090909091, + "recall": 0.37, + "f1-score": 0.21169230769230768, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/artifacts/model_params.json b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/artifacts/model_params.json new file mode 100644 index 00000000..a8ab2bc7 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 128, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/meta.yaml b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/meta.yaml new file mode 100644 index 00000000..e7704a88 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/artifacts +end_time: 1710766598244 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 2e3f74a6fa9e485abd9fbf286d840fa5 +run_name: ECG200 +run_uuid: 2e3f74a6fa9e485abd9fbf286d840fa5 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766598234 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/accuracy b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/accuracy new file mode 100644 index 00000000..03f9ab77 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/accuracy @@ -0,0 +1 @@ +1710766598238 0.37 0 diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/f1 b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/f1 new file mode 100644 index 00000000..3b10b2cf --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/f1 @@ -0,0 +1 @@ +1710766598239 0.21169230769230768 0 diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/macro_f1_score b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/macro_f1_score new file mode 100644 index 00000000..7b042f9a --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766598241 0.28205128205128205 0 diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/precision b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/precision new file mode 100644 index 00000000..dcede8a5 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/precision @@ -0,0 +1 @@ +1710766598239 0.6818181818181819 0 diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/recall b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/recall new file mode 100644 index 00000000..600c3327 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/recall @@ -0,0 +1 @@ +1710766598240 0.5078125 0 diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/support b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/support new file mode 100644 index 00000000..67df8c0b --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/metrics/support @@ -0,0 +1 @@ +1710766598240 100.0 0 diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/epochs b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/lr b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/model_name b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.runName b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.git.commit b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.name b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.type b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.user b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/2e3f74a6fa9e485abd9fbf286d840fa5/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/artifacts/classification_report.json b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/artifacts/classification_report.json new file mode 100644 index 00000000..10086877 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7674418604651163, + "recall": 0.9166666666666666, + "f1-score": 0.8354430379746837, + "support": 36 + }, + "1": { + "precision": 0.9473684210526315, + "recall": 0.84375, + "f1-score": 0.8925619834710744, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8574051407588739, + "recall": 0.8802083333333333, + "f1-score": 0.864002510722879, + "support": 100 + }, + "weighted avg": { + "precision": 0.8825948592411259, + "recall": 0.87, + "f1-score": 0.8719991630923738, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/artifacts/model_params.json b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/meta.yaml b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/meta.yaml new file mode 100644 index 00000000..0313eb27 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/artifacts +end_time: 1710766185177 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 30c9f116dfe04cc9aebf851803d53aa3 +run_name: ECG200 +run_uuid: 30c9f116dfe04cc9aebf851803d53aa3 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766185167 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/accuracy b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/accuracy new file mode 100644 index 00000000..1b77d03f --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/accuracy @@ -0,0 +1 @@ +1710766185171 0.87 0 diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/f1 b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/f1 new file mode 100644 index 00000000..1c7b492d --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/f1 @@ -0,0 +1 @@ +1710766185172 0.8719991630923738 0 diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/macro_f1_score b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/macro_f1_score new file mode 100644 index 00000000..c19ce426 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766185174 0.864002510722879 0 diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/precision b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/precision new file mode 100644 index 00000000..55e86c0f --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/precision @@ -0,0 +1 @@ +1710766185172 0.8574051407588739 0 diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/recall b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/recall new file mode 100644 index 00000000..39183f02 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/recall @@ -0,0 +1 @@ +1710766185173 0.8802083333333333 0 diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/support b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/support new file mode 100644 index 00000000..ab882ebd --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/metrics/support @@ -0,0 +1 @@ +1710766185173 100.0 0 diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/epochs b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/lr b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/model_name b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.runName b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.git.commit b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.name b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.type b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.user b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/30c9f116dfe04cc9aebf851803d53aa3/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/artifacts/classification_report.json b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/artifacts/model_params.json b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/meta.yaml b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/meta.yaml new file mode 100644 index 00000000..4ee6bcae --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/artifacts +end_time: 1710766774672 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 3551cb635f52416c8fe7262683b84958 +run_name: ECG200 +run_uuid: 3551cb635f52416c8fe7262683b84958 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766774661 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/accuracy b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/accuracy new file mode 100644 index 00000000..296e238a --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/accuracy @@ -0,0 +1 @@ +1710766774665 0.89 0 diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/f1 b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/f1 new file mode 100644 index 00000000..83a8085d --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/f1 @@ -0,0 +1 @@ +1710766774666 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/macro_f1_score b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/macro_f1_score new file mode 100644 index 00000000..d513a7d5 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766774668 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/precision b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/precision new file mode 100644 index 00000000..244818c6 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/precision @@ -0,0 +1 @@ +1710766774666 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/recall b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/recall new file mode 100644 index 00000000..23e22506 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/recall @@ -0,0 +1 @@ +1710766774667 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/support b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/support new file mode 100644 index 00000000..027a4d2c --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/metrics/support @@ -0,0 +1 @@ +1710766774667 100.0 0 diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/epochs b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/lr b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/model_name b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.runName b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.git.commit b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.name b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.type b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.user b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/3551cb635f52416c8fe7262683b84958/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/artifacts/classification_report.json b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/artifacts/classification_report.json new file mode 100644 index 00000000..6d9391ff --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.9, + "recall": 0.75, + "f1-score": 0.8181818181818182, + "support": 36 + }, + "1": { + "precision": 0.8714285714285714, + "recall": 0.953125, + "f1-score": 0.9104477611940298, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8857142857142857, + "recall": 0.8515625, + "f1-score": 0.864314789687924, + "support": 100 + }, + "weighted avg": { + "precision": 0.8817142857142858, + "recall": 0.88, + "f1-score": 0.8772320217096337, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/artifacts/model_params.json b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/artifacts/model_params.json new file mode 100644 index 00000000..a4ec1411 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 32, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/meta.yaml b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/meta.yaml new file mode 100644 index 00000000..4a8f82e4 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/artifacts +end_time: 1710766013178 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 3633fdbcc53441ba896f953867691402 +run_name: ECG200 +run_uuid: 3633fdbcc53441ba896f953867691402 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766013167 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/accuracy b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/accuracy new file mode 100644 index 00000000..dd560874 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/accuracy @@ -0,0 +1 @@ +1710766013172 0.88 0 diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/f1 b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/f1 new file mode 100644 index 00000000..66648c4e --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/f1 @@ -0,0 +1 @@ +1710766013172 0.8772320217096337 0 diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/macro_f1_score b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/macro_f1_score new file mode 100644 index 00000000..c1854349 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766013174 0.864314789687924 0 diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/precision b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/precision new file mode 100644 index 00000000..217387d6 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/precision @@ -0,0 +1 @@ +1710766013173 0.8857142857142857 0 diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/recall b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/recall new file mode 100644 index 00000000..4bfc3499 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/recall @@ -0,0 +1 @@ +1710766013173 0.8515625 0 diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/support b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/support new file mode 100644 index 00000000..7b36fc56 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/metrics/support @@ -0,0 +1 @@ +1710766013174 100.0 0 diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/epochs b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/lr b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/model_name b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.runName b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.git.commit b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.name b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.type b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.user b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/3633fdbcc53441ba896f953867691402/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/artifacts/classification_report.json b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/artifacts/classification_report.json new file mode 100644 index 00000000..02c71616 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7619047619047619, + "recall": 0.8888888888888888, + "f1-score": 0.8205128205128205, + "support": 36 + }, + "1": { + "precision": 0.9310344827586207, + "recall": 0.84375, + "f1-score": 0.8852459016393444, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8464696223316912, + "recall": 0.8663194444444444, + "f1-score": 0.8528793610760824, + "support": 100 + }, + "weighted avg": { + "precision": 0.8701477832512314, + "recall": 0.86, + "f1-score": 0.8619419924337958, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/artifacts/model_params.json b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/meta.yaml b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/meta.yaml new file mode 100644 index 00000000..5dc5cbdb --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/artifacts +end_time: 1710766760909 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 3672a3b0274048358eeac5f77d1a7b19 +run_name: ECG200 +run_uuid: 3672a3b0274048358eeac5f77d1a7b19 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766760898 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/accuracy b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/accuracy new file mode 100644 index 00000000..ebd0f124 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/accuracy @@ -0,0 +1 @@ +1710766760903 0.86 0 diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/f1 b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/f1 new file mode 100644 index 00000000..76711f3c --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/f1 @@ -0,0 +1 @@ +1710766760904 0.8619419924337958 0 diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/macro_f1_score b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/macro_f1_score new file mode 100644 index 00000000..ae691768 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766760906 0.8528793610760824 0 diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/precision b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/precision new file mode 100644 index 00000000..7fb747a4 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/precision @@ -0,0 +1 @@ +1710766760904 0.8464696223316912 0 diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/recall b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/recall new file mode 100644 index 00000000..b1b89b45 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/recall @@ -0,0 +1 @@ +1710766760905 0.8663194444444444 0 diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/support b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/support new file mode 100644 index 00000000..a83b4495 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/metrics/support @@ -0,0 +1 @@ +1710766760905 100.0 0 diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/epochs b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/lr b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/model_name b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.runName b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.git.commit b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.name b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.type b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.user b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/3672a3b0274048358eeac5f77d1a7b19/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/artifacts/classification_report.json b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/artifacts/classification_report.json new file mode 100644 index 00000000..3f6e0a33 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7804878048780488, + "recall": 0.8888888888888888, + "f1-score": 0.8311688311688312, + "support": 36 + }, + "1": { + "precision": 0.9322033898305084, + "recall": 0.859375, + "f1-score": 0.8943089430894309, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8563455973542786, + "recall": 0.8741319444444444, + "f1-score": 0.862738887129131, + "support": 100 + }, + "weighted avg": { + "precision": 0.8775857792476229, + "recall": 0.87, + "f1-score": 0.871578502798015, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/artifacts/model_params.json b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/artifacts/model_params.json new file mode 100644 index 00000000..e19f0528 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 64, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/meta.yaml b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/meta.yaml new file mode 100644 index 00000000..2a950539 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/artifacts +end_time: 1710766127329 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 3a0f8dd5fd0649f2a89c412e83d959dd +run_name: ECG200 +run_uuid: 3a0f8dd5fd0649f2a89c412e83d959dd +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766127319 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/accuracy b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/accuracy new file mode 100644 index 00000000..a0214f95 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/accuracy @@ -0,0 +1 @@ +1710766127323 0.87 0 diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/f1 b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/f1 new file mode 100644 index 00000000..f90674bc --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/f1 @@ -0,0 +1 @@ +1710766127324 0.871578502798015 0 diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/macro_f1_score b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/macro_f1_score new file mode 100644 index 00000000..c039313c --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766127325 0.862738887129131 0 diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/precision b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/precision new file mode 100644 index 00000000..4b86a610 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/precision @@ -0,0 +1 @@ +1710766127324 0.8563455973542786 0 diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/recall b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/recall new file mode 100644 index 00000000..ca237912 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/recall @@ -0,0 +1 @@ +1710766127325 0.8741319444444444 0 diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/support b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/support new file mode 100644 index 00000000..cd90bcb2 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/metrics/support @@ -0,0 +1 @@ +1710766127325 100.0 0 diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/epochs b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/lr b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/model_name b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.runName b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.git.commit b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.name b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.type b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.user b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/3a0f8dd5fd0649f2a89c412e83d959dd/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/artifacts/classification_report.json b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/artifacts/classification_report.json new file mode 100644 index 00000000..4cc742e6 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7209302325581395, + "recall": 0.8611111111111112, + "f1-score": 0.7848101265822784, + "support": 36 + }, + "1": { + "precision": 0.9122807017543859, + "recall": 0.8125, + "f1-score": 0.859504132231405, + "support": 64 + }, + "accuracy": 0.83, + "macro avg": { + "precision": 0.8166054671562627, + "recall": 0.8368055555555556, + "f1-score": 0.8221571294068417, + "support": 100 + }, + "weighted avg": { + "precision": 0.8433945328437372, + "recall": 0.83, + "f1-score": 0.8326142901977194, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/artifacts/model_params.json b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/artifacts/model_params.json new file mode 100644 index 00000000..050d0bad --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/meta.yaml b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/meta.yaml new file mode 100644 index 00000000..279e8491 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/artifacts +end_time: 1710766898746 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 3da3dbdd39844441a740233a9d3a264c +run_name: ECG200 +run_uuid: 3da3dbdd39844441a740233a9d3a264c +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766898735 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/accuracy b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/accuracy new file mode 100644 index 00000000..bdf67aed --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/accuracy @@ -0,0 +1 @@ +1710766898740 0.83 0 diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/f1 b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/f1 new file mode 100644 index 00000000..9b097813 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/f1 @@ -0,0 +1 @@ +1710766898741 0.8326142901977194 0 diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/macro_f1_score b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/macro_f1_score new file mode 100644 index 00000000..7977169a --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766898743 0.8221571294068417 0 diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/precision b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/precision new file mode 100644 index 00000000..571a7be2 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/precision @@ -0,0 +1 @@ +1710766898741 0.8166054671562627 0 diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/recall b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/recall new file mode 100644 index 00000000..c9ef5648 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/recall @@ -0,0 +1 @@ +1710766898742 0.8368055555555556 0 diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/support b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/support new file mode 100644 index 00000000..9b4a624e --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/metrics/support @@ -0,0 +1 @@ +1710766898742 100.0 0 diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/epochs b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/lr b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/model_name b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.runName b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.git.commit b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.name b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.type b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.user b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/3da3dbdd39844441a740233a9d3a264c/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/artifacts/classification_report.json b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/artifacts/model_params.json b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/meta.yaml b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/meta.yaml new file mode 100644 index 00000000..f9ca0c5b --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/artifacts +end_time: 1710767060270 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 3df9a5bbf9b04da5a1373e96b7c06e4b +run_name: ECG200 +run_uuid: 3df9a5bbf9b04da5a1373e96b7c06e4b +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710767060258 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/accuracy b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/accuracy new file mode 100644 index 00000000..3a172fb9 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/accuracy @@ -0,0 +1 @@ +1710767060263 0.89 0 diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/f1 b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/f1 new file mode 100644 index 00000000..39d53e4b --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/f1 @@ -0,0 +1 @@ +1710767060264 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/macro_f1_score b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/macro_f1_score new file mode 100644 index 00000000..4b21c67e --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/macro_f1_score @@ -0,0 +1 @@ +1710767060266 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/precision b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/precision new file mode 100644 index 00000000..231b5dc5 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/precision @@ -0,0 +1 @@ +1710767060264 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/recall b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/recall new file mode 100644 index 00000000..98637798 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/recall @@ -0,0 +1 @@ +1710767060265 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/support b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/support new file mode 100644 index 00000000..2b0de03b --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/metrics/support @@ -0,0 +1 @@ +1710767060265 100.0 0 diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/epochs b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/lr b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/model_name b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.runName b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.git.commit b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.name b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.type b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.user b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/3df9a5bbf9b04da5a1373e96b7c06e4b/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/artifacts/classification_report.json b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/artifacts/classification_report.json new file mode 100644 index 00000000..1698d6f3 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8823529411764706, + "recall": 0.8333333333333334, + "f1-score": 0.8571428571428571, + "support": 36 + }, + "1": { + "precision": 0.9090909090909091, + "recall": 0.9375, + "f1-score": 0.923076923076923, + "support": 64 + }, + "accuracy": 0.9, + "macro avg": { + "precision": 0.8957219251336899, + "recall": 0.8854166666666667, + "f1-score": 0.8901098901098901, + "support": 100 + }, + "weighted avg": { + "precision": 0.8994652406417112, + "recall": 0.9, + "f1-score": 0.8993406593406593, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/artifacts/model_params.json b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/artifacts/model_params.json new file mode 100644 index 00000000..deca6dad --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 128, + "ks": 40, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/meta.yaml b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/meta.yaml new file mode 100644 index 00000000..6badcad8 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/artifacts +end_time: 1710766043101 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 4509ed4a7853436ca29f83ee35d6db37 +run_name: ECG200 +run_uuid: 4509ed4a7853436ca29f83ee35d6db37 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766043092 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/accuracy b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/accuracy new file mode 100644 index 00000000..1e4b95d3 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/accuracy @@ -0,0 +1 @@ +1710766043096 0.9 0 diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/f1 b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/f1 new file mode 100644 index 00000000..29f2c9d2 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/f1 @@ -0,0 +1 @@ +1710766043096 0.8993406593406593 0 diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/macro_f1_score b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/macro_f1_score new file mode 100644 index 00000000..eb9bc0d7 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766043098 0.8901098901098901 0 diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/precision b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/precision new file mode 100644 index 00000000..6b6cf452 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/precision @@ -0,0 +1 @@ +1710766043097 0.8957219251336899 0 diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/recall b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/recall new file mode 100644 index 00000000..130577f3 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/recall @@ -0,0 +1 @@ +1710766043097 0.8854166666666667 0 diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/support b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/support new file mode 100644 index 00000000..61010f95 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/metrics/support @@ -0,0 +1 @@ +1710766043098 100.0 0 diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/epochs b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/lr b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/model_name b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.runName b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.git.commit b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.name b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.type b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.user b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/4509ed4a7853436ca29f83ee35d6db37/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/artifacts/classification_report.json b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/artifacts/classification_report.json new file mode 100644 index 00000000..d7c89ff5 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7948717948717948, + "recall": 0.8611111111111112, + "f1-score": 0.8266666666666667, + "support": 36 + }, + "1": { + "precision": 0.9180327868852459, + "recall": 0.875, + "f1-score": 0.8959999999999999, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8564522908785204, + "recall": 0.8680555555555556, + "f1-score": 0.8613333333333333, + "support": 100 + }, + "weighted avg": { + "precision": 0.8736948297604036, + "recall": 0.87, + "f1-score": 0.8710399999999998, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/artifacts/model_params.json b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/artifacts/model_params.json new file mode 100644 index 00000000..d9a25e17 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/meta.yaml b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/meta.yaml new file mode 100644 index 00000000..ee5174d2 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/artifacts +end_time: 1710767014192 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 4ab41a6b790641a6a8d21cee8a9e0383 +run_name: ECG200 +run_uuid: 4ab41a6b790641a6a8d21cee8a9e0383 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710767014181 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/accuracy b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/accuracy new file mode 100644 index 00000000..bde50c23 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/accuracy @@ -0,0 +1 @@ +1710767014186 0.87 0 diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/f1 b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/f1 new file mode 100644 index 00000000..adefee43 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/f1 @@ -0,0 +1 @@ +1710767014187 0.8710399999999998 0 diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/macro_f1_score b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/macro_f1_score new file mode 100644 index 00000000..347187ea --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/macro_f1_score @@ -0,0 +1 @@ +1710767014189 0.8613333333333333 0 diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/precision b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/precision new file mode 100644 index 00000000..f22eb399 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/precision @@ -0,0 +1 @@ +1710767014187 0.8564522908785204 0 diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/recall b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/recall new file mode 100644 index 00000000..bd476eb9 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/recall @@ -0,0 +1 @@ +1710767014188 0.8680555555555556 0 diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/support b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/support new file mode 100644 index 00000000..626b0f5e --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/metrics/support @@ -0,0 +1 @@ +1710767014188 100.0 0 diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/epochs b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/lr b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/model_name b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.runName b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.git.commit b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.name b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.type b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.user b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/4ab41a6b790641a6a8d21cee8a9e0383/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/artifacts/classification_report.json b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/artifacts/model_params.json b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/artifacts/model_params.json new file mode 100644 index 00000000..7fab194b --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 32, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/meta.yaml b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/meta.yaml new file mode 100644 index 00000000..2ca2f221 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/artifacts +end_time: 1710766462488 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 500bacac512f45b59537989175c2ad05 +run_name: ECG200 +run_uuid: 500bacac512f45b59537989175c2ad05 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766462478 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/accuracy b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/accuracy new file mode 100644 index 00000000..5bcd099a --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/accuracy @@ -0,0 +1 @@ +1710766462482 0.89 0 diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/f1 b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/f1 new file mode 100644 index 00000000..ea47243d --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/f1 @@ -0,0 +1 @@ +1710766462483 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/macro_f1_score b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/macro_f1_score new file mode 100644 index 00000000..af29007f --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766462485 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/precision b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/precision new file mode 100644 index 00000000..02daaed9 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/precision @@ -0,0 +1 @@ +1710766462483 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/recall b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/recall new file mode 100644 index 00000000..2374b54e --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/recall @@ -0,0 +1 @@ +1710766462484 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/support b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/support new file mode 100644 index 00000000..81ab84ba --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/metrics/support @@ -0,0 +1 @@ +1710766462484 100.0 0 diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/epochs b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/lr b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/model_name b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.runName b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.git.commit b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.name b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.type b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.user b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/500bacac512f45b59537989175c2ad05/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/artifacts/classification_report.json b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/artifacts/model_params.json b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/meta.yaml b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/meta.yaml new file mode 100644 index 00000000..75636dd8 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/artifacts +end_time: 1710766788408 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 516a165871d64a4694dbf5e6f78dee17 +run_name: ECG200 +run_uuid: 516a165871d64a4694dbf5e6f78dee17 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766788397 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/accuracy b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/accuracy new file mode 100644 index 00000000..ef768146 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/accuracy @@ -0,0 +1 @@ +1710766788402 0.89 0 diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/f1 b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/f1 new file mode 100644 index 00000000..8c4d8eff --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/f1 @@ -0,0 +1 @@ +1710766788402 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/macro_f1_score b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/macro_f1_score new file mode 100644 index 00000000..b83e1e6b --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766788404 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/precision b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/precision new file mode 100644 index 00000000..1d866b98 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/precision @@ -0,0 +1 @@ +1710766788403 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/recall b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/recall new file mode 100644 index 00000000..26aff4d4 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/recall @@ -0,0 +1 @@ +1710766788403 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/support b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/support new file mode 100644 index 00000000..6f63424f --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/metrics/support @@ -0,0 +1 @@ +1710766788404 100.0 0 diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/epochs b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/lr b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/model_name b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.runName b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.git.commit b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.name b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.type b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.user b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/516a165871d64a4694dbf5e6f78dee17/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/artifacts/classification_report.json b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/artifacts/classification_report.json new file mode 100644 index 00000000..47332f0f --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8709677419354839, + "recall": 0.75, + "f1-score": 0.8059701492537312, + "support": 36 + }, + "1": { + "precision": 0.8695652173913043, + "recall": 0.9375, + "f1-score": 0.9022556390977444, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8702664796633941, + "recall": 0.84375, + "f1-score": 0.8541128941757379, + "support": 100 + }, + "weighted avg": { + "precision": 0.8700701262272089, + "recall": 0.87, + "f1-score": 0.8675928627538997, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/artifacts/model_params.json b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/artifacts/model_params.json new file mode 100644 index 00000000..20347668 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/meta.yaml b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/meta.yaml new file mode 100644 index 00000000..61444fd6 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/artifacts +end_time: 1710766934448 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 53916690c97c450d8af76d3c56496b5c +run_name: ECG200 +run_uuid: 53916690c97c450d8af76d3c56496b5c +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766934437 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/accuracy b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/accuracy new file mode 100644 index 00000000..a49cc50c --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/accuracy @@ -0,0 +1 @@ +1710766934442 0.87 0 diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/f1 b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/f1 new file mode 100644 index 00000000..5c2ef5cd --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/f1 @@ -0,0 +1 @@ +1710766934442 0.8675928627538997 0 diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/macro_f1_score b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/macro_f1_score new file mode 100644 index 00000000..27fa598e --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766934444 0.8541128941757379 0 diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/precision b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/precision new file mode 100644 index 00000000..00b5b1c3 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/precision @@ -0,0 +1 @@ +1710766934443 0.8702664796633941 0 diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/recall b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/recall new file mode 100644 index 00000000..d3d4bbf8 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/recall @@ -0,0 +1 @@ +1710766934443 0.84375 0 diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/support b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/support new file mode 100644 index 00000000..49b1a078 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/metrics/support @@ -0,0 +1 @@ +1710766934444 100.0 0 diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/epochs b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/lr b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/model_name b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.runName b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.git.commit b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.name b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.type b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.user b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/53916690c97c450d8af76d3c56496b5c/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/artifacts/classification_report.json b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/artifacts/classification_report.json new file mode 100644 index 00000000..590acc31 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7083333333333334, + "recall": 0.9444444444444444, + "f1-score": 0.8095238095238096, + "support": 36 + }, + "1": { + "precision": 0.9615384615384616, + "recall": 0.78125, + "f1-score": 0.8620689655172413, + "support": 64 + }, + "accuracy": 0.84, + "macro avg": { + "precision": 0.8349358974358975, + "recall": 0.8628472222222222, + "f1-score": 0.8357963875205254, + "support": 100 + }, + "weighted avg": { + "precision": 0.8703846153846154, + "recall": 0.84, + "f1-score": 0.843152709359606, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/artifacts/model_params.json b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/artifacts/model_params.json new file mode 100644 index 00000000..4144f5d1 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/meta.yaml b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/meta.yaml new file mode 100644 index 00000000..252dd90b --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/artifacts +end_time: 1710766090588 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 55ae1b1f30b4488591d9a27a5c84d13a +run_name: ECG200 +run_uuid: 55ae1b1f30b4488591d9a27a5c84d13a +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766090577 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/accuracy b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/accuracy new file mode 100644 index 00000000..5ecebe31 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/accuracy @@ -0,0 +1 @@ +1710766090582 0.84 0 diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/f1 b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/f1 new file mode 100644 index 00000000..f8e89a2d --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/f1 @@ -0,0 +1 @@ +1710766090583 0.843152709359606 0 diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/macro_f1_score b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/macro_f1_score new file mode 100644 index 00000000..940ccbd1 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766090585 0.8357963875205254 0 diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/precision b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/precision new file mode 100644 index 00000000..79e07305 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/precision @@ -0,0 +1 @@ +1710766090583 0.8349358974358975 0 diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/recall b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/recall new file mode 100644 index 00000000..6b92b970 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/recall @@ -0,0 +1 @@ +1710766090584 0.8628472222222222 0 diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/support b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/support new file mode 100644 index 00000000..ca51d060 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/metrics/support @@ -0,0 +1 @@ +1710766090584 100.0 0 diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/epochs b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/lr b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/model_name b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.runName b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.git.commit b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.name b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.type b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.user b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/55ae1b1f30b4488591d9a27a5c84d13a/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/artifacts/classification_report.json b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/artifacts/classification_report.json new file mode 100644 index 00000000..87bb94ee --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7441860465116279, + "recall": 0.8888888888888888, + "f1-score": 0.8101265822784809, + "support": 36 + }, + "1": { + "precision": 0.9298245614035088, + "recall": 0.828125, + "f1-score": 0.8760330578512396, + "support": 64 + }, + "accuracy": 0.85, + "macro avg": { + "precision": 0.8370053039575683, + "recall": 0.8585069444444444, + "f1-score": 0.8430798200648603, + "support": 100 + }, + "weighted avg": { + "precision": 0.8629946960424317, + "recall": 0.85, + "f1-score": 0.8523067266450465, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/artifacts/model_params.json b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/artifacts/model_params.json new file mode 100644 index 00000000..a8ab2bc7 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 128, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/meta.yaml b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/meta.yaml new file mode 100644 index 00000000..b19b43a3 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/artifacts +end_time: 1710766583124 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 57d9f10c79bc48cabd31461edddba70d +run_name: ECG200 +run_uuid: 57d9f10c79bc48cabd31461edddba70d +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766583114 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/accuracy b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/accuracy new file mode 100644 index 00000000..c3a20729 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/accuracy @@ -0,0 +1 @@ +1710766583118 0.85 0 diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/f1 b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/f1 new file mode 100644 index 00000000..da3fc6b2 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/f1 @@ -0,0 +1 @@ +1710766583119 0.8523067266450465 0 diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/macro_f1_score b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/macro_f1_score new file mode 100644 index 00000000..8de83c21 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766583121 0.8430798200648603 0 diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/precision b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/precision new file mode 100644 index 00000000..7d533407 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/precision @@ -0,0 +1 @@ +1710766583119 0.8370053039575683 0 diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/recall b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/recall new file mode 100644 index 00000000..7930fa25 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/recall @@ -0,0 +1 @@ +1710766583120 0.8585069444444444 0 diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/support b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/support new file mode 100644 index 00000000..34c2c582 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/metrics/support @@ -0,0 +1 @@ +1710766583120 100.0 0 diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/epochs b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/lr b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/model_name b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.runName b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.git.commit b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.name b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.type b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.user b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/57d9f10c79bc48cabd31461edddba70d/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/artifacts/classification_report.json b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/artifacts/classification_report.json new file mode 100644 index 00000000..90f6a133 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8157894736842105, + "recall": 0.8611111111111112, + "f1-score": 0.8378378378378377, + "support": 36 + }, + "1": { + "precision": 0.9193548387096774, + "recall": 0.890625, + "f1-score": 0.9047619047619047, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8675721561969439, + "recall": 0.8758680555555556, + "f1-score": 0.8712998712998712, + "support": 100 + }, + "weighted avg": { + "precision": 0.8820713073005093, + "recall": 0.88, + "f1-score": 0.8806692406692406, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/artifacts/model_params.json b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/artifacts/model_params.json new file mode 100644 index 00000000..deca6dad --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 128, + "ks": 40, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/meta.yaml b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/meta.yaml new file mode 100644 index 00000000..01cc843d --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/artifacts +end_time: 1710766059830 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 58b1e3ce3a604454bb4da05b926b6999 +run_name: ECG200 +run_uuid: 58b1e3ce3a604454bb4da05b926b6999 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766059819 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/accuracy b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/accuracy new file mode 100644 index 00000000..bd5c249c --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/accuracy @@ -0,0 +1 @@ +1710766059823 0.88 0 diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/f1 b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/f1 new file mode 100644 index 00000000..28c4516e --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/f1 @@ -0,0 +1 @@ +1710766059824 0.8806692406692406 0 diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/macro_f1_score b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/macro_f1_score new file mode 100644 index 00000000..46250f56 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766059826 0.8712998712998712 0 diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/precision b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/precision new file mode 100644 index 00000000..c04209bc --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/precision @@ -0,0 +1 @@ +1710766059824 0.8675721561969439 0 diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/recall b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/recall new file mode 100644 index 00000000..90dc1473 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/recall @@ -0,0 +1 @@ +1710766059825 0.8758680555555556 0 diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/support b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/support new file mode 100644 index 00000000..9a78b7bb --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/metrics/support @@ -0,0 +1 @@ +1710766059825 100.0 0 diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/epochs b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/lr b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/model_name b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.runName b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.git.commit b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.name b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.type b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.user b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/58b1e3ce3a604454bb4da05b926b6999/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/artifacts/classification_report.json b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/artifacts/classification_report.json new file mode 100644 index 00000000..0b58a638 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8461538461538461, + "recall": 0.9166666666666666, + "f1-score": 0.8799999999999999, + "support": 36 + }, + "1": { + "precision": 0.9508196721311475, + "recall": 0.90625, + "f1-score": 0.9279999999999999, + "support": 64 + }, + "accuracy": 0.91, + "macro avg": { + "precision": 0.8984867591424968, + "recall": 0.9114583333333333, + "f1-score": 0.9039999999999999, + "support": 100 + }, + "weighted avg": { + "precision": 0.9131399747793191, + "recall": 0.91, + "f1-score": 0.9107199999999999, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/artifacts/model_params.json b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/artifacts/model_params.json new file mode 100644 index 00000000..d9a25e17 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/meta.yaml b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/meta.yaml new file mode 100644 index 00000000..f0609c55 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/artifacts +end_time: 1710767005899 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 59c3b69fc19545b7b2f545433806e610 +run_name: ECG200 +run_uuid: 59c3b69fc19545b7b2f545433806e610 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710767005888 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/accuracy b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/accuracy new file mode 100644 index 00000000..1c04dcc3 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/accuracy @@ -0,0 +1 @@ +1710767005892 0.91 0 diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/f1 b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/f1 new file mode 100644 index 00000000..92c95e4d --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/f1 @@ -0,0 +1 @@ +1710767005893 0.9107199999999999 0 diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/macro_f1_score b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/macro_f1_score new file mode 100644 index 00000000..47dcb4aa --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/macro_f1_score @@ -0,0 +1 @@ +1710767005895 0.9039999999999999 0 diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/precision b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/precision new file mode 100644 index 00000000..4723e615 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/precision @@ -0,0 +1 @@ +1710767005893 0.8984867591424968 0 diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/recall b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/recall new file mode 100644 index 00000000..ec09655a --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/recall @@ -0,0 +1 @@ +1710767005894 0.9114583333333333 0 diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/support b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/support new file mode 100644 index 00000000..b8a5b5e7 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/metrics/support @@ -0,0 +1 @@ +1710767005894 100.0 0 diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/epochs b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/lr b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/model_name b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.runName b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.git.commit b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.name b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.type b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.user b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/59c3b69fc19545b7b2f545433806e610/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/artifacts/classification_report.json b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/artifacts/classification_report.json new file mode 100644 index 00000000..21fe7995 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7894736842105263, + "recall": 0.8333333333333334, + "f1-score": 0.8108108108108109, + "support": 36 + }, + "1": { + "precision": 0.9032258064516129, + "recall": 0.875, + "f1-score": 0.8888888888888888, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8463497453310695, + "recall": 0.8541666666666667, + "f1-score": 0.8498498498498499, + "support": 100 + }, + "weighted avg": { + "precision": 0.8622750424448218, + "recall": 0.86, + "f1-score": 0.8607807807807808, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/artifacts/model_params.json b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/artifacts/model_params.json new file mode 100644 index 00000000..deca6dad --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 128, + "ks": 40, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/meta.yaml b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/meta.yaml new file mode 100644 index 00000000..1468cc86 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/artifacts +end_time: 1710766067953 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 5a3dd717a6084110ba5765a6671d6520 +run_name: ECG200 +run_uuid: 5a3dd717a6084110ba5765a6671d6520 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766067943 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/accuracy b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/accuracy new file mode 100644 index 00000000..35aa654c --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/accuracy @@ -0,0 +1 @@ +1710766067947 0.86 0 diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/f1 b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/f1 new file mode 100644 index 00000000..3cf769c3 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/f1 @@ -0,0 +1 @@ +1710766067947 0.8607807807807808 0 diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/macro_f1_score b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/macro_f1_score new file mode 100644 index 00000000..e446f27a --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766067949 0.8498498498498499 0 diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/precision b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/precision new file mode 100644 index 00000000..853001d1 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/precision @@ -0,0 +1 @@ +1710766067948 0.8463497453310695 0 diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/recall b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/recall new file mode 100644 index 00000000..acadb920 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/recall @@ -0,0 +1 @@ +1710766067948 0.8541666666666667 0 diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/support b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/support new file mode 100644 index 00000000..7262f615 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/metrics/support @@ -0,0 +1 @@ +1710766067949 100.0 0 diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/epochs b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/lr b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/model_name b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.runName b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.git.commit b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.name b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.type b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.user b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/5a3dd717a6084110ba5765a6671d6520/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/artifacts/classification_report.json b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/artifacts/classification_report.json new file mode 100644 index 00000000..97dd91a3 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.875, + "recall": 0.7777777777777778, + "f1-score": 0.823529411764706, + "support": 36 + }, + "1": { + "precision": 0.8823529411764706, + "recall": 0.9375, + "f1-score": 0.9090909090909091, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8786764705882353, + "recall": 0.8576388888888888, + "f1-score": 0.8663101604278075, + "support": 100 + }, + "weighted avg": { + "precision": 0.8797058823529411, + "recall": 0.88, + "f1-score": 0.8782887700534759, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/artifacts/model_params.json b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/artifacts/model_params.json new file mode 100644 index 00000000..65a053b0 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/meta.yaml b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/meta.yaml new file mode 100644 index 00000000..78eb7547 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/618eb069afe64c658223c62734899775/artifacts +end_time: 1710766202990 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 618eb069afe64c658223c62734899775 +run_name: ECG200 +run_uuid: 618eb069afe64c658223c62734899775 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766202980 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/accuracy b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/accuracy new file mode 100644 index 00000000..26839b06 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/accuracy @@ -0,0 +1 @@ +1710766202984 0.88 0 diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/f1 b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/f1 new file mode 100644 index 00000000..d2ffb3af --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/f1 @@ -0,0 +1 @@ +1710766202985 0.8782887700534759 0 diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/macro_f1_score b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/macro_f1_score new file mode 100644 index 00000000..70727b8a --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766202986 0.8663101604278075 0 diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/precision b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/precision new file mode 100644 index 00000000..e02a0ea9 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/precision @@ -0,0 +1 @@ +1710766202985 0.8786764705882353 0 diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/recall b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/recall new file mode 100644 index 00000000..ca63db24 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/recall @@ -0,0 +1 @@ +1710766202985 0.8576388888888888 0 diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/support b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/support new file mode 100644 index 00000000..d05289c1 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/metrics/support @@ -0,0 +1 @@ +1710766202986 100.0 0 diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/epochs b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/lr b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/model_name b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.runName b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.git.commit b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.name b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.type b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.user b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/618eb069afe64c658223c62734899775/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/artifacts/classification_report.json b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/artifacts/classification_report.json new file mode 100644 index 00000000..24137d87 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.6956521739130435, + "recall": 0.8888888888888888, + "f1-score": 0.7804878048780488, + "support": 36 + }, + "1": { + "precision": 0.9259259259259259, + "recall": 0.78125, + "f1-score": 0.847457627118644, + "support": 64 + }, + "accuracy": 0.82, + "macro avg": { + "precision": 0.8107890499194848, + "recall": 0.8350694444444444, + "f1-score": 0.8139727159983464, + "support": 100 + }, + "weighted avg": { + "precision": 0.8430273752012883, + "recall": 0.82, + "f1-score": 0.8233484911120297, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/artifacts/model_params.json b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/meta.yaml b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/meta.yaml new file mode 100644 index 00000000..46319357 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/artifacts +end_time: 1710766288185 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 6353f4b7a19c4924bcc41c6b811e54e1 +run_name: ECG200 +run_uuid: 6353f4b7a19c4924bcc41c6b811e54e1 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766288175 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/accuracy b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/accuracy new file mode 100644 index 00000000..71103dab --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/accuracy @@ -0,0 +1 @@ +1710766288179 0.82 0 diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/f1 b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/f1 new file mode 100644 index 00000000..a2a89fb1 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/f1 @@ -0,0 +1 @@ +1710766288180 0.8233484911120297 0 diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/macro_f1_score b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/macro_f1_score new file mode 100644 index 00000000..462e2b68 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766288181 0.8139727159983464 0 diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/precision b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/precision new file mode 100644 index 00000000..36e55871 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/precision @@ -0,0 +1 @@ +1710766288180 0.8107890499194848 0 diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/recall b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/recall new file mode 100644 index 00000000..62170fb2 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/recall @@ -0,0 +1 @@ +1710766288180 0.8350694444444444 0 diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/support b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/support new file mode 100644 index 00000000..f7b2b580 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/metrics/support @@ -0,0 +1 @@ +1710766288181 100.0 0 diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/epochs b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/lr b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/model_name b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.runName b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.git.commit b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.name b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.type b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.user b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/6353f4b7a19c4924bcc41c6b811e54e1/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/artifacts/classification_report.json b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/artifacts/classification_report.json new file mode 100644 index 00000000..829d5186 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.6481481481481481, + "recall": 0.9722222222222222, + "f1-score": 0.7777777777777778, + "support": 36 + }, + "1": { + "precision": 0.9782608695652174, + "recall": 0.703125, + "f1-score": 0.8181818181818182, + "support": 64 + }, + "accuracy": 0.8, + "macro avg": { + "precision": 0.8132045088566828, + "recall": 0.8376736111111112, + "f1-score": 0.797979797979798, + "support": 100 + }, + "weighted avg": { + "precision": 0.8594202898550725, + "recall": 0.8, + "f1-score": 0.8036363636363637, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/artifacts/model_params.json b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/artifacts/model_params.json new file mode 100644 index 00000000..775cfd62 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/meta.yaml b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/meta.yaml new file mode 100644 index 00000000..96397cf3 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/artifacts +end_time: 1710766120206 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 6533909b926d4f13b6b4fabd64b345f4 +run_name: ECG200 +run_uuid: 6533909b926d4f13b6b4fabd64b345f4 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766120194 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/accuracy b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/accuracy new file mode 100644 index 00000000..c6d80d28 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/accuracy @@ -0,0 +1 @@ +1710766120200 0.8 0 diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/f1 b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/f1 new file mode 100644 index 00000000..ca09064a --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/f1 @@ -0,0 +1 @@ +1710766120200 0.8036363636363637 0 diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/macro_f1_score b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/macro_f1_score new file mode 100644 index 00000000..1364b069 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766120202 0.797979797979798 0 diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/precision b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/precision new file mode 100644 index 00000000..b1a3aabc --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/precision @@ -0,0 +1 @@ +1710766120201 0.8132045088566828 0 diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/recall b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/recall new file mode 100644 index 00000000..71fb49f8 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/recall @@ -0,0 +1 @@ +1710766120201 0.8376736111111112 0 diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/support b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/support new file mode 100644 index 00000000..8db7b22f --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/metrics/support @@ -0,0 +1 @@ +1710766120202 100.0 0 diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/epochs b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/lr b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/model_name b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.runName b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.git.commit b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.name b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.type b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.user b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/6533909b926d4f13b6b4fabd64b345f4/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/artifacts/classification_report.json b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/artifacts/classification_report.json new file mode 100644 index 00000000..90f6a133 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8157894736842105, + "recall": 0.8611111111111112, + "f1-score": 0.8378378378378377, + "support": 36 + }, + "1": { + "precision": 0.9193548387096774, + "recall": 0.890625, + "f1-score": 0.9047619047619047, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8675721561969439, + "recall": 0.8758680555555556, + "f1-score": 0.8712998712998712, + "support": 100 + }, + "weighted avg": { + "precision": 0.8820713073005093, + "recall": 0.88, + "f1-score": 0.8806692406692406, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/artifacts/model_params.json b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/artifacts/model_params.json new file mode 100644 index 00000000..7fab194b --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 32, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/meta.yaml b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/meta.yaml new file mode 100644 index 00000000..41867a84 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/artifacts +end_time: 1710766481296 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 69c3e21ab8a34b8580aaccabab2dbd70 +run_name: ECG200 +run_uuid: 69c3e21ab8a34b8580aaccabab2dbd70 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766481286 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/accuracy b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/accuracy new file mode 100644 index 00000000..ff01fb4c --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/accuracy @@ -0,0 +1 @@ +1710766481290 0.88 0 diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/f1 b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/f1 new file mode 100644 index 00000000..d2bc9507 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/f1 @@ -0,0 +1 @@ +1710766481291 0.8806692406692406 0 diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/macro_f1_score b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/macro_f1_score new file mode 100644 index 00000000..d386187d --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766481293 0.8712998712998712 0 diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/precision b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/precision new file mode 100644 index 00000000..0ace6072 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/precision @@ -0,0 +1 @@ +1710766481291 0.8675721561969439 0 diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/recall b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/recall new file mode 100644 index 00000000..4ca5f63e --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/recall @@ -0,0 +1 @@ +1710766481292 0.8758680555555556 0 diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/support b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/support new file mode 100644 index 00000000..398b4170 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/metrics/support @@ -0,0 +1 @@ +1710766481292 100.0 0 diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/epochs b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/lr b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/model_name b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.runName b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.git.commit b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.name b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.type b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.user b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/69c3e21ab8a34b8580aaccabab2dbd70/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/artifacts/classification_report.json b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/artifacts/classification_report.json new file mode 100644 index 00000000..f1bea6e5 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.896551724137931, + "recall": 0.7222222222222222, + "f1-score": 0.7999999999999999, + "support": 36 + }, + "1": { + "precision": 0.8591549295774648, + "recall": 0.953125, + "f1-score": 0.9037037037037037, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8778533268576979, + "recall": 0.8376736111111112, + "f1-score": 0.8518518518518519, + "support": 100 + }, + "weighted avg": { + "precision": 0.8726177756192325, + "recall": 0.87, + "f1-score": 0.8663703703703703, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/artifacts/model_params.json b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/artifacts/model_params.json new file mode 100644 index 00000000..d9a25e17 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/meta.yaml b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/meta.yaml new file mode 100644 index 00000000..6f766260 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/artifacts +end_time: 1710767022601 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 6c5b8c90d8a14eaca5b2910f509e579e +run_name: ECG200 +run_uuid: 6c5b8c90d8a14eaca5b2910f509e579e +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710767022589 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/accuracy b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/accuracy new file mode 100644 index 00000000..ce786aee --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/accuracy @@ -0,0 +1 @@ +1710767022595 0.87 0 diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/f1 b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/f1 new file mode 100644 index 00000000..9d433d66 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/f1 @@ -0,0 +1 @@ +1710767022595 0.8663703703703703 0 diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/macro_f1_score b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/macro_f1_score new file mode 100644 index 00000000..69d29075 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/macro_f1_score @@ -0,0 +1 @@ +1710767022597 0.8518518518518519 0 diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/precision b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/precision new file mode 100644 index 00000000..6fc69b91 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/precision @@ -0,0 +1 @@ +1710767022596 0.8778533268576979 0 diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/recall b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/recall new file mode 100644 index 00000000..493afbaa --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/recall @@ -0,0 +1 @@ +1710767022596 0.8376736111111112 0 diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/support b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/support new file mode 100644 index 00000000..171325fd --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/metrics/support @@ -0,0 +1 @@ +1710767022597 100.0 0 diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/epochs b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/lr b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/model_name b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.runName b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.git.commit b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.name b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.type b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.user b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/6c5b8c90d8a14eaca5b2910f509e579e/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/artifacts/classification_report.json b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/artifacts/classification_report.json new file mode 100644 index 00000000..0a258b6f --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8421052631578947, + "recall": 0.8888888888888888, + "f1-score": 0.8648648648648649, + "support": 36 + }, + "1": { + "precision": 0.9354838709677419, + "recall": 0.90625, + "f1-score": 0.9206349206349206, + "support": 64 + }, + "accuracy": 0.9, + "macro avg": { + "precision": 0.8887945670628183, + "recall": 0.8975694444444444, + "f1-score": 0.8927498927498927, + "support": 100 + }, + "weighted avg": { + "precision": 0.901867572156197, + "recall": 0.9, + "f1-score": 0.9005577005577006, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/artifacts/model_params.json b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/meta.yaml b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/meta.yaml new file mode 100644 index 00000000..9f063a7b --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/artifacts +end_time: 1710766802158 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 6e356ebe9a10455ba9b6dc3e4d6a67cb +run_name: ECG200 +run_uuid: 6e356ebe9a10455ba9b6dc3e4d6a67cb +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766802147 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/accuracy b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/accuracy new file mode 100644 index 00000000..7d21986f --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/accuracy @@ -0,0 +1 @@ +1710766802152 0.9 0 diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/f1 b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/f1 new file mode 100644 index 00000000..06be107c --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/f1 @@ -0,0 +1 @@ +1710766802152 0.9005577005577006 0 diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/macro_f1_score b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/macro_f1_score new file mode 100644 index 00000000..e5867de1 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766802154 0.8927498927498927 0 diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/precision b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/precision new file mode 100644 index 00000000..a619ac48 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/precision @@ -0,0 +1 @@ +1710766802153 0.8887945670628183 0 diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/recall b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/recall new file mode 100644 index 00000000..75a41b0e --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/recall @@ -0,0 +1 @@ +1710766802153 0.8975694444444444 0 diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/support b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/support new file mode 100644 index 00000000..986ecefa --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/metrics/support @@ -0,0 +1 @@ +1710766802154 100.0 0 diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/epochs b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/lr b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/model_name b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.runName b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.git.commit b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.name b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.type b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.user b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/6e356ebe9a10455ba9b6dc3e4d6a67cb/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/artifacts/classification_report.json b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/artifacts/model_params.json b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/meta.yaml b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/meta.yaml new file mode 100644 index 00000000..2c254733 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/artifacts +end_time: 1710767097846 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 6fda35d4e07843878110d653f9020b34 +run_name: ECG200 +run_uuid: 6fda35d4e07843878110d653f9020b34 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710767097834 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/accuracy b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/accuracy new file mode 100644 index 00000000..c06a0586 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/accuracy @@ -0,0 +1 @@ +1710767097839 0.89 0 diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/f1 b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/f1 new file mode 100644 index 00000000..369897d5 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/f1 @@ -0,0 +1 @@ +1710767097840 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/macro_f1_score b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/macro_f1_score new file mode 100644 index 00000000..bd62da2a --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/macro_f1_score @@ -0,0 +1 @@ +1710767097842 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/precision b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/precision new file mode 100644 index 00000000..6b442ca5 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/precision @@ -0,0 +1 @@ +1710767097840 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/recall b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/recall new file mode 100644 index 00000000..3d0ea884 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/recall @@ -0,0 +1 @@ +1710767097841 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/support b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/support new file mode 100644 index 00000000..9657748a --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/metrics/support @@ -0,0 +1 @@ +1710767097841 100.0 0 diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/epochs b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/lr b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/model_name b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.runName b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.git.commit b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.name b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.type b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.user b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/6fda35d4e07843878110d653f9020b34/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/artifacts/classification_report.json b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/artifacts/classification_report.json new file mode 100644 index 00000000..02c71616 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7619047619047619, + "recall": 0.8888888888888888, + "f1-score": 0.8205128205128205, + "support": 36 + }, + "1": { + "precision": 0.9310344827586207, + "recall": 0.84375, + "f1-score": 0.8852459016393444, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8464696223316912, + "recall": 0.8663194444444444, + "f1-score": 0.8528793610760824, + "support": 100 + }, + "weighted avg": { + "precision": 0.8701477832512314, + "recall": 0.86, + "f1-score": 0.8619419924337958, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/artifacts/model_params.json b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/meta.yaml b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/meta.yaml new file mode 100644 index 00000000..75fb4b4a --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/artifacts +end_time: 1710766165952 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 788e0e35d00c4b2d85755bc56d8086a7 +run_name: ECG200 +run_uuid: 788e0e35d00c4b2d85755bc56d8086a7 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766165942 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/accuracy b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/accuracy new file mode 100644 index 00000000..b53adf5e --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/accuracy @@ -0,0 +1 @@ +1710766165946 0.86 0 diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/f1 b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/f1 new file mode 100644 index 00000000..dc79c24b --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/f1 @@ -0,0 +1 @@ +1710766165947 0.8619419924337958 0 diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/macro_f1_score b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/macro_f1_score new file mode 100644 index 00000000..2b625ba3 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766165948 0.8528793610760824 0 diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/precision b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/precision new file mode 100644 index 00000000..44eaac52 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/precision @@ -0,0 +1 @@ +1710766165947 0.8464696223316912 0 diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/recall b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/recall new file mode 100644 index 00000000..37d9368f --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/recall @@ -0,0 +1 @@ +1710766165947 0.8663194444444444 0 diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/support b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/support new file mode 100644 index 00000000..40591538 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/metrics/support @@ -0,0 +1 @@ +1710766165948 100.0 0 diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/epochs b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/lr b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/model_name b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.runName b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.git.commit b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.name b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.type b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.user b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/788e0e35d00c4b2d85755bc56d8086a7/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/artifacts/classification_report.json b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/artifacts/classification_report.json new file mode 100644 index 00000000..1c773a6d --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7555555555555555, + "recall": 0.9444444444444444, + "f1-score": 0.8395061728395062, + "support": 36 + }, + "1": { + "precision": 0.9636363636363636, + "recall": 0.828125, + "f1-score": 0.8907563025210083, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8595959595959596, + "recall": 0.8862847222222222, + "f1-score": 0.8651312376802573, + "support": 100 + }, + "weighted avg": { + "precision": 0.8887272727272727, + "recall": 0.87, + "f1-score": 0.8723062558356677, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/artifacts/model_params.json b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/artifacts/model_params.json new file mode 100644 index 00000000..775cfd62 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/meta.yaml b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/meta.yaml new file mode 100644 index 00000000..48a878b1 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/artifacts +end_time: 1710766105595 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 7b28e8713ce541ed82e73352f1cd8037 +run_name: ECG200 +run_uuid: 7b28e8713ce541ed82e73352f1cd8037 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766105584 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/accuracy b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/accuracy new file mode 100644 index 00000000..dcc4f109 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/accuracy @@ -0,0 +1 @@ +1710766105589 0.87 0 diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/f1 b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/f1 new file mode 100644 index 00000000..fdeef09c --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/f1 @@ -0,0 +1 @@ +1710766105590 0.8723062558356677 0 diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/macro_f1_score b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/macro_f1_score new file mode 100644 index 00000000..706bd087 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766105591 0.8651312376802573 0 diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/precision b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/precision new file mode 100644 index 00000000..4ee7cebf --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/precision @@ -0,0 +1 @@ +1710766105590 0.8595959595959596 0 diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/recall b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/recall new file mode 100644 index 00000000..3e74ddda --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/recall @@ -0,0 +1 @@ +1710766105590 0.8862847222222222 0 diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/support b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/support new file mode 100644 index 00000000..044ed2a4 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/metrics/support @@ -0,0 +1 @@ +1710766105591 100.0 0 diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/epochs b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/lr b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/model_name b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.runName b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.git.commit b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.name b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.type b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.user b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/7b28e8713ce541ed82e73352f1cd8037/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/artifacts/classification_report.json b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/artifacts/classification_report.json new file mode 100644 index 00000000..bdc58c33 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8, + "recall": 0.8888888888888888, + "f1-score": 0.8421052631578948, + "support": 36 + }, + "1": { + "precision": 0.9333333333333333, + "recall": 0.875, + "f1-score": 0.9032258064516129, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8666666666666667, + "recall": 0.8819444444444444, + "f1-score": 0.8726655348047538, + "support": 100 + }, + "weighted avg": { + "precision": 0.8853333333333333, + "recall": 0.88, + "f1-score": 0.8812224108658744, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/artifacts/model_params.json b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/meta.yaml b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/meta.yaml new file mode 100644 index 00000000..1c71a51c --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/artifacts +end_time: 1710766392851 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 81daae0189864924a54df0a69118c876 +run_name: ECG200 +run_uuid: 81daae0189864924a54df0a69118c876 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766392841 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/accuracy b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/accuracy new file mode 100644 index 00000000..0cfe1e5d --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/accuracy @@ -0,0 +1 @@ +1710766392845 0.88 0 diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/f1 b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/f1 new file mode 100644 index 00000000..51634ebe --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/f1 @@ -0,0 +1 @@ +1710766392846 0.8812224108658744 0 diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/macro_f1_score b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/macro_f1_score new file mode 100644 index 00000000..cde262eb --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766392848 0.8726655348047538 0 diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/precision b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/precision new file mode 100644 index 00000000..1679de2a --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/precision @@ -0,0 +1 @@ +1710766392846 0.8666666666666667 0 diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/recall b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/recall new file mode 100644 index 00000000..9bd4789a --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/recall @@ -0,0 +1 @@ +1710766392847 0.8819444444444444 0 diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/support b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/support new file mode 100644 index 00000000..4628a469 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/metrics/support @@ -0,0 +1 @@ +1710766392847 100.0 0 diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/epochs b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/lr b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/model_name b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.runName b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.git.commit b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.name b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.type b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.user b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/81daae0189864924a54df0a69118c876/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/artifacts/classification_report.json b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/artifacts/classification_report.json new file mode 100644 index 00000000..d7c89ff5 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7948717948717948, + "recall": 0.8611111111111112, + "f1-score": 0.8266666666666667, + "support": 36 + }, + "1": { + "precision": 0.9180327868852459, + "recall": 0.875, + "f1-score": 0.8959999999999999, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8564522908785204, + "recall": 0.8680555555555556, + "f1-score": 0.8613333333333333, + "support": 100 + }, + "weighted avg": { + "precision": 0.8736948297604036, + "recall": 0.87, + "f1-score": 0.8710399999999998, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/artifacts/model_params.json b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/artifacts/model_params.json new file mode 100644 index 00000000..729a025e --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 64, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/meta.yaml b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/meta.yaml new file mode 100644 index 00000000..790a00d8 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/artifacts +end_time: 1710765983660 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 89b85fd4f5b84dd784610e7462154bcc +run_name: ECG200 +run_uuid: 89b85fd4f5b84dd784610e7462154bcc +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765983650 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/accuracy b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/accuracy new file mode 100644 index 00000000..326ad6a5 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/accuracy @@ -0,0 +1 @@ +1710765983654 0.87 0 diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/f1 b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/f1 new file mode 100644 index 00000000..e109f4a7 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/f1 @@ -0,0 +1 @@ +1710765983654 0.8710399999999998 0 diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/macro_f1_score b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/macro_f1_score new file mode 100644 index 00000000..5b6b5bd1 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765983656 0.8613333333333333 0 diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/precision b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/precision new file mode 100644 index 00000000..f6c884e8 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/precision @@ -0,0 +1 @@ +1710765983655 0.8564522908785204 0 diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/recall b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/recall new file mode 100644 index 00000000..8fbed1e1 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/recall @@ -0,0 +1 @@ +1710765983655 0.8680555555555556 0 diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/support b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/support new file mode 100644 index 00000000..08d5eaa3 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/metrics/support @@ -0,0 +1 @@ +1710765983656 100.0 0 diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/epochs b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/lr b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/model_name b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.runName b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.git.commit b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.name b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.type b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.user b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/89b85fd4f5b84dd784610e7462154bcc/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/artifacts/classification_report.json b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/artifacts/classification_report.json new file mode 100644 index 00000000..84ecad05 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8064516129032258, + "recall": 0.6944444444444444, + "f1-score": 0.746268656716418, + "support": 36 + }, + "1": { + "precision": 0.8405797101449275, + "recall": 0.90625, + "f1-score": 0.8721804511278196, + "support": 64 + }, + "accuracy": 0.83, + "macro avg": { + "precision": 0.8235156615240766, + "recall": 0.8003472222222222, + "f1-score": 0.8092245539221188, + "support": 100 + }, + "weighted avg": { + "precision": 0.8282935951379149, + "recall": 0.83, + "f1-score": 0.826852205139715, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/artifacts/model_params.json b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/artifacts/model_params.json new file mode 100644 index 00000000..85e1770f --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 16, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/meta.yaml b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/meta.yaml new file mode 100644 index 00000000..db46ef28 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/artifacts +end_time: 1710766005950 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 8d5249ccf8e2477d8b1736aa2d3eba8b +run_name: ECG200 +run_uuid: 8d5249ccf8e2477d8b1736aa2d3eba8b +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766005941 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/accuracy b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/accuracy new file mode 100644 index 00000000..8d37189d --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/accuracy @@ -0,0 +1 @@ +1710766005945 0.83 0 diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/f1 b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/f1 new file mode 100644 index 00000000..68bfb24f --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/f1 @@ -0,0 +1 @@ +1710766005945 0.826852205139715 0 diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/macro_f1_score b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/macro_f1_score new file mode 100644 index 00000000..b84a4b40 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766005947 0.8092245539221188 0 diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/precision b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/precision new file mode 100644 index 00000000..d6d215cc --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/precision @@ -0,0 +1 @@ +1710766005946 0.8235156615240766 0 diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/recall b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/recall new file mode 100644 index 00000000..fa5c88dd --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/recall @@ -0,0 +1 @@ +1710766005946 0.8003472222222222 0 diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/support b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/support new file mode 100644 index 00000000..aa94fd30 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/metrics/support @@ -0,0 +1 @@ +1710766005947 100.0 0 diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/epochs b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/lr b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/model_name b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.runName b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.git.commit b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.name b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.type b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.user b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/8d5249ccf8e2477d8b1736aa2d3eba8b/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/artifacts/classification_report.json b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/artifacts/classification_report.json new file mode 100644 index 00000000..33b525e4 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8333333333333334, + "recall": 0.8333333333333334, + "f1-score": 0.8333333333333334, + "support": 36 + }, + "1": { + "precision": 0.90625, + "recall": 0.90625, + "f1-score": 0.90625, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8697916666666667, + "recall": 0.8697916666666667, + "f1-score": 0.8697916666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.88, + "recall": 0.88, + "f1-score": 0.88, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/artifacts/model_params.json b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/artifacts/model_params.json new file mode 100644 index 00000000..7fab194b --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 32, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/meta.yaml b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/meta.yaml new file mode 100644 index 00000000..d19c7742 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/artifacts +end_time: 1710766500248 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 8ddbb97f46544e1299f1bb5c94ebd5ff +run_name: ECG200 +run_uuid: 8ddbb97f46544e1299f1bb5c94ebd5ff +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766500238 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/accuracy b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/accuracy new file mode 100644 index 00000000..f46d0836 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/accuracy @@ -0,0 +1 @@ +1710766500242 0.88 0 diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/f1 b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/f1 new file mode 100644 index 00000000..1d6676af --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/f1 @@ -0,0 +1 @@ +1710766500243 0.88 0 diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/macro_f1_score b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/macro_f1_score new file mode 100644 index 00000000..9217daa1 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766500245 0.8697916666666667 0 diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/precision b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/precision new file mode 100644 index 00000000..2610b019 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/precision @@ -0,0 +1 @@ +1710766500243 0.8697916666666667 0 diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/recall b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/recall new file mode 100644 index 00000000..ad691e99 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/recall @@ -0,0 +1 @@ +1710766500244 0.8697916666666667 0 diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/support b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/support new file mode 100644 index 00000000..31eaa21f --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/metrics/support @@ -0,0 +1 @@ +1710766500244 100.0 0 diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/epochs b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/lr b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/model_name b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.runName b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.git.commit b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.name b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.type b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.user b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/8ddbb97f46544e1299f1bb5c94ebd5ff/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/artifacts/classification_report.json b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/artifacts/classification_report.json new file mode 100644 index 00000000..0a258b6f --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8421052631578947, + "recall": 0.8888888888888888, + "f1-score": 0.8648648648648649, + "support": 36 + }, + "1": { + "precision": 0.9354838709677419, + "recall": 0.90625, + "f1-score": 0.9206349206349206, + "support": 64 + }, + "accuracy": 0.9, + "macro avg": { + "precision": 0.8887945670628183, + "recall": 0.8975694444444444, + "f1-score": 0.8927498927498927, + "support": 100 + }, + "weighted avg": { + "precision": 0.901867572156197, + "recall": 0.9, + "f1-score": 0.9005577005577006, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/artifacts/model_params.json b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/meta.yaml b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/meta.yaml new file mode 100644 index 00000000..bf06e247 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/artifacts +end_time: 1710766701426 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 90dbccd98a794434899917af60f95016 +run_name: ECG200 +run_uuid: 90dbccd98a794434899917af60f95016 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766701415 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/accuracy b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/accuracy new file mode 100644 index 00000000..01ea7cf0 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/accuracy @@ -0,0 +1 @@ +1710766701420 0.9 0 diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/f1 b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/f1 new file mode 100644 index 00000000..835b9f96 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/f1 @@ -0,0 +1 @@ +1710766701420 0.9005577005577006 0 diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/macro_f1_score b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/macro_f1_score new file mode 100644 index 00000000..c69bee42 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766701422 0.8927498927498927 0 diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/precision b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/precision new file mode 100644 index 00000000..1bf70f39 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/precision @@ -0,0 +1 @@ +1710766701421 0.8887945670628183 0 diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/recall b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/recall new file mode 100644 index 00000000..131b6788 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/recall @@ -0,0 +1 @@ +1710766701421 0.8975694444444444 0 diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/support b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/support new file mode 100644 index 00000000..934ccb9d --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/metrics/support @@ -0,0 +1 @@ +1710766701422 100.0 0 diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/epochs b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/lr b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/model_name b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.runName b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.git.commit b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.name b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.type b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.user b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/90dbccd98a794434899917af60f95016/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/artifacts/classification_report.json b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/artifacts/classification_report.json new file mode 100644 index 00000000..426cd5c2 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8205128205128205, + "recall": 0.8888888888888888, + "f1-score": 0.8533333333333333, + "support": 36 + }, + "1": { + "precision": 0.9344262295081968, + "recall": 0.890625, + "f1-score": 0.9120000000000001, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8774695250105087, + "recall": 0.8897569444444444, + "f1-score": 0.8826666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8934174022698613, + "recall": 0.89, + "f1-score": 0.8908800000000001, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/artifacts/model_params.json b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/artifacts/model_params.json new file mode 100644 index 00000000..d9a25e17 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/meta.yaml b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/meta.yaml new file mode 100644 index 00000000..ab0cb5f0 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/artifacts +end_time: 1710766997666 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 951c6b28a38340b98928d31f8efb1616 +run_name: ECG200 +run_uuid: 951c6b28a38340b98928d31f8efb1616 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766997654 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/accuracy b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/accuracy new file mode 100644 index 00000000..b0f29104 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/accuracy @@ -0,0 +1 @@ +1710766997659 0.89 0 diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/f1 b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/f1 new file mode 100644 index 00000000..0dd32f61 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/f1 @@ -0,0 +1 @@ +1710766997660 0.8908800000000001 0 diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/macro_f1_score b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/macro_f1_score new file mode 100644 index 00000000..5ada0041 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766997662 0.8826666666666667 0 diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/precision b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/precision new file mode 100644 index 00000000..5d7fbf5a --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/precision @@ -0,0 +1 @@ +1710766997660 0.8774695250105087 0 diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/recall b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/recall new file mode 100644 index 00000000..402d98d5 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/recall @@ -0,0 +1 @@ +1710766997661 0.8897569444444444 0 diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/support b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/support new file mode 100644 index 00000000..dd3d8b43 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/metrics/support @@ -0,0 +1 @@ +1710766997661 100.0 0 diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/epochs b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/lr b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/model_name b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.runName b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.git.commit b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.name b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.type b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.user b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/951c6b28a38340b98928d31f8efb1616/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/artifacts/classification_report.json b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/artifacts/classification_report.json new file mode 100644 index 00000000..277961b5 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.5555555555555556, + "recall": 0.9722222222222222, + "f1-score": 0.7070707070707072, + "support": 36 + }, + "1": { + "precision": 0.972972972972973, + "recall": 0.5625, + "f1-score": 0.712871287128713, + "support": 64 + }, + "accuracy": 0.71, + "macro avg": { + "precision": 0.7642642642642643, + "recall": 0.7673611111111112, + "f1-score": 0.7099709970997101, + "support": 100 + }, + "weighted avg": { + "precision": 0.8227027027027027, + "recall": 0.71, + "f1-score": 0.7107830783078309, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/artifacts/model_params.json b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/artifacts/model_params.json new file mode 100644 index 00000000..4144f5d1 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/meta.yaml b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/meta.yaml new file mode 100644 index 00000000..f7621308 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/artifacts +end_time: 1710766098035 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 9a66b4e35ff04efdb40411d7ee6eb426 +run_name: ECG200 +run_uuid: 9a66b4e35ff04efdb40411d7ee6eb426 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766098025 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/accuracy b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/accuracy new file mode 100644 index 00000000..15502ada --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/accuracy @@ -0,0 +1 @@ +1710766098029 0.71 0 diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/f1 b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/f1 new file mode 100644 index 00000000..a399720f --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/f1 @@ -0,0 +1 @@ +1710766098030 0.7107830783078309 0 diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/macro_f1_score b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/macro_f1_score new file mode 100644 index 00000000..063e40ac --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766098032 0.7099709970997101 0 diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/precision b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/precision new file mode 100644 index 00000000..b950a6d7 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/precision @@ -0,0 +1 @@ +1710766098030 0.7642642642642643 0 diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/recall b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/recall new file mode 100644 index 00000000..b886a2e4 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/recall @@ -0,0 +1 @@ +1710766098031 0.7673611111111112 0 diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/support b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/support new file mode 100644 index 00000000..1028d07a --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/metrics/support @@ -0,0 +1 @@ +1710766098031 100.0 0 diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/epochs b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/lr b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/model_name b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.runName b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.git.commit b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.name b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.type b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.user b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/9a66b4e35ff04efdb40411d7ee6eb426/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/artifacts/classification_report.json b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/artifacts/classification_report.json new file mode 100644 index 00000000..f1aa0c89 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.9285714285714286, + "recall": 0.7222222222222222, + "f1-score": 0.8125000000000001, + "support": 36 + }, + "1": { + "precision": 0.8611111111111112, + "recall": 0.96875, + "f1-score": 0.911764705882353, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8948412698412699, + "recall": 0.8454861111111112, + "f1-score": 0.8621323529411766, + "support": 100 + }, + "weighted avg": { + "precision": 0.8853968253968254, + "recall": 0.88, + "f1-score": 0.876029411764706, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/artifacts/model_params.json b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/artifacts/model_params.json new file mode 100644 index 00000000..a4ec1411 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 32, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/meta.yaml b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/meta.yaml new file mode 100644 index 00000000..cac5b729 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/artifacts +end_time: 1710766020532 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 9c18fce1dbfb42df88901d5110879c44 +run_name: ECG200 +run_uuid: 9c18fce1dbfb42df88901d5110879c44 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766020522 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/accuracy b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/accuracy new file mode 100644 index 00000000..b8c912ee --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/accuracy @@ -0,0 +1 @@ +1710766020526 0.88 0 diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/f1 b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/f1 new file mode 100644 index 00000000..4f7235c3 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/f1 @@ -0,0 +1 @@ +1710766020527 0.876029411764706 0 diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/macro_f1_score b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/macro_f1_score new file mode 100644 index 00000000..75ee1b96 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766020528 0.8621323529411766 0 diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/precision b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/precision new file mode 100644 index 00000000..c9cb2535 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/precision @@ -0,0 +1 @@ +1710766020527 0.8948412698412699 0 diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/recall b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/recall new file mode 100644 index 00000000..e2a1c7e7 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/recall @@ -0,0 +1 @@ +1710766020527 0.8454861111111112 0 diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/support b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/support new file mode 100644 index 00000000..11d5e093 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/metrics/support @@ -0,0 +1 @@ +1710766020528 100.0 0 diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/epochs b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/lr b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/model_name b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.runName b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.git.commit b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.name b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.type b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.user b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/9c18fce1dbfb42df88901d5110879c44/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/artifacts/classification_report.json b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/artifacts/classification_report.json new file mode 100644 index 00000000..d7c89ff5 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7948717948717948, + "recall": 0.8611111111111112, + "f1-score": 0.8266666666666667, + "support": 36 + }, + "1": { + "precision": 0.9180327868852459, + "recall": 0.875, + "f1-score": 0.8959999999999999, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8564522908785204, + "recall": 0.8680555555555556, + "f1-score": 0.8613333333333333, + "support": 100 + }, + "weighted avg": { + "precision": 0.8736948297604036, + "recall": 0.87, + "f1-score": 0.8710399999999998, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/artifacts/model_params.json b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/meta.yaml b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/meta.yaml new file mode 100644 index 00000000..7db08ab1 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/artifacts +end_time: 1710766970038 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: 9e589d9387494dc299f6b07ba0525ed2 +run_name: ECG200 +run_uuid: 9e589d9387494dc299f6b07ba0525ed2 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766970027 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/accuracy b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/accuracy new file mode 100644 index 00000000..20e922c7 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/accuracy @@ -0,0 +1 @@ +1710766970032 0.87 0 diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/f1 b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/f1 new file mode 100644 index 00000000..5d4eecd1 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/f1 @@ -0,0 +1 @@ +1710766970032 0.8710399999999998 0 diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/macro_f1_score b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/macro_f1_score new file mode 100644 index 00000000..6a77acea --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766970034 0.8613333333333333 0 diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/precision b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/precision new file mode 100644 index 00000000..c586b3cf --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/precision @@ -0,0 +1 @@ +1710766970033 0.8564522908785204 0 diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/recall b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/recall new file mode 100644 index 00000000..6a49aa55 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/recall @@ -0,0 +1 @@ +1710766970033 0.8680555555555556 0 diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/support b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/support new file mode 100644 index 00000000..c75170c3 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/metrics/support @@ -0,0 +1 @@ +1710766970034 100.0 0 diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/epochs b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/lr b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/model_name b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.runName b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.git.commit b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.name b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.type b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.user b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/9e589d9387494dc299f6b07ba0525ed2/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/artifacts/classification_report.json b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/artifacts/classification_report.json new file mode 100644 index 00000000..bc75f285 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.9259259259259259, + "recall": 0.6944444444444444, + "f1-score": 0.7936507936507936, + "support": 36 + }, + "1": { + "precision": 0.8493150684931506, + "recall": 0.96875, + "f1-score": 0.9051094890510949, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8876204972095383, + "recall": 0.8315972222222222, + "f1-score": 0.8493801413509443, + "support": 100 + }, + "weighted avg": { + "precision": 0.8768949771689498, + "recall": 0.87, + "f1-score": 0.8649843587069864, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/artifacts/model_params.json b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/artifacts/model_params.json new file mode 100644 index 00000000..13c9f922 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/meta.yaml b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/meta.yaml new file mode 100644 index 00000000..2b3744a5 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/artifacts +end_time: 1710765877985 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: a0cd243f8bd848a696a4ae69a869b73d +run_name: ECG200 +run_uuid: a0cd243f8bd848a696a4ae69a869b73d +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765877973 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/accuracy b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/accuracy new file mode 100644 index 00000000..58298bf4 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/accuracy @@ -0,0 +1 @@ +1710765877978 0.87 0 diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/f1 b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/f1 new file mode 100644 index 00000000..084f5ec1 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/f1 @@ -0,0 +1 @@ +1710765877979 0.8649843587069864 0 diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/macro_f1_score b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/macro_f1_score new file mode 100644 index 00000000..7e159b2e --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765877981 0.8493801413509443 0 diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/precision b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/precision new file mode 100644 index 00000000..be558fe3 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/precision @@ -0,0 +1 @@ +1710765877979 0.8876204972095383 0 diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/recall b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/recall new file mode 100644 index 00000000..22e20886 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/recall @@ -0,0 +1 @@ +1710765877980 0.8315972222222222 0 diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/support b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/support new file mode 100644 index 00000000..708f6e60 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/metrics/support @@ -0,0 +1 @@ +1710765877980 100.0 0 diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/epochs b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/lr b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/model_name b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.runName b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.git.commit b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.name b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.type b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.user b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/a0cd243f8bd848a696a4ae69a869b73d/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/artifacts/classification_report.json b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/artifacts/classification_report.json new file mode 100644 index 00000000..426cd5c2 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8205128205128205, + "recall": 0.8888888888888888, + "f1-score": 0.8533333333333333, + "support": 36 + }, + "1": { + "precision": 0.9344262295081968, + "recall": 0.890625, + "f1-score": 0.9120000000000001, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8774695250105087, + "recall": 0.8897569444444444, + "f1-score": 0.8826666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8934174022698613, + "recall": 0.89, + "f1-score": 0.8908800000000001, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/artifacts/model_params.json b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/meta.yaml b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/meta.yaml new file mode 100644 index 00000000..d9050132 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/artifacts +end_time: 1710766175614 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: a1f8384de048475cbab5e68f69246ad1 +run_name: ECG200 +run_uuid: a1f8384de048475cbab5e68f69246ad1 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766175603 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/accuracy b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/accuracy new file mode 100644 index 00000000..e38ce70b --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/accuracy @@ -0,0 +1 @@ +1710766175608 0.89 0 diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/f1 b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/f1 new file mode 100644 index 00000000..8feb4021 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/f1 @@ -0,0 +1 @@ +1710766175608 0.8908800000000001 0 diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/macro_f1_score b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/macro_f1_score new file mode 100644 index 00000000..ba9ff734 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766175610 0.8826666666666667 0 diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/precision b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/precision new file mode 100644 index 00000000..33fe76d1 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/precision @@ -0,0 +1 @@ +1710766175609 0.8774695250105087 0 diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/recall b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/recall new file mode 100644 index 00000000..7060c52c --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/recall @@ -0,0 +1 @@ +1710766175609 0.8897569444444444 0 diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/support b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/support new file mode 100644 index 00000000..a3693b0d --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/metrics/support @@ -0,0 +1 @@ +1710766175610 100.0 0 diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/epochs b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/lr b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/model_name b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.runName b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.git.commit b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.name b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.type b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.user b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/a1f8384de048475cbab5e68f69246ad1/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/artifacts/classification_report.json b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/artifacts/classification_report.json new file mode 100644 index 00000000..61f46956 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8108108108108109, + "recall": 0.8333333333333334, + "f1-score": 0.8219178082191781, + "support": 36 + }, + "1": { + "precision": 0.9047619047619048, + "recall": 0.890625, + "f1-score": 0.8976377952755906, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8577863577863578, + "recall": 0.8619791666666667, + "f1-score": 0.8597778017473844, + "support": 100 + }, + "weighted avg": { + "precision": 0.8709395109395109, + "recall": 0.87, + "f1-score": 0.8703785999352821, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/artifacts/model_params.json b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/artifacts/model_params.json new file mode 100644 index 00000000..65a053b0 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/meta.yaml b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/meta.yaml new file mode 100644 index 00000000..8105c141 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/artifacts +end_time: 1710766211431 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: a50de671983e4eb6ba22b5e58681c842 +run_name: ECG200 +run_uuid: a50de671983e4eb6ba22b5e58681c842 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766211421 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/accuracy b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/accuracy new file mode 100644 index 00000000..b326c19f --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/accuracy @@ -0,0 +1 @@ +1710766211425 0.87 0 diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/f1 b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/f1 new file mode 100644 index 00000000..94be7034 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/f1 @@ -0,0 +1 @@ +1710766211425 0.8703785999352821 0 diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/macro_f1_score b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/macro_f1_score new file mode 100644 index 00000000..b1b9a013 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766211427 0.8597778017473844 0 diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/precision b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/precision new file mode 100644 index 00000000..ed77f0a7 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/precision @@ -0,0 +1 @@ +1710766211426 0.8577863577863578 0 diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/recall b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/recall new file mode 100644 index 00000000..7fe1f816 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/recall @@ -0,0 +1 @@ +1710766211426 0.8619791666666667 0 diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/support b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/support new file mode 100644 index 00000000..d4ed725b --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/metrics/support @@ -0,0 +1 @@ +1710766211427 100.0 0 diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/epochs b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/lr b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/model_name b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.runName b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.git.commit b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.name b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.type b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.user b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/a50de671983e4eb6ba22b5e58681c842/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/artifacts/classification_report.json b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/artifacts/classification_report.json new file mode 100644 index 00000000..bdc58c33 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8, + "recall": 0.8888888888888888, + "f1-score": 0.8421052631578948, + "support": 36 + }, + "1": { + "precision": 0.9333333333333333, + "recall": 0.875, + "f1-score": 0.9032258064516129, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8666666666666667, + "recall": 0.8819444444444444, + "f1-score": 0.8726655348047538, + "support": 100 + }, + "weighted avg": { + "precision": 0.8853333333333333, + "recall": 0.88, + "f1-score": 0.8812224108658744, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/artifacts/model_params.json b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/meta.yaml b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/meta.yaml new file mode 100644 index 00000000..c7c1d072 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/artifacts +end_time: 1710766960459 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: a6939c9389dc477d8b7b7e76c54917ab +run_name: ECG200 +run_uuid: a6939c9389dc477d8b7b7e76c54917ab +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766960447 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/accuracy b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/accuracy new file mode 100644 index 00000000..29d74e07 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/accuracy @@ -0,0 +1 @@ +1710766960452 0.88 0 diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/f1 b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/f1 new file mode 100644 index 00000000..002f29bf --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/f1 @@ -0,0 +1 @@ +1710766960453 0.8812224108658744 0 diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/macro_f1_score b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/macro_f1_score new file mode 100644 index 00000000..74223e53 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766960455 0.8726655348047538 0 diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/precision b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/precision new file mode 100644 index 00000000..ec02c517 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/precision @@ -0,0 +1 @@ +1710766960453 0.8666666666666667 0 diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/recall b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/recall new file mode 100644 index 00000000..7cd37b44 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/recall @@ -0,0 +1 @@ +1710766960454 0.8819444444444444 0 diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/support b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/support new file mode 100644 index 00000000..6eb6d4b1 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/metrics/support @@ -0,0 +1 @@ +1710766960454 100.0 0 diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/epochs b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/lr b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/model_name b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.runName b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.git.commit b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.name b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.type b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.user b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/a6939c9389dc477d8b7b7e76c54917ab/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/artifacts/classification_report.json b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/artifacts/classification_report.json new file mode 100644 index 00000000..a6d35580 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8611111111111112, + "recall": 0.8611111111111112, + "f1-score": 0.8611111111111112, + "support": 36 + }, + "1": { + "precision": 0.921875, + "recall": 0.921875, + "f1-score": 0.921875, + "support": 64 + }, + "accuracy": 0.9, + "macro avg": { + "precision": 0.8914930555555556, + "recall": 0.8914930555555556, + "f1-score": 0.8914930555555556, + "support": 100 + }, + "weighted avg": { + "precision": 0.9, + "recall": 0.9, + "f1-score": 0.9, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/artifacts/model_params.json b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/meta.yaml b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/meta.yaml new file mode 100644 index 00000000..7128d9bd --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/artifacts +end_time: 1710766733309 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: a73d867d00b14f6889d0ec13da836190 +run_name: ECG200 +run_uuid: a73d867d00b14f6889d0ec13da836190 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766733298 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/accuracy b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/accuracy new file mode 100644 index 00000000..1fe2dfd7 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/accuracy @@ -0,0 +1 @@ +1710766733302 0.9 0 diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/f1 b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/f1 new file mode 100644 index 00000000..0d6a0d86 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/f1 @@ -0,0 +1 @@ +1710766733303 0.9 0 diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/macro_f1_score b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/macro_f1_score new file mode 100644 index 00000000..874e91c5 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766733305 0.8914930555555556 0 diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/precision b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/precision new file mode 100644 index 00000000..be2db633 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/precision @@ -0,0 +1 @@ +1710766733303 0.8914930555555556 0 diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/recall b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/recall new file mode 100644 index 00000000..3bc25378 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/recall @@ -0,0 +1 @@ +1710766733304 0.8914930555555556 0 diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/support b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/support new file mode 100644 index 00000000..a06cff02 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/metrics/support @@ -0,0 +1 @@ +1710766733304 100.0 0 diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/epochs b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/lr b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/model_name b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.runName b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.git.commit b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.name b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.type b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.user b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/a73d867d00b14f6889d0ec13da836190/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/artifacts/classification_report.json b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/artifacts/classification_report.json new file mode 100644 index 00000000..6db49825 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.75, + "recall": 0.9166666666666666, + "f1-score": 0.8250000000000001, + "support": 36 + }, + "1": { + "precision": 0.9464285714285714, + "recall": 0.828125, + "f1-score": 0.8833333333333333, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8482142857142857, + "recall": 0.8723958333333333, + "f1-score": 0.8541666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8757142857142857, + "recall": 0.86, + "f1-score": 0.8623333333333334, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/artifacts/model_params.json b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/meta.yaml b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/meta.yaml new file mode 100644 index 00000000..b12c6b94 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/artifacts +end_time: 1710766871666 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: a7a0aff310bc4fc0b7d83743ddb68a7f +run_name: ECG200 +run_uuid: a7a0aff310bc4fc0b7d83743ddb68a7f +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766871655 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/accuracy b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/accuracy new file mode 100644 index 00000000..1c5f9a3d --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/accuracy @@ -0,0 +1 @@ +1710766871660 0.86 0 diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/f1 b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/f1 new file mode 100644 index 00000000..e6dda281 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/f1 @@ -0,0 +1 @@ +1710766871661 0.8623333333333334 0 diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/macro_f1_score b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/macro_f1_score new file mode 100644 index 00000000..8af9de02 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766871663 0.8541666666666667 0 diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/precision b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/precision new file mode 100644 index 00000000..732dbc93 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/precision @@ -0,0 +1 @@ +1710766871661 0.8482142857142857 0 diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/recall b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/recall new file mode 100644 index 00000000..7be53003 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/recall @@ -0,0 +1 @@ +1710766871662 0.8723958333333333 0 diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/support b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/support new file mode 100644 index 00000000..e3127be2 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/metrics/support @@ -0,0 +1 @@ +1710766871662 100.0 0 diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/epochs b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/lr b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/model_name b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.runName b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.git.commit b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.name b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.type b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.user b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/a7a0aff310bc4fc0b7d83743ddb68a7f/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/artifacts/classification_report.json b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/artifacts/classification_report.json new file mode 100644 index 00000000..e600c206 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7560975609756098, + "recall": 0.8611111111111112, + "f1-score": 0.8051948051948052, + "support": 36 + }, + "1": { + "precision": 0.9152542372881356, + "recall": 0.84375, + "f1-score": 0.8780487804878049, + "support": 64 + }, + "accuracy": 0.85, + "macro avg": { + "precision": 0.8356758991318727, + "recall": 0.8524305555555556, + "f1-score": 0.841621792841305, + "support": 100 + }, + "weighted avg": { + "precision": 0.8579578338156263, + "recall": 0.85, + "f1-score": 0.8518213493823251, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/artifacts/model_params.json b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/meta.yaml b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/meta.yaml new file mode 100644 index 00000000..22e23c3d --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/artifacts +end_time: 1710766194798 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: a88a4e2c9e404da78b9e435a1cb48d8c +run_name: ECG200 +run_uuid: a88a4e2c9e404da78b9e435a1cb48d8c +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766194787 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/accuracy b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/accuracy new file mode 100644 index 00000000..0e09e43d --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/accuracy @@ -0,0 +1 @@ +1710766194791 0.85 0 diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/f1 b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/f1 new file mode 100644 index 00000000..528b4d90 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/f1 @@ -0,0 +1 @@ +1710766194792 0.8518213493823251 0 diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/macro_f1_score b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/macro_f1_score new file mode 100644 index 00000000..79442dbc --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766194794 0.841621792841305 0 diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/precision b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/precision new file mode 100644 index 00000000..5ec53c6d --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/precision @@ -0,0 +1 @@ +1710766194793 0.8356758991318727 0 diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/recall b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/recall new file mode 100644 index 00000000..032820a2 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/recall @@ -0,0 +1 @@ +1710766194793 0.8524305555555556 0 diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/support b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/support new file mode 100644 index 00000000..66c4dbca --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/metrics/support @@ -0,0 +1 @@ +1710766194794 100.0 0 diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/epochs b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/lr b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/model_name b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.runName b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.git.commit b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.name b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.type b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.user b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/a88a4e2c9e404da78b9e435a1cb48d8c/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/artifacts/classification_report.json b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/artifacts/classification_report.json new file mode 100644 index 00000000..90f6a133 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8157894736842105, + "recall": 0.8611111111111112, + "f1-score": 0.8378378378378377, + "support": 36 + }, + "1": { + "precision": 0.9193548387096774, + "recall": 0.890625, + "f1-score": 0.9047619047619047, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8675721561969439, + "recall": 0.8758680555555556, + "f1-score": 0.8712998712998712, + "support": 100 + }, + "weighted avg": { + "precision": 0.8820713073005093, + "recall": 0.88, + "f1-score": 0.8806692406692406, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/artifacts/model_params.json b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/artifacts/model_params.json new file mode 100644 index 00000000..65a053b0 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/meta.yaml b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/meta.yaml new file mode 100644 index 00000000..61539130 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/artifacts +end_time: 1710766227639 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: aa810e5631e04f62a620962228d5f0f8 +run_name: ECG200 +run_uuid: aa810e5631e04f62a620962228d5f0f8 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766227629 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/accuracy b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/accuracy new file mode 100644 index 00000000..92bce154 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/accuracy @@ -0,0 +1 @@ +1710766227634 0.88 0 diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/f1 b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/f1 new file mode 100644 index 00000000..b5f19511 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/f1 @@ -0,0 +1 @@ +1710766227634 0.8806692406692406 0 diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/macro_f1_score b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/macro_f1_score new file mode 100644 index 00000000..1e710505 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766227636 0.8712998712998712 0 diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/precision b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/precision new file mode 100644 index 00000000..b21f0945 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/precision @@ -0,0 +1 @@ +1710766227634 0.8675721561969439 0 diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/recall b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/recall new file mode 100644 index 00000000..8c8e74cd --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/recall @@ -0,0 +1 @@ +1710766227635 0.8758680555555556 0 diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/support b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/support new file mode 100644 index 00000000..4c4bff25 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/metrics/support @@ -0,0 +1 @@ +1710766227635 100.0 0 diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/epochs b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/lr b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/model_name b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.runName b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.git.commit b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.name b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.type b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.user b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/aa810e5631e04f62a620962228d5f0f8/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/artifacts/classification_report.json b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/artifacts/model_params.json b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/meta.yaml b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/meta.yaml new file mode 100644 index 00000000..72a732e5 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/artifacts +end_time: 1710766747104 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: aaab5f88e3ca4b6ca9eb08058ed2b4f9 +run_name: ECG200 +run_uuid: aaab5f88e3ca4b6ca9eb08058ed2b4f9 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766747092 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/accuracy b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/accuracy new file mode 100644 index 00000000..648dd2a3 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/accuracy @@ -0,0 +1 @@ +1710766747097 0.89 0 diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/f1 b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/f1 new file mode 100644 index 00000000..167568e9 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/f1 @@ -0,0 +1 @@ +1710766747098 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/macro_f1_score b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/macro_f1_score new file mode 100644 index 00000000..550f7a9e --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766747100 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/precision b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/precision new file mode 100644 index 00000000..367eeeb7 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/precision @@ -0,0 +1 @@ +1710766747098 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/recall b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/recall new file mode 100644 index 00000000..0b4eafeb --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/recall @@ -0,0 +1 @@ +1710766747099 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/support b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/support new file mode 100644 index 00000000..26e6ca6e --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/metrics/support @@ -0,0 +1 @@ +1710766747099 100.0 0 diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/epochs b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/lr b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/model_name b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.runName b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.git.commit b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.name b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.type b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.user b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/aaab5f88e3ca4b6ca9eb08058ed2b4f9/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/artifacts/classification_report.json b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/artifacts/classification_report.json new file mode 100644 index 00000000..426cd5c2 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8205128205128205, + "recall": 0.8888888888888888, + "f1-score": 0.8533333333333333, + "support": 36 + }, + "1": { + "precision": 0.9344262295081968, + "recall": 0.890625, + "f1-score": 0.9120000000000001, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8774695250105087, + "recall": 0.8897569444444444, + "f1-score": 0.8826666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8934174022698613, + "recall": 0.89, + "f1-score": 0.8908800000000001, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/artifacts/model_params.json b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/meta.yaml b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/meta.yaml new file mode 100644 index 00000000..948c334c --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/artifacts +end_time: 1710766979797 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: ab89615379f34ba68983af1c0008f45f +run_name: ECG200 +run_uuid: ab89615379f34ba68983af1c0008f45f +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766979785 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/accuracy b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/accuracy new file mode 100644 index 00000000..9d8f21d3 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/accuracy @@ -0,0 +1 @@ +1710766979790 0.89 0 diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/f1 b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/f1 new file mode 100644 index 00000000..d77844b9 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/f1 @@ -0,0 +1 @@ +1710766979791 0.8908800000000001 0 diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/macro_f1_score b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/macro_f1_score new file mode 100644 index 00000000..9df5bce8 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766979793 0.8826666666666667 0 diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/precision b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/precision new file mode 100644 index 00000000..96abe32c --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/precision @@ -0,0 +1 @@ +1710766979791 0.8774695250105087 0 diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/recall b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/recall new file mode 100644 index 00000000..642fdbf3 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/recall @@ -0,0 +1 @@ +1710766979792 0.8897569444444444 0 diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/support b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/support new file mode 100644 index 00000000..8e4c7a0b --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/metrics/support @@ -0,0 +1 @@ +1710766979792 100.0 0 diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/epochs b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/lr b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/model_name b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.runName b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.git.commit b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.name b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.type b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.user b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/ab89615379f34ba68983af1c0008f45f/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/artifacts/classification_report.json b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/artifacts/classification_report.json new file mode 100644 index 00000000..e454c5ff --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8181818181818182, + "recall": 0.75, + "f1-score": 0.7826086956521738, + "support": 36 + }, + "1": { + "precision": 0.8656716417910447, + "recall": 0.90625, + "f1-score": 0.8854961832061069, + "support": 64 + }, + "accuracy": 0.85, + "macro avg": { + "precision": 0.8419267299864315, + "recall": 0.828125, + "f1-score": 0.8340524394291404, + "support": 100 + }, + "weighted avg": { + "precision": 0.8485753052917232, + "recall": 0.85, + "f1-score": 0.848456687686691, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/artifacts/model_params.json b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/artifacts/model_params.json new file mode 100644 index 00000000..a4ec1411 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 32, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/meta.yaml b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/meta.yaml new file mode 100644 index 00000000..6d84839a --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/artifacts +end_time: 1710766027719 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: b346dedf5478459290873e32e798a0b0 +run_name: ECG200 +run_uuid: b346dedf5478459290873e32e798a0b0 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766027709 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/accuracy b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/accuracy new file mode 100644 index 00000000..cb0b869a --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/accuracy @@ -0,0 +1 @@ +1710766027713 0.85 0 diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/f1 b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/f1 new file mode 100644 index 00000000..2fd94944 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/f1 @@ -0,0 +1 @@ +1710766027714 0.848456687686691 0 diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/macro_f1_score b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/macro_f1_score new file mode 100644 index 00000000..00aeac32 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766027715 0.8340524394291404 0 diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/precision b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/precision new file mode 100644 index 00000000..077f36c3 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/precision @@ -0,0 +1 @@ +1710766027714 0.8419267299864315 0 diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/recall b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/recall new file mode 100644 index 00000000..b634ad7b --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/recall @@ -0,0 +1 @@ +1710766027714 0.828125 0 diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/support b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/support new file mode 100644 index 00000000..70234697 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/metrics/support @@ -0,0 +1 @@ +1710766027715 100.0 0 diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/epochs b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/lr b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/model_name b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.runName b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.git.commit b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.name b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.type b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.user b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/b346dedf5478459290873e32e798a0b0/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/artifacts/classification_report.json b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/artifacts/classification_report.json new file mode 100644 index 00000000..33b525e4 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8333333333333334, + "recall": 0.8333333333333334, + "f1-score": 0.8333333333333334, + "support": 36 + }, + "1": { + "precision": 0.90625, + "recall": 0.90625, + "f1-score": 0.90625, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8697916666666667, + "recall": 0.8697916666666667, + "f1-score": 0.8697916666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.88, + "recall": 0.88, + "f1-score": 0.88, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/artifacts/model_params.json b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/artifacts/model_params.json new file mode 100644 index 00000000..7fab194b --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 32, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/meta.yaml b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/meta.yaml new file mode 100644 index 00000000..d7e38451 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/artifacts +end_time: 1710766443531 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: b480e825350b4343a49368f728e0402f +run_name: ECG200 +run_uuid: b480e825350b4343a49368f728e0402f +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766443521 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/accuracy b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/accuracy new file mode 100644 index 00000000..7689c3b9 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/accuracy @@ -0,0 +1 @@ +1710766443525 0.88 0 diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/f1 b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/f1 new file mode 100644 index 00000000..f641f3b9 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/f1 @@ -0,0 +1 @@ +1710766443526 0.88 0 diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/macro_f1_score b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/macro_f1_score new file mode 100644 index 00000000..7cb6a137 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766443528 0.8697916666666667 0 diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/precision b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/precision new file mode 100644 index 00000000..dcb98653 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/precision @@ -0,0 +1 @@ +1710766443526 0.8697916666666667 0 diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/recall b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/recall new file mode 100644 index 00000000..6a1bd0ad --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/recall @@ -0,0 +1 @@ +1710766443527 0.8697916666666667 0 diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/support b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/support new file mode 100644 index 00000000..e15a7025 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/metrics/support @@ -0,0 +1 @@ +1710766443527 100.0 0 diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/epochs b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/lr b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/model_name b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.runName b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.git.commit b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.name b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.type b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.user b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/b480e825350b4343a49368f728e0402f/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/artifacts/classification_report.json b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/artifacts/model_params.json b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/meta.yaml b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/meta.yaml new file mode 100644 index 00000000..cfc3ad38 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/artifacts +end_time: 1710766361115 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: b5e795ea634b4239a8b3e1bf4e895972 +run_name: ECG200 +run_uuid: b5e795ea634b4239a8b3e1bf4e895972 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766361105 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/accuracy b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/accuracy new file mode 100644 index 00000000..b2589466 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/accuracy @@ -0,0 +1 @@ +1710766361109 0.89 0 diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/f1 b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/f1 new file mode 100644 index 00000000..366d04b4 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/f1 @@ -0,0 +1 @@ +1710766361110 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/macro_f1_score b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/macro_f1_score new file mode 100644 index 00000000..cc88c300 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766361112 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/precision b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/precision new file mode 100644 index 00000000..1935fea5 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/precision @@ -0,0 +1 @@ +1710766361110 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/recall b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/recall new file mode 100644 index 00000000..9aec2026 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/recall @@ -0,0 +1 @@ +1710766361111 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/support b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/support new file mode 100644 index 00000000..1f458177 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/metrics/support @@ -0,0 +1 @@ +1710766361111 100.0 0 diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/epochs b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/lr b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/model_name b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.runName b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.git.commit b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.name b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.type b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.user b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/b5e795ea634b4239a8b3e1bf4e895972/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/artifacts/classification_report.json b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/artifacts/classification_report.json new file mode 100644 index 00000000..90ca7571 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7380952380952381, + "recall": 0.8611111111111112, + "f1-score": 0.7948717948717949, + "support": 36 + }, + "1": { + "precision": 0.9137931034482759, + "recall": 0.828125, + "f1-score": 0.8688524590163935, + "support": 64 + }, + "accuracy": 0.84, + "macro avg": { + "precision": 0.825944170771757, + "recall": 0.8446180555555556, + "f1-score": 0.8318621269440942, + "support": 100 + }, + "weighted avg": { + "precision": 0.8505418719211824, + "recall": 0.84, + "f1-score": 0.842219419924338, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/artifacts/model_params.json b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/meta.yaml b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/meta.yaml new file mode 100644 index 00000000..1eaeed06 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/artifacts +end_time: 1710766989483 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: b70dd82515864126b9a7d6ebf05388c0 +run_name: ECG200 +run_uuid: b70dd82515864126b9a7d6ebf05388c0 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766989472 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/accuracy b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/accuracy new file mode 100644 index 00000000..cfab2480 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/accuracy @@ -0,0 +1 @@ +1710766989477 0.84 0 diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/f1 b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/f1 new file mode 100644 index 00000000..2e9ec8f4 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/f1 @@ -0,0 +1 @@ +1710766989477 0.842219419924338 0 diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/macro_f1_score b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/macro_f1_score new file mode 100644 index 00000000..cea35671 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766989479 0.8318621269440942 0 diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/precision b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/precision new file mode 100644 index 00000000..0aa545ad --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/precision @@ -0,0 +1 @@ +1710766989478 0.825944170771757 0 diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/recall b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/recall new file mode 100644 index 00000000..61227165 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/recall @@ -0,0 +1 @@ +1710766989478 0.8446180555555556 0 diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/support b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/support new file mode 100644 index 00000000..ca90df28 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/metrics/support @@ -0,0 +1 @@ +1710766989478 100.0 0 diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/epochs b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/lr b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/model_name b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.runName b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.git.commit b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.name b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.type b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.user b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/b70dd82515864126b9a7d6ebf05388c0/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/artifacts/classification_report.json b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/artifacts/classification_report.json new file mode 100644 index 00000000..bdc58c33 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8, + "recall": 0.8888888888888888, + "f1-score": 0.8421052631578948, + "support": 36 + }, + "1": { + "precision": 0.9333333333333333, + "recall": 0.875, + "f1-score": 0.9032258064516129, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8666666666666667, + "recall": 0.8819444444444444, + "f1-score": 0.8726655348047538, + "support": 100 + }, + "weighted avg": { + "precision": 0.8853333333333333, + "recall": 0.88, + "f1-score": 0.8812224108658744, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/artifacts/model_params.json b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/meta.yaml b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/meta.yaml new file mode 100644 index 00000000..450c15e3 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/artifacts +end_time: 1710766424687 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: bbbff0fd6b644167aae9a15072ff2bcc +run_name: ECG200 +run_uuid: bbbff0fd6b644167aae9a15072ff2bcc +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766424677 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/accuracy b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/accuracy new file mode 100644 index 00000000..762e1539 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/accuracy @@ -0,0 +1 @@ +1710766424681 0.88 0 diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/f1 b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/f1 new file mode 100644 index 00000000..b5f6b8b6 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/f1 @@ -0,0 +1 @@ +1710766424682 0.8812224108658744 0 diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/macro_f1_score b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/macro_f1_score new file mode 100644 index 00000000..d370ead8 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766424683 0.8726655348047538 0 diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/precision b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/precision new file mode 100644 index 00000000..b077f9b9 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/precision @@ -0,0 +1 @@ +1710766424682 0.8666666666666667 0 diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/recall b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/recall new file mode 100644 index 00000000..9c76c3f9 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/recall @@ -0,0 +1 @@ +1710766424683 0.8819444444444444 0 diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/support b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/support new file mode 100644 index 00000000..79df59ff --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/metrics/support @@ -0,0 +1 @@ +1710766424683 100.0 0 diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/epochs b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/lr b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/model_name b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.runName b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.git.commit b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.name b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.type b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.user b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/bbbff0fd6b644167aae9a15072ff2bcc/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/artifacts/classification_report.json b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/artifacts/classification_report.json new file mode 100644 index 00000000..47332f0f --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8709677419354839, + "recall": 0.75, + "f1-score": 0.8059701492537312, + "support": 36 + }, + "1": { + "precision": 0.8695652173913043, + "recall": 0.9375, + "f1-score": 0.9022556390977444, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8702664796633941, + "recall": 0.84375, + "f1-score": 0.8541128941757379, + "support": 100 + }, + "weighted avg": { + "precision": 0.8700701262272089, + "recall": 0.87, + "f1-score": 0.8675928627538997, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/artifacts/model_params.json b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/artifacts/model_params.json new file mode 100644 index 00000000..a4ec1411 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 32, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/meta.yaml b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/meta.yaml new file mode 100644 index 00000000..ba46c231 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/artifacts +end_time: 1710766034954 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: bf0744ff0e4245d5980ea0d864cec1c3 +run_name: ECG200 +run_uuid: bf0744ff0e4245d5980ea0d864cec1c3 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766034945 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/accuracy b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/accuracy new file mode 100644 index 00000000..70c40099 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/accuracy @@ -0,0 +1 @@ +1710766034949 0.87 0 diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/f1 b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/f1 new file mode 100644 index 00000000..1a698455 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/f1 @@ -0,0 +1 @@ +1710766034949 0.8675928627538997 0 diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/macro_f1_score b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/macro_f1_score new file mode 100644 index 00000000..56911169 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766034951 0.8541128941757379 0 diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/precision b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/precision new file mode 100644 index 00000000..38d3e3f8 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/precision @@ -0,0 +1 @@ +1710766034950 0.8702664796633941 0 diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/recall b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/recall new file mode 100644 index 00000000..e0a49e57 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/recall @@ -0,0 +1 @@ +1710766034950 0.84375 0 diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/support b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/support new file mode 100644 index 00000000..a1f5f6f6 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/metrics/support @@ -0,0 +1 @@ +1710766034951 100.0 0 diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/epochs b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/lr b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/model_name b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.runName b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.git.commit b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.name b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.type b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.user b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/bf0744ff0e4245d5980ea0d864cec1c3/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/artifacts/classification_report.json b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/artifacts/classification_report.json new file mode 100644 index 00000000..40a39798 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7857142857142857, + "recall": 0.9166666666666666, + "f1-score": 0.8461538461538461, + "support": 36 + }, + "1": { + "precision": 0.9482758620689655, + "recall": 0.859375, + "f1-score": 0.9016393442622951, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8669950738916257, + "recall": 0.8880208333333333, + "f1-score": 0.8738965952080706, + "support": 100 + }, + "weighted avg": { + "precision": 0.8897536945812808, + "recall": 0.88, + "f1-score": 0.8816645649432534, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/artifacts/model_params.json b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/artifacts/model_params.json new file mode 100644 index 00000000..050d0bad --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/meta.yaml b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/meta.yaml new file mode 100644 index 00000000..2243daf7 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/artifacts +end_time: 1710766908472 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: c362a0c43c91451383e7213de72e35c8 +run_name: ECG200 +run_uuid: c362a0c43c91451383e7213de72e35c8 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766908461 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/accuracy b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/accuracy new file mode 100644 index 00000000..8ab54f69 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/accuracy @@ -0,0 +1 @@ +1710766908466 0.88 0 diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/f1 b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/f1 new file mode 100644 index 00000000..fc2fdf39 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/f1 @@ -0,0 +1 @@ +1710766908467 0.8816645649432534 0 diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/macro_f1_score b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/macro_f1_score new file mode 100644 index 00000000..a3bdfd53 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766908468 0.8738965952080706 0 diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/precision b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/precision new file mode 100644 index 00000000..6b7a9699 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/precision @@ -0,0 +1 @@ +1710766908467 0.8669950738916257 0 diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/recall b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/recall new file mode 100644 index 00000000..42803546 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/recall @@ -0,0 +1 @@ +1710766908468 0.8880208333333333 0 diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/support b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/support new file mode 100644 index 00000000..bafa6ece --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/metrics/support @@ -0,0 +1 @@ +1710766908468 100.0 0 diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/epochs b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/lr b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/model_name b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.runName b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.git.commit b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.name b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.type b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.user b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/c362a0c43c91451383e7213de72e35c8/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/artifacts/classification_report.json b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/artifacts/classification_report.json new file mode 100644 index 00000000..426cd5c2 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8205128205128205, + "recall": 0.8888888888888888, + "f1-score": 0.8533333333333333, + "support": 36 + }, + "1": { + "precision": 0.9344262295081968, + "recall": 0.890625, + "f1-score": 0.9120000000000001, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8774695250105087, + "recall": 0.8897569444444444, + "f1-score": 0.8826666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8934174022698613, + "recall": 0.89, + "f1-score": 0.8908800000000001, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/artifacts/model_params.json b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/artifacts/model_params.json new file mode 100644 index 00000000..f4876391 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/meta.yaml b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/meta.yaml new file mode 100644 index 00000000..30124b33 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/artifacts +end_time: 1710766669533 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: c9030ccb7778487ca073e581a8c2007c +run_name: ECG200 +run_uuid: c9030ccb7778487ca073e581a8c2007c +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766669523 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/accuracy b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/accuracy new file mode 100644 index 00000000..514b4b27 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/accuracy @@ -0,0 +1 @@ +1710766669527 0.89 0 diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/f1 b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/f1 new file mode 100644 index 00000000..17ca0443 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/f1 @@ -0,0 +1 @@ +1710766669528 0.8908800000000001 0 diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/macro_f1_score b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/macro_f1_score new file mode 100644 index 00000000..495ad0bd --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766669529 0.8826666666666667 0 diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/precision b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/precision new file mode 100644 index 00000000..c30713bf --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/precision @@ -0,0 +1 @@ +1710766669528 0.8774695250105087 0 diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/recall b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/recall new file mode 100644 index 00000000..8f73c48f --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/recall @@ -0,0 +1 @@ +1710766669529 0.8897569444444444 0 diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/support b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/support new file mode 100644 index 00000000..fb083d44 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/metrics/support @@ -0,0 +1 @@ +1710766669529 100.0 0 diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/epochs b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/lr b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/model_name b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.runName b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.git.commit b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.name b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.type b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.user b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/c9030ccb7778487ca073e581a8c2007c/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/artifacts/classification_report.json b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/artifacts/classification_report.json new file mode 100644 index 00000000..87bb94ee --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7441860465116279, + "recall": 0.8888888888888888, + "f1-score": 0.8101265822784809, + "support": 36 + }, + "1": { + "precision": 0.9298245614035088, + "recall": 0.828125, + "f1-score": 0.8760330578512396, + "support": 64 + }, + "accuracy": 0.85, + "macro avg": { + "precision": 0.8370053039575683, + "recall": 0.8585069444444444, + "f1-score": 0.8430798200648603, + "support": 100 + }, + "weighted avg": { + "precision": 0.8629946960424317, + "recall": 0.85, + "f1-score": 0.8523067266450465, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/artifacts/model_params.json b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/meta.yaml b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/meta.yaml new file mode 100644 index 00000000..ad426c12 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/artifacts +end_time: 1710766815817 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: c90ef75ccac3467c8b3442ac0c9d126f +run_name: ECG200 +run_uuid: c90ef75ccac3467c8b3442ac0c9d126f +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766815806 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/accuracy b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/accuracy new file mode 100644 index 00000000..311c4c78 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/accuracy @@ -0,0 +1 @@ +1710766815811 0.85 0 diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/f1 b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/f1 new file mode 100644 index 00000000..22bf7dc8 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/f1 @@ -0,0 +1 @@ +1710766815811 0.8523067266450465 0 diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/macro_f1_score b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/macro_f1_score new file mode 100644 index 00000000..95e65f5e --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766815813 0.8430798200648603 0 diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/precision b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/precision new file mode 100644 index 00000000..cb2c7889 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/precision @@ -0,0 +1 @@ +1710766815811 0.8370053039575683 0 diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/recall b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/recall new file mode 100644 index 00000000..8717cfa4 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/recall @@ -0,0 +1 @@ +1710766815812 0.8585069444444444 0 diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/support b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/support new file mode 100644 index 00000000..b340f90a --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/metrics/support @@ -0,0 +1 @@ +1710766815812 100.0 0 diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/epochs b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/lr b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/model_name b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.runName b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.git.commit b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.name b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.type b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.user b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/c90ef75ccac3467c8b3442ac0c9d126f/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/artifacts/classification_report.json b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/artifacts/classification_report.json new file mode 100644 index 00000000..d7c89ff5 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7948717948717948, + "recall": 0.8611111111111112, + "f1-score": 0.8266666666666667, + "support": 36 + }, + "1": { + "precision": 0.9180327868852459, + "recall": 0.875, + "f1-score": 0.8959999999999999, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8564522908785204, + "recall": 0.8680555555555556, + "f1-score": 0.8613333333333333, + "support": 100 + }, + "weighted avg": { + "precision": 0.8736948297604036, + "recall": 0.87, + "f1-score": 0.8710399999999998, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/artifacts/model_params.json b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/artifacts/model_params.json new file mode 100644 index 00000000..775cfd62 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/meta.yaml b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/meta.yaml new file mode 100644 index 00000000..ff054254 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/artifacts +end_time: 1710766113032 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: cc287838ce8d49c09a1642cb306bec1d +run_name: ECG200 +run_uuid: cc287838ce8d49c09a1642cb306bec1d +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766113022 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/accuracy b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/accuracy new file mode 100644 index 00000000..96f6e3ad --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/accuracy @@ -0,0 +1 @@ +1710766113026 0.87 0 diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/f1 b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/f1 new file mode 100644 index 00000000..df0b5ecb --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/f1 @@ -0,0 +1 @@ +1710766113026 0.8710399999999998 0 diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/macro_f1_score b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/macro_f1_score new file mode 100644 index 00000000..dc6581d2 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766113028 0.8613333333333333 0 diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/precision b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/precision new file mode 100644 index 00000000..03efc6db --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/precision @@ -0,0 +1 @@ +1710766113027 0.8564522908785204 0 diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/recall b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/recall new file mode 100644 index 00000000..39d350d1 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/recall @@ -0,0 +1 @@ +1710766113027 0.8680555555555556 0 diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/support b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/support new file mode 100644 index 00000000..a9474cff --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/metrics/support @@ -0,0 +1 @@ +1710766113028 100.0 0 diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/epochs b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/lr b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/model_name b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.runName b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.git.commit b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.name b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.type b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.user b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/cc287838ce8d49c09a1642cb306bec1d/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/artifacts/classification_report.json b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/artifacts/classification_report.json new file mode 100644 index 00000000..590acc31 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7083333333333334, + "recall": 0.9444444444444444, + "f1-score": 0.8095238095238096, + "support": 36 + }, + "1": { + "precision": 0.9615384615384616, + "recall": 0.78125, + "f1-score": 0.8620689655172413, + "support": 64 + }, + "accuracy": 0.84, + "macro avg": { + "precision": 0.8349358974358975, + "recall": 0.8628472222222222, + "f1-score": 0.8357963875205254, + "support": 100 + }, + "weighted avg": { + "precision": 0.8703846153846154, + "recall": 0.84, + "f1-score": 0.843152709359606, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/artifacts/model_params.json b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/artifacts/model_params.json new file mode 100644 index 00000000..443492e6 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/meta.yaml b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/meta.yaml new file mode 100644 index 00000000..7310dab2 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/artifacts +end_time: 1710766149031 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d0c5bcd21bcc40359ebeb860fcb441f2 +run_name: ECG200 +run_uuid: d0c5bcd21bcc40359ebeb860fcb441f2 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766149021 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/accuracy b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/accuracy new file mode 100644 index 00000000..e15c469b --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/accuracy @@ -0,0 +1 @@ +1710766149025 0.84 0 diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/f1 b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/f1 new file mode 100644 index 00000000..6f67550b --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/f1 @@ -0,0 +1 @@ +1710766149025 0.843152709359606 0 diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/macro_f1_score b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/macro_f1_score new file mode 100644 index 00000000..4bb55c75 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766149027 0.8357963875205254 0 diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/precision b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/precision new file mode 100644 index 00000000..27cba8e9 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/precision @@ -0,0 +1 @@ +1710766149026 0.8349358974358975 0 diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/recall b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/recall new file mode 100644 index 00000000..4264a523 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/recall @@ -0,0 +1 @@ +1710766149026 0.8628472222222222 0 diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/support b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/support new file mode 100644 index 00000000..a0cf0d2a --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/metrics/support @@ -0,0 +1 @@ +1710766149027 100.0 0 diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/epochs b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/lr b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/model_name b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.runName b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.name b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.type b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.user b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d0c5bcd21bcc40359ebeb860fcb441f2/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/artifacts/classification_report.json b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/artifacts/classification_report.json new file mode 100644 index 00000000..d1390c4f --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.9354838709677419, + "recall": 0.8055555555555556, + "f1-score": 0.8656716417910448, + "support": 36 + }, + "1": { + "precision": 0.8985507246376812, + "recall": 0.96875, + "f1-score": 0.9323308270676692, + "support": 64 + }, + "accuracy": 0.91, + "macro avg": { + "precision": 0.9170172978027116, + "recall": 0.8871527777777778, + "f1-score": 0.899001234429357, + "support": 100 + }, + "weighted avg": { + "precision": 0.9118466573165029, + "recall": 0.91, + "f1-score": 0.9083335203680845, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/artifacts/model_params.json b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/artifacts/model_params.json new file mode 100644 index 00000000..050d0bad --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/meta.yaml b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/meta.yaml new file mode 100644 index 00000000..8803b487 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/artifacts +end_time: 1710766889018 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d1baea4d3a034ada9f2a7d9ef6d32f1e +run_name: ECG200 +run_uuid: d1baea4d3a034ada9f2a7d9ef6d32f1e +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766889005 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/accuracy b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/accuracy new file mode 100644 index 00000000..72d6557d --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/accuracy @@ -0,0 +1 @@ +1710766889011 0.91 0 diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/f1 b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/f1 new file mode 100644 index 00000000..414dbb4f --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/f1 @@ -0,0 +1 @@ +1710766889011 0.9083335203680845 0 diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/macro_f1_score b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/macro_f1_score new file mode 100644 index 00000000..2f8dae31 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766889013 0.899001234429357 0 diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/precision b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/precision new file mode 100644 index 00000000..75d25cb6 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/precision @@ -0,0 +1 @@ +1710766889012 0.9170172978027116 0 diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/recall b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/recall new file mode 100644 index 00000000..2144468d --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/recall @@ -0,0 +1 @@ +1710766889012 0.8871527777777778 0 diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/support b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/support new file mode 100644 index 00000000..edea3b36 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/metrics/support @@ -0,0 +1 @@ +1710766889013 100.0 0 diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/epochs b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/lr b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/model_name b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.runName b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.name b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.type b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.user b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d1baea4d3a034ada9f2a7d9ef6d32f1e/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/artifacts/classification_report.json b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/artifacts/classification_report.json new file mode 100644 index 00000000..ec542cec --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.6, + "recall": 0.9166666666666666, + "f1-score": 0.7252747252747253, + "support": 36 + }, + "1": { + "precision": 0.9333333333333333, + "recall": 0.65625, + "f1-score": 0.7706422018348624, + "support": 64 + }, + "accuracy": 0.75, + "macro avg": { + "precision": 0.7666666666666666, + "recall": 0.7864583333333333, + "f1-score": 0.7479584635547938, + "support": 100 + }, + "weighted avg": { + "precision": 0.8133333333333332, + "recall": 0.75, + "f1-score": 0.7543099102732131, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/artifacts/model_params.json b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/artifacts/model_params.json new file mode 100644 index 00000000..443492e6 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/meta.yaml b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/meta.yaml new file mode 100644 index 00000000..fab2813f --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/artifacts +end_time: 1710766156314 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d2e121c63f9549f486f68ccd8b446be8 +run_name: ECG200 +run_uuid: d2e121c63f9549f486f68ccd8b446be8 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766156304 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/accuracy b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/accuracy new file mode 100644 index 00000000..2bc213aa --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/accuracy @@ -0,0 +1 @@ +1710766156308 0.75 0 diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/f1 b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/f1 new file mode 100644 index 00000000..8926e0f0 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/f1 @@ -0,0 +1 @@ +1710766156308 0.7543099102732131 0 diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/macro_f1_score b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/macro_f1_score new file mode 100644 index 00000000..4a2d03a9 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766156310 0.7479584635547938 0 diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/precision b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/precision new file mode 100644 index 00000000..f53527dd --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/precision @@ -0,0 +1 @@ +1710766156309 0.7666666666666666 0 diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/recall b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/recall new file mode 100644 index 00000000..8a480ea8 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/recall @@ -0,0 +1 @@ +1710766156309 0.7864583333333333 0 diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/support b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/support new file mode 100644 index 00000000..309cb84d --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/metrics/support @@ -0,0 +1 @@ +1710766156310 100.0 0 diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/epochs b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/lr b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/model_name b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.runName b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.name b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.type b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.user b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d2e121c63f9549f486f68ccd8b446be8/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/artifacts/classification_report.json b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/artifacts/model_params.json b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/meta.yaml b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/meta.yaml new file mode 100644 index 00000000..19399963 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/artifacts +end_time: 1710767041436 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d335410ae189485c839dc5681ad3baa0 +run_name: ECG200 +run_uuid: d335410ae189485c839dc5681ad3baa0 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710767041425 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/accuracy b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/accuracy new file mode 100644 index 00000000..dea9098b --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/accuracy @@ -0,0 +1 @@ +1710767041430 0.89 0 diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/f1 b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/f1 new file mode 100644 index 00000000..e0f789d3 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/f1 @@ -0,0 +1 @@ +1710767041430 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/macro_f1_score b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/macro_f1_score new file mode 100644 index 00000000..8c439840 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/macro_f1_score @@ -0,0 +1 @@ +1710767041432 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/precision b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/precision new file mode 100644 index 00000000..6497ffcd --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/precision @@ -0,0 +1 @@ +1710767041431 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/recall b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/recall new file mode 100644 index 00000000..881d3c46 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/recall @@ -0,0 +1 @@ +1710767041431 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/support b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/support new file mode 100644 index 00000000..a3a181bb --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/metrics/support @@ -0,0 +1 @@ +1710767041432 100.0 0 diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/epochs b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/lr b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/model_name b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.runName b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.name b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.type b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.user b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d335410ae189485c839dc5681ad3baa0/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/artifacts/classification_report.json b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/artifacts/classification_report.json new file mode 100644 index 00000000..9a63e56b --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8666666666666667, + "recall": 0.7222222222222222, + "f1-score": 0.7878787878787877, + "support": 36 + }, + "1": { + "precision": 0.8571428571428571, + "recall": 0.9375, + "f1-score": 0.8955223880597014, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.861904761904762, + "recall": 0.8298611111111112, + "f1-score": 0.8417005879692445, + "support": 100 + }, + "weighted avg": { + "precision": 0.8605714285714285, + "recall": 0.86, + "f1-score": 0.8567706919945725, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/artifacts/model_params.json b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/artifacts/model_params.json new file mode 100644 index 00000000..85e1770f --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 16, + "nb_filters": 16, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/meta.yaml b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/meta.yaml new file mode 100644 index 00000000..7d305187 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/artifacts +end_time: 1710766879180 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d47b8673e467478eb4e3c9205997e2c9 +run_name: ECG200 +run_uuid: d47b8673e467478eb4e3c9205997e2c9 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766879169 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/accuracy b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/accuracy new file mode 100644 index 00000000..647130f9 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/accuracy @@ -0,0 +1 @@ +1710766879174 0.86 0 diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/f1 b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/f1 new file mode 100644 index 00000000..7dab4090 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/f1 @@ -0,0 +1 @@ +1710766879174 0.8567706919945725 0 diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/macro_f1_score b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/macro_f1_score new file mode 100644 index 00000000..165aba9b --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766879176 0.8417005879692445 0 diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/precision b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/precision new file mode 100644 index 00000000..c7eb6353 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/precision @@ -0,0 +1 @@ +1710766879175 0.861904761904762 0 diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/recall b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/recall new file mode 100644 index 00000000..e17f1437 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/recall @@ -0,0 +1 @@ +1710766879175 0.8298611111111112 0 diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/support b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/support new file mode 100644 index 00000000..b250889e --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/metrics/support @@ -0,0 +1 @@ +1710766879175 100.0 0 diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/epochs b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/lr b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/model_name b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.runName b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.name b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.type b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.user b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d47b8673e467478eb4e3c9205997e2c9/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/artifacts/classification_report.json b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/artifacts/classification_report.json new file mode 100644 index 00000000..02c71616 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7619047619047619, + "recall": 0.8888888888888888, + "f1-score": 0.8205128205128205, + "support": 36 + }, + "1": { + "precision": 0.9310344827586207, + "recall": 0.84375, + "f1-score": 0.8852459016393444, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8464696223316912, + "recall": 0.8663194444444444, + "f1-score": 0.8528793610760824, + "support": 100 + }, + "weighted avg": { + "precision": 0.8701477832512314, + "recall": 0.86, + "f1-score": 0.8619419924337958, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/artifacts/model_params.json b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/artifacts/model_params.json new file mode 100644 index 00000000..7ce0979f --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 64, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/meta.yaml b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/meta.yaml new file mode 100644 index 00000000..87f8c243 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/artifacts +end_time: 1710766829476 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d7385e4a20354cb3ae4c095593da2f5b +run_name: ECG200 +run_uuid: d7385e4a20354cb3ae4c095593da2f5b +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766829466 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/accuracy b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/accuracy new file mode 100644 index 00000000..b890e66e --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/accuracy @@ -0,0 +1 @@ +1710766829470 0.86 0 diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/f1 b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/f1 new file mode 100644 index 00000000..0653ab82 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/f1 @@ -0,0 +1 @@ +1710766829471 0.8619419924337958 0 diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/macro_f1_score b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/macro_f1_score new file mode 100644 index 00000000..820d1bcc --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766829473 0.8528793610760824 0 diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/precision b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/precision new file mode 100644 index 00000000..9ca1b153 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/precision @@ -0,0 +1 @@ +1710766829471 0.8464696223316912 0 diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/recall b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/recall new file mode 100644 index 00000000..437af80b --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/recall @@ -0,0 +1 @@ +1710766829472 0.8663194444444444 0 diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/support b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/support new file mode 100644 index 00000000..b274e8b8 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/metrics/support @@ -0,0 +1 @@ +1710766829472 100.0 0 diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/epochs b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/lr b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/model_name b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.runName b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.name b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.type b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.user b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d7385e4a20354cb3ae4c095593da2f5b/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/artifacts/classification_report.json b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/artifacts/classification_report.json new file mode 100644 index 00000000..b39d93b2 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8947368421052632, + "recall": 0.4722222222222222, + "f1-score": 0.6181818181818182, + "support": 36 + }, + "1": { + "precision": 0.7654320987654321, + "recall": 0.96875, + "f1-score": 0.8551724137931034, + "support": 64 + }, + "accuracy": 0.79, + "macro avg": { + "precision": 0.8300844704353476, + "recall": 0.7204861111111112, + "f1-score": 0.7366771159874608, + "support": 100 + }, + "weighted avg": { + "precision": 0.8119818063677713, + "recall": 0.79, + "f1-score": 0.7698557993730407, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/artifacts/model_params.json b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/artifacts/model_params.json new file mode 100644 index 00000000..3f729bfe --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 10, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/meta.yaml b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/meta.yaml new file mode 100644 index 00000000..fefcf873 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/artifacts +end_time: 1710766235769 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d83b36727b2c4c2ea1c383f43fd88a02 +run_name: ECG200 +run_uuid: d83b36727b2c4c2ea1c383f43fd88a02 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766235759 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/accuracy b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/accuracy new file mode 100644 index 00000000..5906e631 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/accuracy @@ -0,0 +1 @@ +1710766235763 0.79 0 diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/f1 b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/f1 new file mode 100644 index 00000000..8c82d677 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/f1 @@ -0,0 +1 @@ +1710766235764 0.7698557993730407 0 diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/macro_f1_score b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/macro_f1_score new file mode 100644 index 00000000..c8812163 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766235765 0.7366771159874608 0 diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/precision b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/precision new file mode 100644 index 00000000..1bbc27d4 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/precision @@ -0,0 +1 @@ +1710766235764 0.8300844704353476 0 diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/recall b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/recall new file mode 100644 index 00000000..98808ff0 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/recall @@ -0,0 +1 @@ +1710766235765 0.7204861111111112 0 diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/support b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/support new file mode 100644 index 00000000..96e786e4 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/metrics/support @@ -0,0 +1 @@ +1710766235765 100.0 0 diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/epochs b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/lr b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/model_name b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.runName b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.name b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.type b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.user b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d83b36727b2c4c2ea1c383f43fd88a02/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/artifacts/classification_report.json b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/artifacts/model_params.json b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/artifacts/model_params.json new file mode 100644 index 00000000..f2a6a7fb --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 8, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/meta.yaml b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/meta.yaml new file mode 100644 index 00000000..21bcf250 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/artifacts +end_time: 1710766269030 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: d8fb45ddac7149bd9ffce0f4f65b3fea +run_name: ECG200 +run_uuid: d8fb45ddac7149bd9ffce0f4f65b3fea +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766269020 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/accuracy b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/accuracy new file mode 100644 index 00000000..cd9af66e --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/accuracy @@ -0,0 +1 @@ +1710766269024 0.89 0 diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/f1 b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/f1 new file mode 100644 index 00000000..2d932824 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/f1 @@ -0,0 +1 @@ +1710766269025 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/macro_f1_score b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/macro_f1_score new file mode 100644 index 00000000..6e80361b --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766269026 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/precision b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/precision new file mode 100644 index 00000000..ad3169b6 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/precision @@ -0,0 +1 @@ +1710766269025 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/recall b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/recall new file mode 100644 index 00000000..c9af09ad --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/recall @@ -0,0 +1 @@ +1710766269025 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/support b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/support new file mode 100644 index 00000000..9d93cbe7 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/metrics/support @@ -0,0 +1 @@ +1710766269026 100.0 0 diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/epochs b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/lr b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/model_name b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.runName b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.git.commit b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.name b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.type b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.user b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/d8fb45ddac7149bd9ffce0f4f65b3fea/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/artifacts/classification_report.json b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/artifacts/classification_report.json new file mode 100644 index 00000000..972058e9 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8235294117647058, + "recall": 0.7777777777777778, + "f1-score": 0.7999999999999999, + "support": 36 + }, + "1": { + "precision": 0.8787878787878788, + "recall": 0.90625, + "f1-score": 0.8923076923076922, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8511586452762923, + "recall": 0.8420138888888888, + "f1-score": 0.846153846153846, + "support": 100 + }, + "weighted avg": { + "precision": 0.8588948306595365, + "recall": 0.86, + "f1-score": 0.859076923076923, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/artifacts/model_params.json b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/artifacts/model_params.json new file mode 100644 index 00000000..4144f5d1 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/meta.yaml b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/meta.yaml new file mode 100644 index 00000000..d1a514eb --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/artifacts +end_time: 1710766083016 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: da2d9505e5f74c55827957f5c4d5c2d0 +run_name: ECG200 +run_uuid: da2d9505e5f74c55827957f5c4d5c2d0 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766083007 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/accuracy b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/accuracy new file mode 100644 index 00000000..95610e7b --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/accuracy @@ -0,0 +1 @@ +1710766083011 0.86 0 diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/f1 b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/f1 new file mode 100644 index 00000000..b9ecd3ff --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/f1 @@ -0,0 +1 @@ +1710766083011 0.859076923076923 0 diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/macro_f1_score b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/macro_f1_score new file mode 100644 index 00000000..02dc7561 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766083013 0.846153846153846 0 diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/precision b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/precision new file mode 100644 index 00000000..d77c1b3e --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/precision @@ -0,0 +1 @@ +1710766083012 0.8511586452762923 0 diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/recall b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/recall new file mode 100644 index 00000000..e7ea44e1 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/recall @@ -0,0 +1 @@ +1710766083012 0.8420138888888888 0 diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/support b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/support new file mode 100644 index 00000000..3bb26345 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/metrics/support @@ -0,0 +1 @@ +1710766083012 100.0 0 diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/epochs b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/lr b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/model_name b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.runName b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.git.commit b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.name b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.type b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.user b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/da2d9505e5f74c55827957f5c4d5c2d0/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/artifacts/classification_report.json b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/artifacts/classification_report.json new file mode 100644 index 00000000..992398b3 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8529411764705882, + "recall": 0.8055555555555556, + "f1-score": 0.8285714285714286, + "support": 36 + }, + "1": { + "precision": 0.8939393939393939, + "recall": 0.921875, + "f1-score": 0.9076923076923077, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8734402852049911, + "recall": 0.8637152777777778, + "f1-score": 0.8681318681318682, + "support": 100 + }, + "weighted avg": { + "precision": 0.8791800356506237, + "recall": 0.88, + "f1-score": 0.8792087912087913, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/artifacts/model_params.json b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/artifacts/model_params.json new file mode 100644 index 00000000..20347668 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/meta.yaml b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/meta.yaml new file mode 100644 index 00000000..a742885b --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/artifacts +end_time: 1710766926292 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: db9e6a5a37b84e74803f628e55fc9cf3 +run_name: ECG200 +run_uuid: db9e6a5a37b84e74803f628e55fc9cf3 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766926281 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/accuracy b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/accuracy new file mode 100644 index 00000000..37f0b6e2 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/accuracy @@ -0,0 +1 @@ +1710766926286 0.88 0 diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/f1 b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/f1 new file mode 100644 index 00000000..a5f1d1c6 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/f1 @@ -0,0 +1 @@ +1710766926286 0.8792087912087913 0 diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/macro_f1_score b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/macro_f1_score new file mode 100644 index 00000000..a44a4e1c --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766926288 0.8681318681318682 0 diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/precision b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/precision new file mode 100644 index 00000000..14c0c74e --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/precision @@ -0,0 +1 @@ +1710766926287 0.8734402852049911 0 diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/recall b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/recall new file mode 100644 index 00000000..0384b23d --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/recall @@ -0,0 +1 @@ +1710766926287 0.8637152777777778 0 diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/support b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/support new file mode 100644 index 00000000..fb342927 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/metrics/support @@ -0,0 +1 @@ +1710766926288 100.0 0 diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/epochs b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/lr b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/model_name b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.runName b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.git.commit b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.name b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.type b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.user b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/db9e6a5a37b84e74803f628e55fc9cf3/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/artifacts/classification_report.json b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/artifacts/classification_report.json new file mode 100644 index 00000000..1698d6f3 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8823529411764706, + "recall": 0.8333333333333334, + "f1-score": 0.8571428571428571, + "support": 36 + }, + "1": { + "precision": 0.9090909090909091, + "recall": 0.9375, + "f1-score": 0.923076923076923, + "support": 64 + }, + "accuracy": 0.9, + "macro avg": { + "precision": 0.8957219251336899, + "recall": 0.8854166666666667, + "f1-score": 0.8901098901098901, + "support": 100 + }, + "weighted avg": { + "precision": 0.8994652406417112, + "recall": 0.9, + "f1-score": 0.8993406593406593, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/artifacts/model_params.json b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/artifacts/model_params.json new file mode 100644 index 00000000..aee14c72 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 10, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/meta.yaml b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/meta.yaml new file mode 100644 index 00000000..e8cf06b5 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/artifacts +end_time: 1710765935234 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: df88cd47cf2c4d7d9ee201b983783bbb +run_name: ECG200 +run_uuid: df88cd47cf2c4d7d9ee201b983783bbb +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765935225 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/accuracy b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/accuracy new file mode 100644 index 00000000..be61d2bb --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/accuracy @@ -0,0 +1 @@ +1710765935229 0.9 0 diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/f1 b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/f1 new file mode 100644 index 00000000..a0b73ab6 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/f1 @@ -0,0 +1 @@ +1710765935229 0.8993406593406593 0 diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/macro_f1_score b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/macro_f1_score new file mode 100644 index 00000000..ecacb27d --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765935231 0.8901098901098901 0 diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/precision b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/precision new file mode 100644 index 00000000..d572fc8a --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/precision @@ -0,0 +1 @@ +1710765935230 0.8957219251336899 0 diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/recall b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/recall new file mode 100644 index 00000000..4ed189e6 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/recall @@ -0,0 +1 @@ +1710765935230 0.8854166666666667 0 diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/support b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/support new file mode 100644 index 00000000..5bb7cc3f --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/metrics/support @@ -0,0 +1 @@ +1710765935230 100.0 0 diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/epochs b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/lr b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/model_name b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.runName b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.git.commit b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.name b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.type b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.user b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/df88cd47cf2c4d7d9ee201b983783bbb/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/artifacts/classification_report.json b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/artifacts/model_params.json b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/meta.yaml b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/meta.yaml new file mode 100644 index 00000000..39a94c2d --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/artifacts +end_time: 1710766575559 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: e14ffd538b304e2fb46fe6d8c30abf63 +run_name: ECG200 +run_uuid: e14ffd538b304e2fb46fe6d8c30abf63 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766575548 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/accuracy b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/accuracy new file mode 100644 index 00000000..90e5041d --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/accuracy @@ -0,0 +1 @@ +1710766575553 0.89 0 diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/f1 b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/f1 new file mode 100644 index 00000000..bbfebb58 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/f1 @@ -0,0 +1 @@ +1710766575553 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/macro_f1_score b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/macro_f1_score new file mode 100644 index 00000000..5d8b4f11 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766575555 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/precision b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/precision new file mode 100644 index 00000000..7abf411f --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/precision @@ -0,0 +1 @@ +1710766575554 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/recall b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/recall new file mode 100644 index 00000000..3fb634be --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/recall @@ -0,0 +1 @@ +1710766575554 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/support b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/support new file mode 100644 index 00000000..30e30c8d --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/metrics/support @@ -0,0 +1 @@ +1710766575555 100.0 0 diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/epochs b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/lr b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/model_name b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.runName b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.git.commit b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.name b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.type b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.user b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/e14ffd538b304e2fb46fe6d8c30abf63/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/artifacts/classification_report.json b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/artifacts/model_params.json b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/artifacts/model_params.json new file mode 100644 index 00000000..dc7c1e60 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 8, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/meta.yaml b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/meta.yaml new file mode 100644 index 00000000..888b1dd6 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/artifacts +end_time: 1710765896886 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: e689eb3c5dba47a6af4ac023e526b659 +run_name: ECG200 +run_uuid: e689eb3c5dba47a6af4ac023e526b659 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765896877 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/accuracy b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/accuracy new file mode 100644 index 00000000..90dab6de --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/accuracy @@ -0,0 +1 @@ +1710765896881 0.89 0 diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/f1 b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/f1 new file mode 100644 index 00000000..cbd7a2e4 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/f1 @@ -0,0 +1 @@ +1710765896881 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/macro_f1_score b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/macro_f1_score new file mode 100644 index 00000000..24cf9d3f --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765896883 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/precision b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/precision new file mode 100644 index 00000000..4bf37c45 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/precision @@ -0,0 +1 @@ +1710765896881 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/recall b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/recall new file mode 100644 index 00000000..e99a9247 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/recall @@ -0,0 +1 @@ +1710765896882 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/support b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/support new file mode 100644 index 00000000..8d88aa24 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/metrics/support @@ -0,0 +1 @@ +1710765896882 100.0 0 diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/epochs b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/lr b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/model_name b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.runName b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.git.commit b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.name b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.type b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.user b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/e689eb3c5dba47a6af4ac023e526b659/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/artifacts/classification_report.json b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/artifacts/classification_report.json new file mode 100644 index 00000000..3f6e0a33 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7804878048780488, + "recall": 0.8888888888888888, + "f1-score": 0.8311688311688312, + "support": 36 + }, + "1": { + "precision": 0.9322033898305084, + "recall": 0.859375, + "f1-score": 0.8943089430894309, + "support": 64 + }, + "accuracy": 0.87, + "macro avg": { + "precision": 0.8563455973542786, + "recall": 0.8741319444444444, + "f1-score": 0.862738887129131, + "support": 100 + }, + "weighted avg": { + "precision": 0.8775857792476229, + "recall": 0.87, + "f1-score": 0.871578502798015, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/artifacts/model_params.json b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/meta.yaml b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/meta.yaml new file mode 100644 index 00000000..77f9761c --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/artifacts +end_time: 1710767078968 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: e9356a85dc484470a0258de5e79255b1 +run_name: ECG200 +run_uuid: e9356a85dc484470a0258de5e79255b1 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710767078957 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/accuracy b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/accuracy new file mode 100644 index 00000000..dbb9f9fd --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/accuracy @@ -0,0 +1 @@ +1710767078961 0.87 0 diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/f1 b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/f1 new file mode 100644 index 00000000..f6de10ed --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/f1 @@ -0,0 +1 @@ +1710767078962 0.871578502798015 0 diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/macro_f1_score b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/macro_f1_score new file mode 100644 index 00000000..007f0e25 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/macro_f1_score @@ -0,0 +1 @@ +1710767078964 0.862738887129131 0 diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/precision b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/precision new file mode 100644 index 00000000..f63ac2fb --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/precision @@ -0,0 +1 @@ +1710767078962 0.8563455973542786 0 diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/recall b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/recall new file mode 100644 index 00000000..67338dd3 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/recall @@ -0,0 +1 @@ +1710767078963 0.8741319444444444 0 diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/support b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/support new file mode 100644 index 00000000..17d21cba --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/metrics/support @@ -0,0 +1 @@ +1710767078963 100.0 0 diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/epochs b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/lr b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/model_name b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.runName b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.git.commit b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.name b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.type b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.user b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/e9356a85dc484470a0258de5e79255b1/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/artifacts/classification_report.json b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/artifacts/classification_report.json new file mode 100644 index 00000000..fe1829d7 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.7333333333333333, + "recall": 0.9166666666666666, + "f1-score": 0.8148148148148148, + "support": 36 + }, + "1": { + "precision": 0.9454545454545454, + "recall": 0.8125, + "f1-score": 0.8739495798319329, + "support": 64 + }, + "accuracy": 0.85, + "macro avg": { + "precision": 0.8393939393939394, + "recall": 0.8645833333333333, + "f1-score": 0.8443821973233738, + "support": 100 + }, + "weighted avg": { + "precision": 0.869090909090909, + "recall": 0.85, + "f1-score": 0.8526610644257704, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/artifacts/model_params.json b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/artifacts/model_params.json new file mode 100644 index 00000000..7a3bf018 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/meta.yaml b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/meta.yaml new file mode 100644 index 00000000..4bfe256c --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/artifacts +end_time: 1710765952040 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: ed95a00d8ca34dbd94164e1e3b650f8f +run_name: ECG200 +run_uuid: ed95a00d8ca34dbd94164e1e3b650f8f +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765952031 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/accuracy b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/accuracy new file mode 100644 index 00000000..a2286411 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/accuracy @@ -0,0 +1 @@ +1710765952035 0.85 0 diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/f1 b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/f1 new file mode 100644 index 00000000..61b66e69 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/f1 @@ -0,0 +1 @@ +1710765952035 0.8526610644257704 0 diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/macro_f1_score b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/macro_f1_score new file mode 100644 index 00000000..fe59e60d --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765952037 0.8443821973233738 0 diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/precision b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/precision new file mode 100644 index 00000000..3890e26e --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/precision @@ -0,0 +1 @@ +1710765952036 0.8393939393939394 0 diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/recall b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/recall new file mode 100644 index 00000000..bf44729b --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/recall @@ -0,0 +1 @@ +1710765952036 0.8645833333333333 0 diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/support b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/support new file mode 100644 index 00000000..b5ee53a6 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/metrics/support @@ -0,0 +1 @@ +1710765952036 100.0 0 diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/epochs b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/lr b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/model_name b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.runName b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.git.commit b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.name b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.type b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.user b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/ed95a00d8ca34dbd94164e1e3b650f8f/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/artifacts/classification_report.json b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/artifacts/classification_report.json new file mode 100644 index 00000000..6dfec182 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.9230769230769231, + "recall": 0.6666666666666666, + "f1-score": 0.7741935483870968, + "support": 36 + }, + "1": { + "precision": 0.8378378378378378, + "recall": 0.96875, + "f1-score": 0.8985507246376812, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8804573804573805, + "recall": 0.8177083333333333, + "f1-score": 0.836372136512389, + "support": 100 + }, + "weighted avg": { + "precision": 0.8685239085239086, + "recall": 0.86, + "f1-score": 0.8537821411874709, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/artifacts/model_params.json b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/artifacts/model_params.json new file mode 100644 index 00000000..13c9f922 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 16, + "ks": 20, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/meta.yaml b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/meta.yaml new file mode 100644 index 00000000..a624b233 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/artifacts +end_time: 1710765943821 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: ee849bd80324462a8ebcc81b616cc3b1 +run_name: ECG200 +run_uuid: ee849bd80324462a8ebcc81b616cc3b1 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710765943811 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/accuracy b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/accuracy new file mode 100644 index 00000000..04c3a5dc --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/accuracy @@ -0,0 +1 @@ +1710765943815 0.86 0 diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/f1 b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/f1 new file mode 100644 index 00000000..acc129ab --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/f1 @@ -0,0 +1 @@ +1710765943816 0.8537821411874709 0 diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/macro_f1_score b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/macro_f1_score new file mode 100644 index 00000000..64667929 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/macro_f1_score @@ -0,0 +1 @@ +1710765943817 0.836372136512389 0 diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/precision b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/precision new file mode 100644 index 00000000..43cfa62f --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/precision @@ -0,0 +1 @@ +1710765943816 0.8804573804573805 0 diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/recall b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/recall new file mode 100644 index 00000000..6c0b6647 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/recall @@ -0,0 +1 @@ +1710765943816 0.8177083333333333 0 diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/support b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/support new file mode 100644 index 00000000..9187954e --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/metrics/support @@ -0,0 +1 @@ +1710765943817 100.0 0 diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/epochs b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/lr b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/model_name b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.runName b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.git.commit b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.name b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.type b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.user b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/ee849bd80324462a8ebcc81b616cc3b1/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/artifacts/classification_report.json b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/artifacts/classification_report.json new file mode 100644 index 00000000..426cd5c2 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8205128205128205, + "recall": 0.8888888888888888, + "f1-score": 0.8533333333333333, + "support": 36 + }, + "1": { + "precision": 0.9344262295081968, + "recall": 0.890625, + "f1-score": 0.9120000000000001, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8774695250105087, + "recall": 0.8897569444444444, + "f1-score": 0.8826666666666667, + "support": 100 + }, + "weighted avg": { + "precision": 0.8934174022698613, + "recall": 0.89, + "f1-score": 0.8908800000000001, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/artifacts/model_params.json b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/artifacts/model_params.json new file mode 100644 index 00000000..e6af6595 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 128, + "nb_filters": 128, + "ks": 40, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/meta.yaml b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/meta.yaml new file mode 100644 index 00000000..684a02bd --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/artifacts +end_time: 1710766556840 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: eef83dfd67084161bc14d29a4dcd63d4 +run_name: ECG200 +run_uuid: eef83dfd67084161bc14d29a4dcd63d4 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766556830 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/accuracy b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/accuracy new file mode 100644 index 00000000..4a04673d --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/accuracy @@ -0,0 +1 @@ +1710766556835 0.89 0 diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/f1 b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/f1 new file mode 100644 index 00000000..da4d0d64 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/f1 @@ -0,0 +1 @@ +1710766556835 0.8908800000000001 0 diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/macro_f1_score b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/macro_f1_score new file mode 100644 index 00000000..a63da3ca --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766556837 0.8826666666666667 0 diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/precision b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/precision new file mode 100644 index 00000000..6ba945a5 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/precision @@ -0,0 +1 @@ +1710766556836 0.8774695250105087 0 diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/recall b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/recall new file mode 100644 index 00000000..2c3704d4 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/recall @@ -0,0 +1 @@ +1710766556836 0.8897569444444444 0 diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/support b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/support new file mode 100644 index 00000000..5093bbe6 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/metrics/support @@ -0,0 +1 @@ +1710766556836 100.0 0 diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/epochs b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/lr b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/model_name b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.runName b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.git.commit b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.name b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.type b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.user b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/eef83dfd67084161bc14d29a4dcd63d4/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/artifacts/classification_report.json b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/artifacts/classification_report.json new file mode 100644 index 00000000..b09c5778 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8378378378378378, + "recall": 0.8611111111111112, + "f1-score": 0.8493150684931507, + "support": 36 + }, + "1": { + "precision": 0.9206349206349206, + "recall": 0.90625, + "f1-score": 0.9133858267716536, + "support": 64 + }, + "accuracy": 0.89, + "macro avg": { + "precision": 0.8792363792363792, + "recall": 0.8836805555555556, + "f1-score": 0.8813504476324021, + "support": 100 + }, + "weighted avg": { + "precision": 0.8908279708279707, + "recall": 0.89, + "f1-score": 0.8903203537913926, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/artifacts/model_params.json b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/artifacts/model_params.json new file mode 100644 index 00000000..b56f3d42 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 80, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/meta.yaml b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/meta.yaml new file mode 100644 index 00000000..6f6d3f8d --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/artifacts +end_time: 1710766950821 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: ef5fa35f44654ee09f19978fa85d1498 +run_name: ECG200 +run_uuid: ef5fa35f44654ee09f19978fa85d1498 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766950810 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/accuracy b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/accuracy new file mode 100644 index 00000000..af8faddf --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/accuracy @@ -0,0 +1 @@ +1710766950815 0.89 0 diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/f1 b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/f1 new file mode 100644 index 00000000..d418e4b3 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/f1 @@ -0,0 +1 @@ +1710766950815 0.8903203537913926 0 diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/macro_f1_score b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/macro_f1_score new file mode 100644 index 00000000..a72c214f --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766950817 0.8813504476324021 0 diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/precision b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/precision new file mode 100644 index 00000000..e515759f --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/precision @@ -0,0 +1 @@ +1710766950816 0.8792363792363792 0 diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/recall b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/recall new file mode 100644 index 00000000..2df68dcf --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/recall @@ -0,0 +1 @@ +1710766950816 0.8836805555555556 0 diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/support b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/support new file mode 100644 index 00000000..c7eb3e46 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/metrics/support @@ -0,0 +1 @@ +1710766950817 100.0 0 diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/epochs b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/lr b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/model_name b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.runName b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.git.commit b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.name b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.type b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.user b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/ef5fa35f44654ee09f19978fa85d1498/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/artifacts/classification_report.json b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/artifacts/classification_report.json new file mode 100644 index 00000000..5f229bca --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8928571428571429, + "recall": 0.6944444444444444, + "f1-score": 0.78125, + "support": 36 + }, + "1": { + "precision": 0.8472222222222222, + "recall": 0.953125, + "f1-score": 0.8970588235294118, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8700396825396826, + "recall": 0.8237847222222222, + "f1-score": 0.8391544117647058, + "support": 100 + }, + "weighted avg": { + "precision": 0.8636507936507937, + "recall": 0.86, + "f1-score": 0.8553676470588235, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/artifacts/model_params.json b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/artifacts/model_params.json new file mode 100644 index 00000000..3f729bfe --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 64, + "ks": 10, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/meta.yaml b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/meta.yaml new file mode 100644 index 00000000..2415b4c7 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/artifacts +end_time: 1710766243501 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: efd50c139bbe4b688d37ecd23aec1df5 +run_name: ECG200 +run_uuid: efd50c139bbe4b688d37ecd23aec1df5 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766243491 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/accuracy b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/accuracy new file mode 100644 index 00000000..8ba63df6 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/accuracy @@ -0,0 +1 @@ +1710766243495 0.86 0 diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/f1 b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/f1 new file mode 100644 index 00000000..36a90132 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/f1 @@ -0,0 +1 @@ +1710766243496 0.8553676470588235 0 diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/macro_f1_score b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/macro_f1_score new file mode 100644 index 00000000..337216a0 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766243497 0.8391544117647058 0 diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/precision b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/precision new file mode 100644 index 00000000..96e1be9a --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/precision @@ -0,0 +1 @@ +1710766243496 0.8700396825396826 0 diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/recall b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/recall new file mode 100644 index 00000000..64bc9f69 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/recall @@ -0,0 +1 @@ +1710766243496 0.8237847222222222 0 diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/support b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/support new file mode 100644 index 00000000..4d1de600 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/metrics/support @@ -0,0 +1 @@ +1710766243497 100.0 0 diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/epochs b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/lr b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/model_name b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.runName b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.git.commit b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.name b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.type b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.user b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/efd50c139bbe4b688d37ecd23aec1df5/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/artifacts/classification_report.json b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/artifacts/classification_report.json new file mode 100644 index 00000000..bdc58c33 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8, + "recall": 0.8888888888888888, + "f1-score": 0.8421052631578948, + "support": 36 + }, + "1": { + "precision": 0.9333333333333333, + "recall": 0.875, + "f1-score": 0.9032258064516129, + "support": 64 + }, + "accuracy": 0.88, + "macro avg": { + "precision": 0.8666666666666667, + "recall": 0.8819444444444444, + "f1-score": 0.8726655348047538, + "support": 100 + }, + "weighted avg": { + "precision": 0.8853333333333333, + "recall": 0.88, + "f1-score": 0.8812224108658744, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/artifacts/model_params.json b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/artifacts/model_params.json new file mode 100644 index 00000000..deca6dad --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 128, + "ks": 40, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/meta.yaml b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/meta.yaml new file mode 100644 index 00000000..0a1f7937 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/artifacts +end_time: 1710766051468 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: f6ad55fff8094346b93c77e89204f777 +run_name: ECG200 +run_uuid: f6ad55fff8094346b93c77e89204f777 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766051458 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/accuracy b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/accuracy new file mode 100644 index 00000000..b5e8f8ff --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/accuracy @@ -0,0 +1 @@ +1710766051462 0.88 0 diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/f1 b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/f1 new file mode 100644 index 00000000..c453c948 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/f1 @@ -0,0 +1 @@ +1710766051463 0.8812224108658744 0 diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/macro_f1_score b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/macro_f1_score new file mode 100644 index 00000000..506a27b5 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766051464 0.8726655348047538 0 diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/precision b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/precision new file mode 100644 index 00000000..be8ea3ec --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/precision @@ -0,0 +1 @@ +1710766051463 0.8666666666666667 0 diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/recall b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/recall new file mode 100644 index 00000000..41cf2d1a --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/recall @@ -0,0 +1 @@ +1710766051463 0.8819444444444444 0 diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/support b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/support new file mode 100644 index 00000000..0e5b426c --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/metrics/support @@ -0,0 +1 @@ +1710766051464 100.0 0 diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/epochs b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/lr b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/model_name b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.runName b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.git.commit b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.name b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.type b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.user b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/f6ad55fff8094346b93c77e89204f777/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/artifacts/classification_report.json b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/artifacts/classification_report.json new file mode 100644 index 00000000..5f229bca --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.8928571428571429, + "recall": 0.6944444444444444, + "f1-score": 0.78125, + "support": 36 + }, + "1": { + "precision": 0.8472222222222222, + "recall": 0.953125, + "f1-score": 0.8970588235294118, + "support": 64 + }, + "accuracy": 0.86, + "macro avg": { + "precision": 0.8700396825396826, + "recall": 0.8237847222222222, + "f1-score": 0.8391544117647058, + "support": 100 + }, + "weighted avg": { + "precision": 0.8636507936507937, + "recall": 0.86, + "f1-score": 0.8553676470588235, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/artifacts/model_params.json b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/artifacts/model_params.json new file mode 100644 index 00000000..050d0bad --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 32, + "nb_filters": 64, + "ks": 160, + "bottleneck": true +} \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/meta.yaml b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/meta.yaml new file mode 100644 index 00000000..85551e23 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/artifacts +end_time: 1710766918134 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: fcd8b257ba9b46b4b2a634c9c66b66d0 +run_name: ECG200 +run_uuid: fcd8b257ba9b46b4b2a634c9c66b66d0 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766918123 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/accuracy b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/accuracy new file mode 100644 index 00000000..65d2c480 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/accuracy @@ -0,0 +1 @@ +1710766918128 0.86 0 diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/f1 b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/f1 new file mode 100644 index 00000000..95af76c4 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/f1 @@ -0,0 +1 @@ +1710766918128 0.8553676470588235 0 diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/macro_f1_score b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/macro_f1_score new file mode 100644 index 00000000..5cad34a2 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766918130 0.8391544117647058 0 diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/precision b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/precision new file mode 100644 index 00000000..fdc85a48 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/precision @@ -0,0 +1 @@ +1710766918129 0.8700396825396826 0 diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/recall b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/recall new file mode 100644 index 00000000..a8d30138 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/recall @@ -0,0 +1 @@ +1710766918129 0.8237847222222222 0 diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/support b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/support new file mode 100644 index 00000000..a96de26a --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/metrics/support @@ -0,0 +1 @@ +1710766918130 100.0 0 diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/epochs b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/lr b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/model_name b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.runName b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.git.commit b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.name b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.type b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.user b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/fcd8b257ba9b46b4b2a634c9c66b66d0/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/artifacts/classification_report.json b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/artifacts/classification_report.json new file mode 100644 index 00000000..23c4acd6 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/artifacts/classification_report.json @@ -0,0 +1,27 @@ +{ + "0": { + "precision": 0.5151515151515151, + "recall": 0.9444444444444444, + "f1-score": 0.6666666666666666, + "support": 36 + }, + "1": { + "precision": 0.9411764705882353, + "recall": 0.5, + "f1-score": 0.6530612244897959, + "support": 64 + }, + "accuracy": 0.66, + "macro avg": { + "precision": 0.7281639928698752, + "recall": 0.7222222222222222, + "f1-score": 0.6598639455782312, + "support": 100 + }, + "weighted avg": { + "precision": 0.7878074866310161, + "recall": 0.66, + "f1-score": 0.6579591836734693, + "support": 100 + } +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/artifacts/model_params.json b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/artifacts/model_params.json new file mode 100644 index 00000000..443492e6 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/artifacts/model_params.json @@ -0,0 +1,6 @@ +{ + "nf": 8, + "nb_filters": 16, + "ks": 80, + "bottleneck": false +} \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/meta.yaml b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/meta.yaml new file mode 100644 index 00000000..66e6161e --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/artifacts +end_time: 1710766134287 +entry_point_name: '' +experiment_id: '952712754232464717' +lifecycle_stage: active +run_id: ff61ad884029420281474f660f159d0e +run_name: ECG200 +run_uuid: ff61ad884029420281474f660f159d0e +source_name: '' +source_type: 4 +source_version: '' +start_time: 1710766134277 +status: 3 +tags: [] +user_id: pops diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/accuracy b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/accuracy new file mode 100644 index 00000000..f8820d3b --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/accuracy @@ -0,0 +1 @@ +1710766134281 0.66 0 diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/f1 b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/f1 new file mode 100644 index 00000000..1607c895 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/f1 @@ -0,0 +1 @@ +1710766134282 0.6579591836734693 0 diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/macro_f1_score b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/macro_f1_score new file mode 100644 index 00000000..1b60c49b --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/macro_f1_score @@ -0,0 +1 @@ +1710766134283 0.6598639455782312 0 diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/precision b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/precision new file mode 100644 index 00000000..a54bf731 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/precision @@ -0,0 +1 @@ +1710766134282 0.7281639928698752 0 diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/recall b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/recall new file mode 100644 index 00000000..b345df59 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/recall @@ -0,0 +1 @@ +1710766134283 0.7222222222222222 0 diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/support b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/support new file mode 100644 index 00000000..a2d073e3 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/metrics/support @@ -0,0 +1 @@ +1710766134283 100.0 0 diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/epochs b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/epochs new file mode 100644 index 00000000..eb1f4948 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/epochs @@ -0,0 +1 @@ +500 \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/lr b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/lr new file mode 100644 index 00000000..eb5a1db8 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/lr @@ -0,0 +1 @@ +0.001 \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/model_name b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/model_name new file mode 100644 index 00000000..ae14bfba --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/params/model_name @@ -0,0 +1 @@ +InceptionTime \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.runName b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.runName new file mode 100644 index 00000000..5116a4f8 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.runName @@ -0,0 +1 @@ +ECG200 \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.git.commit b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.git.commit new file mode 100644 index 00000000..39e286c1 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +fe8042a2f33aa638b2c8945a75a751b3357866df \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.name b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.name new file mode 100644 index 00000000..11a5d8e1 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.name @@ -0,0 +1 @@ +main.py \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.type b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.type new file mode 100644 index 00000000..0c2c1fe9 --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.source.type @@ -0,0 +1 @@ +LOCAL \ No newline at end of file diff --git a/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.user b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.user new file mode 100644 index 00000000..08b774eb --- /dev/null +++ b/mlruns/952712754232464717/ff61ad884029420281474f660f159d0e/tags/mlflow.user @@ -0,0 +1 @@ +pops \ No newline at end of file diff --git a/mlruns/952712754232464717/meta.yaml b/mlruns/952712754232464717/meta.yaml new file mode 100644 index 00000000..b9024bbf --- /dev/null +++ b/mlruns/952712754232464717/meta.yaml @@ -0,0 +1,6 @@ +artifact_location: file:///home/pops/myProjects/ts_classification_mlflow_hydra_optuna/mlruns/952712754232464717 +creation_time: 1710765877947 +experiment_id: '952712754232464717' +last_update_time: 1710765877947 +lifecycle_stage: active +name: InceptionTime diff --git a/multirun/2024-03-18/13-15-28/0/.hydra/config.yaml b/multirun/2024-03-18/13-15-28/0/.hydra/config.yaml new file mode 100644 index 00000000..eb650eb7 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-15-28/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-15-28/0/.hydra/hydra.yaml new file mode 100644 index 00000000..7d3413dd --- /dev/null +++ b/multirun/2024-03-18/13-15-28/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-15-28/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-15-28/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-15-28/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-15-28/0/main.log b/multirun/2024-03-18/13-15-28/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-15-28/1/.hydra/config.yaml b/multirun/2024-03-18/13-15-28/1/.hydra/config.yaml new file mode 100644 index 00000000..fa4ab706 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-15-28/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-15-28/1/.hydra/hydra.yaml new file mode 100644 index 00000000..368a217d --- /dev/null +++ b/multirun/2024-03-18/13-15-28/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=InceptionTime + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-15-28/1 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-15-28/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-15-28/1/.hydra/overrides.yaml new file mode 100644 index 00000000..0bf687b8 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-15-28/1/main.log b/multirun/2024-03-18/13-15-28/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-15-28/2/.hydra/config.yaml b/multirun/2024-03-18/13-15-28/2/.hydra/config.yaml new file mode 100644 index 00000000..2da1be53 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-15-28/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-15-28/2/.hydra/hydra.yaml new file mode 100644 index 00000000..97d2e2b9 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-15-28/2 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-15-28/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-15-28/2/.hydra/overrides.yaml new file mode 100644 index 00000000..91977708 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-15-28/2/main.log b/multirun/2024-03-18/13-15-28/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-15-28/3/.hydra/config.yaml b/multirun/2024-03-18/13-15-28/3/.hydra/config.yaml new file mode 100644 index 00000000..95f2d80d --- /dev/null +++ b/multirun/2024-03-18/13-15-28/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-15-28/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-15-28/3/.hydra/hydra.yaml new file mode 100644 index 00000000..f163ed29 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=InceptionTime + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-15-28/3 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-15-28/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-15-28/3/.hydra/overrides.yaml new file mode 100644 index 00000000..81e15ac7 --- /dev/null +++ b/multirun/2024-03-18/13-15-28/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-15-28/3/main.log b/multirun/2024-03-18/13-15-28/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-17-27/0/.hydra/config.yaml b/multirun/2024-03-18/13-17-27/0/.hydra/config.yaml new file mode 100644 index 00000000..ea93e288 --- /dev/null +++ b/multirun/2024-03-18/13-17-27/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-17-27/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-17-27/0/.hydra/hydra.yaml new file mode 100644 index 00000000..ad6f8b94 --- /dev/null +++ b/multirun/2024-03-18/13-17-27/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=Inception_Time + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=Inception_Time + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-17-27/0 + choices: + models: Inception_Time + datasets: dataset_params + search_spaces@hydra.sweeper.params: Inception_Time + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-17-27/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-17-27/0/.hydra/overrides.yaml new file mode 100644 index 00000000..4cd53667 --- /dev/null +++ b/multirun/2024-03-18/13-17-27/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=Inception_Time diff --git a/multirun/2024-03-18/13-17-27/0/main.log b/multirun/2024-03-18/13-17-27/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-17-27/1/.hydra/config.yaml b/multirun/2024-03-18/13-17-27/1/.hydra/config.yaml new file mode 100644 index 00000000..358a33cd --- /dev/null +++ b/multirun/2024-03-18/13-17-27/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-17-27/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-17-27/1/.hydra/hydra.yaml new file mode 100644 index 00000000..7f90ebaf --- /dev/null +++ b/multirun/2024-03-18/13-17-27/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[HandMovementDirection] + - models=Inception_Time + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=Inception_Time + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-17-27/1 + choices: + models: Inception_Time + datasets: dataset_params + search_spaces@hydra.sweeper.params: Inception_Time + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-17-27/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-17-27/1/.hydra/overrides.yaml new file mode 100644 index 00000000..b5cd57ad --- /dev/null +++ b/multirun/2024-03-18/13-17-27/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[HandMovementDirection] +- models=Inception_Time diff --git a/multirun/2024-03-18/13-17-27/1/main.log b/multirun/2024-03-18/13-17-27/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-17-27/2/.hydra/config.yaml b/multirun/2024-03-18/13-17-27/2/.hydra/config.yaml new file mode 100644 index 00000000..2f38d731 --- /dev/null +++ b/multirun/2024-03-18/13-17-27/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-17-27/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-17-27/2/.hydra/hydra.yaml new file mode 100644 index 00000000..5811f9d6 --- /dev/null +++ b/multirun/2024-03-18/13-17-27/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=Inception_Time + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=Inception_Time + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-17-27/2 + choices: + models: Inception_Time + datasets: dataset_params + search_spaces@hydra.sweeper.params: Inception_Time + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-17-27/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-17-27/2/.hydra/overrides.yaml new file mode 100644 index 00000000..40389288 --- /dev/null +++ b/multirun/2024-03-18/13-17-27/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=Inception_Time diff --git a/multirun/2024-03-18/13-17-27/2/main.log b/multirun/2024-03-18/13-17-27/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-17-27/3/.hydra/config.yaml b/multirun/2024-03-18/13-17-27/3/.hydra/config.yaml new file mode 100644 index 00000000..05efcb4f --- /dev/null +++ b/multirun/2024-03-18/13-17-27/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-17-27/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-17-27/3/.hydra/hydra.yaml new file mode 100644 index 00000000..d8416aa7 --- /dev/null +++ b/multirun/2024-03-18/13-17-27/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=Inception_Time + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=Inception_Time + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-17-27/3 + choices: + models: Inception_Time + datasets: dataset_params + search_spaces@hydra.sweeper.params: Inception_Time + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-17-27/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-17-27/3/.hydra/overrides.yaml new file mode 100644 index 00000000..73e7bede --- /dev/null +++ b/multirun/2024-03-18/13-17-27/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=Inception_Time diff --git a/multirun/2024-03-18/13-17-27/3/main.log b/multirun/2024-03-18/13-17-27/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-18-14/0/.hydra/config.yaml b/multirun/2024-03-18/13-18-14/0/.hydra/config.yaml new file mode 100644 index 00000000..99aeb42f --- /dev/null +++ b/multirun/2024-03-18/13-18-14/0/.hydra/config.yaml @@ -0,0 +1,21 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.LSTM.LSTM_classifier + hidden_size: 256 + n_layers: 2 + bias: true + rnn_dropout: 0.5 + bidirectional: true + fc_dropout: 0.2 + init_weights: true diff --git a/multirun/2024-03-18/13-18-14/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-18-14/0/.hydra/hydra.yaml new file mode 100644 index 00000000..3d1d4670 --- /dev/null +++ b/multirun/2024-03-18/13-18-14/0/.hydra/hydra.yaml @@ -0,0 +1,191 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.hidden_size: choice(16, 32, 64, 128, 256) + models.model.n_layers: choice(1, 2, 3, 4) + models.model.bias: bool (True, False) + models.model.rnn_dropout: float (range(0.0, 0.6, 0.1)) + models.model.bidirectional: bool (True, False) + models.model.fc_dropout: float (range(0.0, 0.6, 0.1)) + models.model.init_weights: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.hidden_size=256 + - models.model.n_layers=2 + - models.model.bias=True + - models.model.rnn_dropout=0.5 + - models.model.bidirectional=True + - models.model.fc_dropout=0.2 + - models.model.init_weights=True + - dataset_name=[HandMovementDirection] + - models=LSTM + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bias=True,models.model.bidirectional=True,models.model.fc_dropout=0.2,models.model.hidden_size=256,models.model.init_weights=True,models.model.n_layers=2,models.model.rnn_dropout=0.5,models=LSTM + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-18-14/0 + choices: + models: LSTM + datasets: dataset_params + search_spaces@hydra.sweeper.params: LSTM + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-18-14/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-18-14/0/.hydra/overrides.yaml new file mode 100644 index 00000000..26bc6a65 --- /dev/null +++ b/multirun/2024-03-18/13-18-14/0/.hydra/overrides.yaml @@ -0,0 +1,9 @@ +- models.model.hidden_size=256 +- models.model.n_layers=2 +- models.model.bias=True +- models.model.rnn_dropout=0.5 +- models.model.bidirectional=True +- models.model.fc_dropout=0.2 +- models.model.init_weights=True +- dataset_name=[HandMovementDirection] +- models=LSTM diff --git a/multirun/2024-03-18/13-18-14/0/main.log b/multirun/2024-03-18/13-18-14/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-02/0/.hydra/config.yaml b/multirun/2024-03-18/13-19-02/0/.hydra/config.yaml new file mode 100644 index 00000000..ea93e288 --- /dev/null +++ b/multirun/2024-03-18/13-19-02/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-19-02/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-02/0/.hydra/hydra.yaml new file mode 100644 index 00000000..7797923b --- /dev/null +++ b/multirun/2024-03-18/13-19-02/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-02/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-02/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-02/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-19-02/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-02/0/main.log b/multirun/2024-03-18/13-19-02/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-02/1/.hydra/config.yaml b/multirun/2024-03-18/13-19-02/1/.hydra/config.yaml new file mode 100644 index 00000000..358a33cd --- /dev/null +++ b/multirun/2024-03-18/13-19-02/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-19-02/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-02/1/.hydra/hydra.yaml new file mode 100644 index 00000000..c18534ca --- /dev/null +++ b/multirun/2024-03-18/13-19-02/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=InceptionTime + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-02/1 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-02/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-02/1/.hydra/overrides.yaml new file mode 100644 index 00000000..0bf687b8 --- /dev/null +++ b/multirun/2024-03-18/13-19-02/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-02/1/main.log b/multirun/2024-03-18/13-19-02/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-02/2/.hydra/config.yaml b/multirun/2024-03-18/13-19-02/2/.hydra/config.yaml new file mode 100644 index 00000000..2f38d731 --- /dev/null +++ b/multirun/2024-03-18/13-19-02/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-19-02/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-02/2/.hydra/hydra.yaml new file mode 100644 index 00000000..7fe958ea --- /dev/null +++ b/multirun/2024-03-18/13-19-02/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-02/2 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-02/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-02/2/.hydra/overrides.yaml new file mode 100644 index 00000000..91977708 --- /dev/null +++ b/multirun/2024-03-18/13-19-02/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-02/2/main.log b/multirun/2024-03-18/13-19-02/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-02/3/.hydra/config.yaml b/multirun/2024-03-18/13-19-02/3/.hydra/config.yaml new file mode 100644 index 00000000..05efcb4f --- /dev/null +++ b/multirun/2024-03-18/13-19-02/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-19-02/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-02/3/.hydra/hydra.yaml new file mode 100644 index 00000000..d220933e --- /dev/null +++ b/multirun/2024-03-18/13-19-02/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=InceptionTime + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-02/3 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-02/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-02/3/.hydra/overrides.yaml new file mode 100644 index 00000000..81e15ac7 --- /dev/null +++ b/multirun/2024-03-18/13-19-02/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-02/3/main.log b/multirun/2024-03-18/13-19-02/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-44/0/.hydra/config.yaml b/multirun/2024-03-18/13-19-44/0/.hydra/config.yaml new file mode 100644 index 00000000..ea93e288 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-19-44/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-44/0/.hydra/hydra.yaml new file mode 100644 index 00000000..575832f9 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-44/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-44/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-44/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-44/0/main.log b/multirun/2024-03-18/13-19-44/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-44/1/.hydra/config.yaml b/multirun/2024-03-18/13-19-44/1/.hydra/config.yaml new file mode 100644 index 00000000..358a33cd --- /dev/null +++ b/multirun/2024-03-18/13-19-44/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-19-44/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-44/1/.hydra/hydra.yaml new file mode 100644 index 00000000..955fe452 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=InceptionTime + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-44/1 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-44/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-44/1/.hydra/overrides.yaml new file mode 100644 index 00000000..0bf687b8 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-44/1/main.log b/multirun/2024-03-18/13-19-44/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-44/2/.hydra/config.yaml b/multirun/2024-03-18/13-19-44/2/.hydra/config.yaml new file mode 100644 index 00000000..2f38d731 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-19-44/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-44/2/.hydra/hydra.yaml new file mode 100644 index 00000000..ed829a00 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-44/2 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-44/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-44/2/.hydra/overrides.yaml new file mode 100644 index 00000000..91977708 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-44/2/main.log b/multirun/2024-03-18/13-19-44/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-19-44/3/.hydra/config.yaml b/multirun/2024-03-18/13-19-44/3/.hydra/config.yaml new file mode 100644 index 00000000..05efcb4f --- /dev/null +++ b/multirun/2024-03-18/13-19-44/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.Inception_Time.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-19-44/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-19-44/3/.hydra/hydra.yaml new file mode 100644 index 00000000..ade75478 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=InceptionTime + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-19-44/3 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-19-44/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-19-44/3/.hydra/overrides.yaml new file mode 100644 index 00000000..81e15ac7 --- /dev/null +++ b/multirun/2024-03-18/13-19-44/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-19-44/3/main.log b/multirun/2024-03-18/13-19-44/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-20-05/0/.hydra/config.yaml b/multirun/2024-03-18/13-20-05/0/.hydra/config.yaml new file mode 100644 index 00000000..eb650eb7 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-20-05/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-20-05/0/.hydra/hydra.yaml new file mode 100644 index 00000000..b069c7e2 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-20-05/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-20-05/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-20-05/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-20-05/0/main.log b/multirun/2024-03-18/13-20-05/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-20-05/1/.hydra/config.yaml b/multirun/2024-03-18/13-20-05/1/.hydra/config.yaml new file mode 100644 index 00000000..fa4ab706 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-20-05/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-20-05/1/.hydra/hydra.yaml new file mode 100644 index 00000000..d70d2732 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=InceptionTime + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-20-05/1 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-20-05/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-20-05/1/.hydra/overrides.yaml new file mode 100644 index 00000000..0bf687b8 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-20-05/1/main.log b/multirun/2024-03-18/13-20-05/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-20-05/2/.hydra/config.yaml b/multirun/2024-03-18/13-20-05/2/.hydra/config.yaml new file mode 100644 index 00000000..2da1be53 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-20-05/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-20-05/2/.hydra/hydra.yaml new file mode 100644 index 00000000..d69e8c9e --- /dev/null +++ b/multirun/2024-03-18/13-20-05/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-20-05/2 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-20-05/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-20-05/2/.hydra/overrides.yaml new file mode 100644 index 00000000..91977708 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-20-05/2/main.log b/multirun/2024-03-18/13-20-05/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-20-05/3/.hydra/config.yaml b/multirun/2024-03-18/13-20-05/3/.hydra/config.yaml new file mode 100644 index 00000000..95f2d80d --- /dev/null +++ b/multirun/2024-03-18/13-20-05/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-20-05/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-20-05/3/.hydra/hydra.yaml new file mode 100644 index 00000000..2ef2953d --- /dev/null +++ b/multirun/2024-03-18/13-20-05/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=InceptionTime + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-20-05/3 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-20-05/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-20-05/3/.hydra/overrides.yaml new file mode 100644 index 00000000..81e15ac7 --- /dev/null +++ b/multirun/2024-03-18/13-20-05/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-20-05/3/main.log b/multirun/2024-03-18/13-20-05/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-21-00/0/.hydra/config.yaml b/multirun/2024-03-18/13-21-00/0/.hydra/config.yaml new file mode 100644 index 00000000..eb650eb7 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-21-00/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-21-00/0/.hydra/hydra.yaml new file mode 100644 index 00000000..45cf8737 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-21-00/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-21-00/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-21-00/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-21-00/0/main.log b/multirun/2024-03-18/13-21-00/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-21-00/1/.hydra/config.yaml b/multirun/2024-03-18/13-21-00/1/.hydra/config.yaml new file mode 100644 index 00000000..fa4ab706 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-21-00/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-21-00/1/.hydra/hydra.yaml new file mode 100644 index 00000000..d4039cba --- /dev/null +++ b/multirun/2024-03-18/13-21-00/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=InceptionTime + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-21-00/1 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-21-00/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-21-00/1/.hydra/overrides.yaml new file mode 100644 index 00000000..0bf687b8 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-21-00/1/main.log b/multirun/2024-03-18/13-21-00/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-21-00/2/.hydra/config.yaml b/multirun/2024-03-18/13-21-00/2/.hydra/config.yaml new file mode 100644 index 00000000..2da1be53 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-21-00/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-21-00/2/.hydra/hydra.yaml new file mode 100644 index 00000000..03c6b1d7 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-21-00/2 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-21-00/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-21-00/2/.hydra/overrides.yaml new file mode 100644 index 00000000..91977708 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-21-00/2/main.log b/multirun/2024-03-18/13-21-00/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-21-00/3/.hydra/config.yaml b/multirun/2024-03-18/13-21-00/3/.hydra/config.yaml new file mode 100644 index 00000000..95f2d80d --- /dev/null +++ b/multirun/2024-03-18/13-21-00/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-21-00/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-21-00/3/.hydra/hydra.yaml new file mode 100644 index 00000000..5f2983e8 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=InceptionTime + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-21-00/3 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-21-00/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-21-00/3/.hydra/overrides.yaml new file mode 100644 index 00000000..81e15ac7 --- /dev/null +++ b/multirun/2024-03-18/13-21-00/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-21-00/3/main.log b/multirun/2024-03-18/13-21-00/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-22-03/0/.hydra/config.yaml b/multirun/2024-03-18/13-22-03/0/.hydra/config.yaml new file mode 100644 index 00000000..eb650eb7 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-22-03/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-22-03/0/.hydra/hydra.yaml new file mode 100644 index 00000000..dd2bf844 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-22-03/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-22-03/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-22-03/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-22-03/0/main.log b/multirun/2024-03-18/13-22-03/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-22-03/1/.hydra/config.yaml b/multirun/2024-03-18/13-22-03/1/.hydra/config.yaml new file mode 100644 index 00000000..fa4ab706 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-22-03/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-22-03/1/.hydra/hydra.yaml new file mode 100644 index 00000000..9e177f75 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=InceptionTime + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-22-03/1 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-22-03/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-22-03/1/.hydra/overrides.yaml new file mode 100644 index 00000000..0bf687b8 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-22-03/1/main.log b/multirun/2024-03-18/13-22-03/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-22-03/2/.hydra/config.yaml b/multirun/2024-03-18/13-22-03/2/.hydra/config.yaml new file mode 100644 index 00000000..2da1be53 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-22-03/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-22-03/2/.hydra/hydra.yaml new file mode 100644 index 00000000..2a929f37 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-22-03/2 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-22-03/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-22-03/2/.hydra/overrides.yaml new file mode 100644 index 00000000..91977708 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-22-03/2/main.log b/multirun/2024-03-18/13-22-03/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-22-03/3/.hydra/config.yaml b/multirun/2024-03-18/13-22-03/3/.hydra/config.yaml new file mode 100644 index 00000000..95f2d80d --- /dev/null +++ b/multirun/2024-03-18/13-22-03/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-22-03/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-22-03/3/.hydra/hydra.yaml new file mode 100644 index 00000000..b0d550ed --- /dev/null +++ b/multirun/2024-03-18/13-22-03/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=InceptionTime + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-22-03/3 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-22-03/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-22-03/3/.hydra/overrides.yaml new file mode 100644 index 00000000..81e15ac7 --- /dev/null +++ b/multirun/2024-03-18/13-22-03/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-22-03/3/main.log b/multirun/2024-03-18/13-22-03/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-31-55/0/.hydra/config.yaml b/multirun/2024-03-18/13-31-55/0/.hydra/config.yaml new file mode 100644 index 00000000..eb650eb7 --- /dev/null +++ b/multirun/2024-03-18/13-31-55/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-31-55/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-31-55/0/.hydra/hydra.yaml new file mode 100644 index 00000000..6309f7f7 --- /dev/null +++ b/multirun/2024-03-18/13-31-55/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-31-55/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-31-55/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-31-55/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-31-55/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-31-55/0/main.log b/multirun/2024-03-18/13-31-55/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-32-51/0/.hydra/config.yaml b/multirun/2024-03-18/13-32-51/0/.hydra/config.yaml new file mode 100644 index 00000000..eb650eb7 --- /dev/null +++ b/multirun/2024-03-18/13-32-51/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-32-51/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-32-51/0/.hydra/hydra.yaml new file mode 100644 index 00000000..c16213cd --- /dev/null +++ b/multirun/2024-03-18/13-32-51/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[HandMovementDirection] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[HandMovementDirection],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-32-51/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-32-51/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-32-51/0/.hydra/overrides.yaml new file mode 100644 index 00000000..9d795773 --- /dev/null +++ b/multirun/2024-03-18/13-32-51/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[HandMovementDirection] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-32-51/0/main.log b/multirun/2024-03-18/13-32-51/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/0/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/0/.hydra/config.yaml new file mode 100644 index 00000000..ab78a712 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/0/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/0/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/0/.hydra/hydra.yaml new file mode 100644 index 00000000..95f891c1 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/0/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '0' + num: 0 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/0 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/0/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/0/.hydra/overrides.yaml new file mode 100644 index 00000000..770eab88 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/0/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/0/main.log b/multirun/2024-03-18/13-44-26/0/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/1/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/1/.hydra/config.yaml new file mode 100644 index 00000000..f3af4158 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/1/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 8 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/1/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/1/.hydra/hydra.yaml new file mode 100644 index 00000000..c52b8982 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/1/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=8 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=8,models.model.nf=128,models=InceptionTime + id: '1' + num: 1 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/1 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/1/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/1/.hydra/overrides.yaml new file mode 100644 index 00000000..017a2f7c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/1/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=8 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/1/main.log b/multirun/2024-03-18/13-44-26/1/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/10/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/10/.hydra/config.yaml new file mode 100644 index 00000000..f3dae61f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/10/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/10/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/10/.hydra/hydra.yaml new file mode 100644 index 00000000..8242c5d6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/10/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '10' + num: 10 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/10 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/10/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/10/.hydra/overrides.yaml new file mode 100644 index 00000000..663564fa --- /dev/null +++ b/multirun/2024-03-18/13-44-26/10/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/10/main.log b/multirun/2024-03-18/13-44-26/10/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/11/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/11/.hydra/config.yaml new file mode 100644 index 00000000..7a69b6c7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/11/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 16 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/11/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/11/.hydra/hydra.yaml new file mode 100644 index 00000000..db295bbe --- /dev/null +++ b/multirun/2024-03-18/13-44-26/11/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=16 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=16,models.model.nf=16,models=InceptionTime + id: '11' + num: 11 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/11 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/11/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/11/.hydra/overrides.yaml new file mode 100644 index 00000000..afbf5601 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/11/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=16 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/11/main.log b/multirun/2024-03-18/13-44-26/11/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/12/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/12/.hydra/config.yaml new file mode 100644 index 00000000..377ee1b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/12/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 32 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/12/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/12/.hydra/hydra.yaml new file mode 100644 index 00000000..98144b79 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/12/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=32 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=32,models.model.nf=64,models=InceptionTime + id: '12' + num: 12 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/12 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/12/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/12/.hydra/overrides.yaml new file mode 100644 index 00000000..5182c2e0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/12/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=32 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/12/main.log b/multirun/2024-03-18/13-44-26/12/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/13/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/13/.hydra/config.yaml new file mode 100644 index 00000000..377ee1b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/13/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 32 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/13/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/13/.hydra/hydra.yaml new file mode 100644 index 00000000..a5932276 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/13/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=32 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=32,models.model.nf=64,models=InceptionTime + id: '13' + num: 13 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/13 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/13/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/13/.hydra/overrides.yaml new file mode 100644 index 00000000..5182c2e0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/13/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=32 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/13/main.log b/multirun/2024-03-18/13-44-26/13/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/14/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/14/.hydra/config.yaml new file mode 100644 index 00000000..377ee1b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/14/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 32 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/14/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/14/.hydra/hydra.yaml new file mode 100644 index 00000000..b7c59770 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/14/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=32 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=32,models.model.nf=64,models=InceptionTime + id: '14' + num: 14 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/14 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/14/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/14/.hydra/overrides.yaml new file mode 100644 index 00000000..5182c2e0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/14/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=32 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/14/main.log b/multirun/2024-03-18/13-44-26/14/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/15/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/15/.hydra/config.yaml new file mode 100644 index 00000000..377ee1b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/15/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 32 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/15/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/15/.hydra/hydra.yaml new file mode 100644 index 00000000..b576085a --- /dev/null +++ b/multirun/2024-03-18/13-44-26/15/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=32 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=32,models.model.nf=64,models=InceptionTime + id: '15' + num: 15 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/15 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/15/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/15/.hydra/overrides.yaml new file mode 100644 index 00000000..5182c2e0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/15/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=32 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/15/main.log b/multirun/2024-03-18/13-44-26/15/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/16/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/16/.hydra/config.yaml new file mode 100644 index 00000000..c7cafd80 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/16/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 128 + ks: 40 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/16/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/16/.hydra/hydra.yaml new file mode 100644 index 00000000..bba8c6c6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/16/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=40,models.model.nb_filters=128,models.model.nf=32,models=InceptionTime + id: '16' + num: 16 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/16 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/16/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/16/.hydra/overrides.yaml new file mode 100644 index 00000000..27c5a53f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/16/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/16/main.log b/multirun/2024-03-18/13-44-26/16/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/17/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/17/.hydra/config.yaml new file mode 100644 index 00000000..c7cafd80 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/17/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 128 + ks: 40 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/17/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/17/.hydra/hydra.yaml new file mode 100644 index 00000000..c854720c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/17/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=40,models.model.nb_filters=128,models.model.nf=32,models=InceptionTime + id: '17' + num: 17 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/17 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/17/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/17/.hydra/overrides.yaml new file mode 100644 index 00000000..27c5a53f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/17/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/17/main.log b/multirun/2024-03-18/13-44-26/17/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/18/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/18/.hydra/config.yaml new file mode 100644 index 00000000..c7cafd80 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/18/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 128 + ks: 40 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/18/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/18/.hydra/hydra.yaml new file mode 100644 index 00000000..27e7f35b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/18/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=40,models.model.nb_filters=128,models.model.nf=32,models=InceptionTime + id: '18' + num: 18 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/18 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/18/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/18/.hydra/overrides.yaml new file mode 100644 index 00000000..27c5a53f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/18/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/18/main.log b/multirun/2024-03-18/13-44-26/18/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/19/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/19/.hydra/config.yaml new file mode 100644 index 00000000..c7cafd80 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/19/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 128 + ks: 40 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/19/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/19/.hydra/hydra.yaml new file mode 100644 index 00000000..e88af8db --- /dev/null +++ b/multirun/2024-03-18/13-44-26/19/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=40,models.model.nb_filters=128,models.model.nf=32,models=InceptionTime + id: '19' + num: 19 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/19 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/19/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/19/.hydra/overrides.yaml new file mode 100644 index 00000000..27c5a53f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/19/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/19/main.log b/multirun/2024-03-18/13-44-26/19/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/2/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/2/.hydra/config.yaml new file mode 100644 index 00000000..fd80d68e --- /dev/null +++ b/multirun/2024-03-18/13-44-26/2/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/2/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/2/.hydra/hydra.yaml new file mode 100644 index 00000000..26a7cbae --- /dev/null +++ b/multirun/2024-03-18/13-44-26/2/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '2' + num: 2 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/2 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/2/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/2/.hydra/overrides.yaml new file mode 100644 index 00000000..9dc87d5d --- /dev/null +++ b/multirun/2024-03-18/13-44-26/2/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/2/main.log b/multirun/2024-03-18/13-44-26/2/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/20/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/20/.hydra/config.yaml new file mode 100644 index 00000000..1708b8c2 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/20/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/20/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/20/.hydra/hydra.yaml new file mode 100644 index 00000000..61859abb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/20/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '20' + num: 20 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/20 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/20/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/20/.hydra/overrides.yaml new file mode 100644 index 00000000..475b67ac --- /dev/null +++ b/multirun/2024-03-18/13-44-26/20/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/20/main.log b/multirun/2024-03-18/13-44-26/20/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/21/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/21/.hydra/config.yaml new file mode 100644 index 00000000..1708b8c2 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/21/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/21/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/21/.hydra/hydra.yaml new file mode 100644 index 00000000..3d79c64f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/21/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '21' + num: 21 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/21 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/21/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/21/.hydra/overrides.yaml new file mode 100644 index 00000000..475b67ac --- /dev/null +++ b/multirun/2024-03-18/13-44-26/21/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/21/main.log b/multirun/2024-03-18/13-44-26/21/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/22/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/22/.hydra/config.yaml new file mode 100644 index 00000000..1708b8c2 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/22/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/22/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/22/.hydra/hydra.yaml new file mode 100644 index 00000000..83aa2d56 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/22/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '22' + num: 22 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/22 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/22/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/22/.hydra/overrides.yaml new file mode 100644 index 00000000..475b67ac --- /dev/null +++ b/multirun/2024-03-18/13-44-26/22/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/22/main.log b/multirun/2024-03-18/13-44-26/22/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/23/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/23/.hydra/config.yaml new file mode 100644 index 00000000..1708b8c2 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/23/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/23/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/23/.hydra/hydra.yaml new file mode 100644 index 00000000..ab86226c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/23/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '23' + num: 23 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/23 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/23/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/23/.hydra/overrides.yaml new file mode 100644 index 00000000..475b67ac --- /dev/null +++ b/multirun/2024-03-18/13-44-26/23/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/23/main.log b/multirun/2024-03-18/13-44-26/23/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/24/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/24/.hydra/config.yaml new file mode 100644 index 00000000..0422ec9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/24/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/24/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/24/.hydra/hydra.yaml new file mode 100644 index 00000000..0ecbed8b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/24/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=16,models=InceptionTime + id: '24' + num: 24 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/24 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/24/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/24/.hydra/overrides.yaml new file mode 100644 index 00000000..d9e44a9c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/24/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/24/main.log b/multirun/2024-03-18/13-44-26/24/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/25/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/25/.hydra/config.yaml new file mode 100644 index 00000000..0422ec9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/25/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/25/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/25/.hydra/hydra.yaml new file mode 100644 index 00000000..b7d04845 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/25/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=16,models=InceptionTime + id: '25' + num: 25 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/25 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/25/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/25/.hydra/overrides.yaml new file mode 100644 index 00000000..d9e44a9c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/25/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/25/main.log b/multirun/2024-03-18/13-44-26/25/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/26/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/26/.hydra/config.yaml new file mode 100644 index 00000000..0422ec9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/26/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/26/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/26/.hydra/hydra.yaml new file mode 100644 index 00000000..eeb2d114 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/26/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=16,models=InceptionTime + id: '26' + num: 26 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/26 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/26/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/26/.hydra/overrides.yaml new file mode 100644 index 00000000..d9e44a9c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/26/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/26/main.log b/multirun/2024-03-18/13-44-26/26/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/27/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/27/.hydra/config.yaml new file mode 100644 index 00000000..90f443c0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/27/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 64 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/27/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/27/.hydra/hydra.yaml new file mode 100644 index 00000000..561ccd6a --- /dev/null +++ b/multirun/2024-03-18/13-44-26/27/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=64 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=64,models.model.nf=16,models=InceptionTime + id: '27' + num: 27 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/27 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/27/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/27/.hydra/overrides.yaml new file mode 100644 index 00000000..085f6aec --- /dev/null +++ b/multirun/2024-03-18/13-44-26/27/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=64 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/27/main.log b/multirun/2024-03-18/13-44-26/27/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/28/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/28/.hydra/config.yaml new file mode 100644 index 00000000..cd9e65b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/28/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/28/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/28/.hydra/hydra.yaml new file mode 100644 index 00000000..2ed21910 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/28/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '28' + num: 28 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/28 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/28/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/28/.hydra/overrides.yaml new file mode 100644 index 00000000..2629aeda --- /dev/null +++ b/multirun/2024-03-18/13-44-26/28/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/28/main.log b/multirun/2024-03-18/13-44-26/28/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/29/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/29/.hydra/config.yaml new file mode 100644 index 00000000..cd9e65b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/29/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/29/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/29/.hydra/hydra.yaml new file mode 100644 index 00000000..55f99576 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/29/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '29' + num: 29 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/29 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/29/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/29/.hydra/overrides.yaml new file mode 100644 index 00000000..2629aeda --- /dev/null +++ b/multirun/2024-03-18/13-44-26/29/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/29/main.log b/multirun/2024-03-18/13-44-26/29/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/3/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/3/.hydra/config.yaml new file mode 100644 index 00000000..f18d9d49 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/3/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 32 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/3/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/3/.hydra/hydra.yaml new file mode 100644 index 00000000..bc0786cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/3/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=32 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=32,models.model.nf=8,models=InceptionTime + id: '3' + num: 3 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/3 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/3/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/3/.hydra/overrides.yaml new file mode 100644 index 00000000..4a73b65e --- /dev/null +++ b/multirun/2024-03-18/13-44-26/3/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=32 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/3/main.log b/multirun/2024-03-18/13-44-26/3/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/30/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/30/.hydra/config.yaml new file mode 100644 index 00000000..cd9e65b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/30/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/30/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/30/.hydra/hydra.yaml new file mode 100644 index 00000000..168d3ca0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/30/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '30' + num: 30 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/30 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/30/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/30/.hydra/overrides.yaml new file mode 100644 index 00000000..2629aeda --- /dev/null +++ b/multirun/2024-03-18/13-44-26/30/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/30/main.log b/multirun/2024-03-18/13-44-26/30/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/31/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/31/.hydra/config.yaml new file mode 100644 index 00000000..cd9e65b5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/31/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/31/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/31/.hydra/hydra.yaml new file mode 100644 index 00000000..b2422f1c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/31/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '31' + num: 31 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/31 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/31/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/31/.hydra/overrides.yaml new file mode 100644 index 00000000..2629aeda --- /dev/null +++ b/multirun/2024-03-18/13-44-26/31/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/31/main.log b/multirun/2024-03-18/13-44-26/31/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/32/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/32/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/32/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/32/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/32/.hydra/hydra.yaml new file mode 100644 index 00000000..58fc1a38 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/32/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '32' + num: 32 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/32 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/32/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/32/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/32/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/32/main.log b/multirun/2024-03-18/13-44-26/32/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/33/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/33/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/33/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/33/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/33/.hydra/hydra.yaml new file mode 100644 index 00000000..1d87d0f8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/33/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '33' + num: 33 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/33 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/33/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/33/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/33/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/33/main.log b/multirun/2024-03-18/13-44-26/33/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/34/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/34/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/34/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/34/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/34/.hydra/hydra.yaml new file mode 100644 index 00000000..b2ecf2d0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/34/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '34' + num: 34 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/34 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/34/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/34/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/34/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/34/main.log b/multirun/2024-03-18/13-44-26/34/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/35/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/35/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/35/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/35/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/35/.hydra/hydra.yaml new file mode 100644 index 00000000..c063a34f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/35/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '35' + num: 35 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/35 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/35/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/35/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/35/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/35/main.log b/multirun/2024-03-18/13-44-26/35/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/36/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/36/.hydra/config.yaml new file mode 100644 index 00000000..10f9fc31 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/36/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/36/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/36/.hydra/hydra.yaml new file mode 100644 index 00000000..d3472aa2 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/36/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '36' + num: 36 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/36 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/36/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/36/.hydra/overrides.yaml new file mode 100644 index 00000000..5736fdf8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/36/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/36/main.log b/multirun/2024-03-18/13-44-26/36/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/37/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/37/.hydra/config.yaml new file mode 100644 index 00000000..10f9fc31 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/37/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/37/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/37/.hydra/hydra.yaml new file mode 100644 index 00000000..9995ef70 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/37/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '37' + num: 37 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/37 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/37/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/37/.hydra/overrides.yaml new file mode 100644 index 00000000..5736fdf8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/37/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/37/main.log b/multirun/2024-03-18/13-44-26/37/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/38/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/38/.hydra/config.yaml new file mode 100644 index 00000000..10f9fc31 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/38/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/38/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/38/.hydra/hydra.yaml new file mode 100644 index 00000000..205d7732 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/38/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '38' + num: 38 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/38 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/38/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/38/.hydra/overrides.yaml new file mode 100644 index 00000000..5736fdf8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/38/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/38/main.log b/multirun/2024-03-18/13-44-26/38/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/39/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/39/.hydra/config.yaml new file mode 100644 index 00000000..10f9fc31 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/39/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/39/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/39/.hydra/hydra.yaml new file mode 100644 index 00000000..d182776a --- /dev/null +++ b/multirun/2024-03-18/13-44-26/39/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '39' + num: 39 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/39 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/39/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/39/.hydra/overrides.yaml new file mode 100644 index 00000000..5736fdf8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/39/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/39/main.log b/multirun/2024-03-18/13-44-26/39/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/4/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/4/.hydra/config.yaml new file mode 100644 index 00000000..dcd2041a --- /dev/null +++ b/multirun/2024-03-18/13-44-26/4/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 8 + ks: 20 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/4/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/4/.hydra/hydra.yaml new file mode 100644 index 00000000..8b8db6ac --- /dev/null +++ b/multirun/2024-03-18/13-44-26/4/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=8 + - models.model.ks=20 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=20,models.model.nb_filters=8,models.model.nf=64,models=InceptionTime + id: '4' + num: 4 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/4 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/4/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/4/.hydra/overrides.yaml new file mode 100644 index 00000000..1193d082 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/4/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=8 +- models.model.ks=20 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/4/main.log b/multirun/2024-03-18/13-44-26/4/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/40/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/40/.hydra/config.yaml new file mode 100644 index 00000000..6cc928aa --- /dev/null +++ b/multirun/2024-03-18/13-44-26/40/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 10 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/40/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/40/.hydra/hydra.yaml new file mode 100644 index 00000000..71b82981 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/40/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=10 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=10,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '40' + num: 40 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/40 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/40/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/40/.hydra/overrides.yaml new file mode 100644 index 00000000..4af349ee --- /dev/null +++ b/multirun/2024-03-18/13-44-26/40/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=10 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/40/main.log b/multirun/2024-03-18/13-44-26/40/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/41/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/41/.hydra/config.yaml new file mode 100644 index 00000000..6cc928aa --- /dev/null +++ b/multirun/2024-03-18/13-44-26/41/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 10 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/41/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/41/.hydra/hydra.yaml new file mode 100644 index 00000000..ec4c1c4d --- /dev/null +++ b/multirun/2024-03-18/13-44-26/41/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=10 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=10,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '41' + num: 41 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/41 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/41/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/41/.hydra/overrides.yaml new file mode 100644 index 00000000..4af349ee --- /dev/null +++ b/multirun/2024-03-18/13-44-26/41/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=10 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/41/main.log b/multirun/2024-03-18/13-44-26/41/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/42/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/42/.hydra/config.yaml new file mode 100644 index 00000000..6cc928aa --- /dev/null +++ b/multirun/2024-03-18/13-44-26/42/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 10 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/42/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/42/.hydra/hydra.yaml new file mode 100644 index 00000000..47e90363 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/42/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=10 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=10,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '42' + num: 42 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/42 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/42/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/42/.hydra/overrides.yaml new file mode 100644 index 00000000..4af349ee --- /dev/null +++ b/multirun/2024-03-18/13-44-26/42/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=10 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/42/main.log b/multirun/2024-03-18/13-44-26/42/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/43/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/43/.hydra/config.yaml new file mode 100644 index 00000000..6cc928aa --- /dev/null +++ b/multirun/2024-03-18/13-44-26/43/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 64 + ks: 10 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/43/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/43/.hydra/hydra.yaml new file mode 100644 index 00000000..b9ce9a23 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/43/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=64 + - models.model.ks=10 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=10,models.model.nb_filters=64,models.model.nf=8,models=InceptionTime + id: '43' + num: 43 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/43 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/43/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/43/.hydra/overrides.yaml new file mode 100644 index 00000000..4af349ee --- /dev/null +++ b/multirun/2024-03-18/13-44-26/43/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=64 +- models.model.ks=10 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/43/main.log b/multirun/2024-03-18/13-44-26/43/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/44/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/44/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/44/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/44/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/44/.hydra/hydra.yaml new file mode 100644 index 00000000..0fe8fa70 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/44/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '44' + num: 44 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/44 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/44/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/44/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/44/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/44/main.log b/multirun/2024-03-18/13-44-26/44/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/45/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/45/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/45/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/45/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/45/.hydra/hydra.yaml new file mode 100644 index 00000000..b4d3b866 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/45/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '45' + num: 45 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/45 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/45/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/45/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/45/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/45/main.log b/multirun/2024-03-18/13-44-26/45/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/46/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/46/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/46/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/46/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/46/.hydra/hydra.yaml new file mode 100644 index 00000000..6244940b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/46/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '46' + num: 46 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/46 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/46/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/46/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/46/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/46/main.log b/multirun/2024-03-18/13-44-26/46/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/47/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/47/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/47/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/47/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/47/.hydra/hydra.yaml new file mode 100644 index 00000000..b89e4c0f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/47/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '47' + num: 47 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/47 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/47/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/47/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/47/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/47/main.log b/multirun/2024-03-18/13-44-26/47/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/48/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/48/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/48/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/48/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/48/.hydra/hydra.yaml new file mode 100644 index 00000000..0004242d --- /dev/null +++ b/multirun/2024-03-18/13-44-26/48/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '48' + num: 48 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/48 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/48/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/48/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/48/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/48/main.log b/multirun/2024-03-18/13-44-26/48/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/49/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/49/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/49/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/49/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/49/.hydra/hydra.yaml new file mode 100644 index 00000000..36cad25f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/49/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '49' + num: 49 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/49 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/49/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/49/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/49/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/49/main.log b/multirun/2024-03-18/13-44-26/49/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/5/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/5/.hydra/config.yaml new file mode 100644 index 00000000..232bd4d5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/5/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/5/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/5/.hydra/hydra.yaml new file mode 100644 index 00000000..57aa703f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/5/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '5' + num: 5 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/5 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/5/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/5/.hydra/overrides.yaml new file mode 100644 index 00000000..ea527cd3 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/5/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/5/main.log b/multirun/2024-03-18/13-44-26/5/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/50/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/50/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/50/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/50/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/50/.hydra/hydra.yaml new file mode 100644 index 00000000..90fe88cc --- /dev/null +++ b/multirun/2024-03-18/13-44-26/50/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '50' + num: 50 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/50 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/50/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/50/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/50/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/50/main.log b/multirun/2024-03-18/13-44-26/50/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/51/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/51/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/51/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/51/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/51/.hydra/hydra.yaml new file mode 100644 index 00000000..add615a5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/51/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '51' + num: 51 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/51 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/51/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/51/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/51/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/51/main.log b/multirun/2024-03-18/13-44-26/51/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/52/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/52/.hydra/config.yaml new file mode 100644 index 00000000..739655d7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/52/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 32 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/52/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/52/.hydra/hydra.yaml new file mode 100644 index 00000000..3c42340c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/52/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=32 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=32,models.model.nf=128,models=InceptionTime + id: '52' + num: 52 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/52 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/52/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/52/.hydra/overrides.yaml new file mode 100644 index 00000000..b06441b4 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/52/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=32 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/52/main.log b/multirun/2024-03-18/13-44-26/52/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/53/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/53/.hydra/config.yaml new file mode 100644 index 00000000..739655d7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/53/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 32 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/53/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/53/.hydra/hydra.yaml new file mode 100644 index 00000000..ff76cd79 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/53/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=32 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=32,models.model.nf=128,models=InceptionTime + id: '53' + num: 53 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/53 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/53/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/53/.hydra/overrides.yaml new file mode 100644 index 00000000..b06441b4 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/53/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=32 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/53/main.log b/multirun/2024-03-18/13-44-26/53/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/54/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/54/.hydra/config.yaml new file mode 100644 index 00000000..739655d7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/54/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 32 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/54/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/54/.hydra/hydra.yaml new file mode 100644 index 00000000..38eccb26 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/54/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=32 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=32,models.model.nf=128,models=InceptionTime + id: '54' + num: 54 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/54 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/54/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/54/.hydra/overrides.yaml new file mode 100644 index 00000000..b06441b4 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/54/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=32 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/54/main.log b/multirun/2024-03-18/13-44-26/54/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/55/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/55/.hydra/config.yaml new file mode 100644 index 00000000..739655d7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/55/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 32 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/55/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/55/.hydra/hydra.yaml new file mode 100644 index 00000000..13e3047d --- /dev/null +++ b/multirun/2024-03-18/13-44-26/55/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=32 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=32,models.model.nf=128,models=InceptionTime + id: '55' + num: 55 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/55 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/55/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/55/.hydra/overrides.yaml new file mode 100644 index 00000000..b06441b4 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/55/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=32 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/55/main.log b/multirun/2024-03-18/13-44-26/55/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/56/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/56/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/56/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/56/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/56/.hydra/hydra.yaml new file mode 100644 index 00000000..fea24d90 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/56/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '56' + num: 56 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/56 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/56/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/56/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/56/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/56/main.log b/multirun/2024-03-18/13-44-26/56/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/57/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/57/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/57/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/57/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/57/.hydra/hydra.yaml new file mode 100644 index 00000000..a3ad44c8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/57/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '57' + num: 57 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/57 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/57/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/57/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/57/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/57/main.log b/multirun/2024-03-18/13-44-26/57/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/58/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/58/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/58/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/58/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/58/.hydra/hydra.yaml new file mode 100644 index 00000000..ce9e0f04 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/58/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '58' + num: 58 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/58 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/58/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/58/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/58/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/58/main.log b/multirun/2024-03-18/13-44-26/58/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/59/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/59/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/59/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/59/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/59/.hydra/hydra.yaml new file mode 100644 index 00000000..5bbd7d55 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/59/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '59' + num: 59 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/59 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/59/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/59/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/59/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/59/main.log b/multirun/2024-03-18/13-44-26/59/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/6/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/6/.hydra/config.yaml new file mode 100644 index 00000000..ab78a712 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/6/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/6/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/6/.hydra/hydra.yaml new file mode 100644 index 00000000..813510fd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/6/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '6' + num: 6 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/6 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/6/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/6/.hydra/overrides.yaml new file mode 100644 index 00000000..770eab88 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/6/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/6/main.log b/multirun/2024-03-18/13-44-26/6/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/60/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/60/.hydra/config.yaml new file mode 100644 index 00000000..2635c580 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/60/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 128 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/60/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/60/.hydra/hydra.yaml new file mode 100644 index 00000000..744ac48b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/60/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=128 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=128,models.model.nf=8,models=InceptionTime + id: '60' + num: 60 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/60 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/60/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/60/.hydra/overrides.yaml new file mode 100644 index 00000000..b6b3542b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/60/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=128 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/60/main.log b/multirun/2024-03-18/13-44-26/60/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/61/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/61/.hydra/config.yaml new file mode 100644 index 00000000..2635c580 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/61/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 128 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/61/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/61/.hydra/hydra.yaml new file mode 100644 index 00000000..56099229 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/61/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=128 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=128,models.model.nf=8,models=InceptionTime + id: '61' + num: 61 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/61 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/61/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/61/.hydra/overrides.yaml new file mode 100644 index 00000000..b6b3542b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/61/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=128 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/61/main.log b/multirun/2024-03-18/13-44-26/61/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/62/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/62/.hydra/config.yaml new file mode 100644 index 00000000..2635c580 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/62/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 128 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/62/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/62/.hydra/hydra.yaml new file mode 100644 index 00000000..c6d1a20c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/62/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=128 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=128,models.model.nf=8,models=InceptionTime + id: '62' + num: 62 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/62 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/62/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/62/.hydra/overrides.yaml new file mode 100644 index 00000000..b6b3542b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/62/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=128 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/62/main.log b/multirun/2024-03-18/13-44-26/62/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/63/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/63/.hydra/config.yaml new file mode 100644 index 00000000..2635c580 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/63/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 128 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/63/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/63/.hydra/hydra.yaml new file mode 100644 index 00000000..2ed97f1f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/63/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=128 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=128,models.model.nf=8,models=InceptionTime + id: '63' + num: 63 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/63 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/63/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/63/.hydra/overrides.yaml new file mode 100644 index 00000000..b6b3542b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/63/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=128 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/63/main.log b/multirun/2024-03-18/13-44-26/63/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/64/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/64/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/64/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/64/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/64/.hydra/hydra.yaml new file mode 100644 index 00000000..c7274fbc --- /dev/null +++ b/multirun/2024-03-18/13-44-26/64/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '64' + num: 64 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/64 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/64/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/64/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/64/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/64/main.log b/multirun/2024-03-18/13-44-26/64/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/65/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/65/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/65/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/65/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/65/.hydra/hydra.yaml new file mode 100644 index 00000000..5cabf435 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/65/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '65' + num: 65 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/65 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/65/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/65/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/65/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/65/main.log b/multirun/2024-03-18/13-44-26/65/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/66/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/66/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/66/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/66/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/66/.hydra/hydra.yaml new file mode 100644 index 00000000..9799d6a1 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/66/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '66' + num: 66 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/66 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/66/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/66/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/66/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/66/main.log b/multirun/2024-03-18/13-44-26/66/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/67/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/67/.hydra/config.yaml new file mode 100644 index 00000000..13071f44 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/67/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/67/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/67/.hydra/hydra.yaml new file mode 100644 index 00000000..8c383432 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/67/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=128,models=InceptionTime + id: '67' + num: 67 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/67 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/67/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/67/.hydra/overrides.yaml new file mode 100644 index 00000000..d4fcb337 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/67/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/67/main.log b/multirun/2024-03-18/13-44-26/67/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/68/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/68/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/68/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/68/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/68/.hydra/hydra.yaml new file mode 100644 index 00000000..41bc0d2b --- /dev/null +++ b/multirun/2024-03-18/13-44-26/68/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '68' + num: 68 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/68 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/68/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/68/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/68/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/68/main.log b/multirun/2024-03-18/13-44-26/68/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/69/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/69/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/69/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/69/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/69/.hydra/hydra.yaml new file mode 100644 index 00000000..0b0c719c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/69/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '69' + num: 69 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/69 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/69/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/69/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/69/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/69/main.log b/multirun/2024-03-18/13-44-26/69/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/7/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/7/.hydra/config.yaml new file mode 100644 index 00000000..46579fb3 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/7/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/7/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/7/.hydra/hydra.yaml new file mode 100644 index 00000000..eea36251 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/7/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '7' + num: 7 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/7 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/7/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/7/.hydra/overrides.yaml new file mode 100644 index 00000000..986678bb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/7/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/7/main.log b/multirun/2024-03-18/13-44-26/7/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/70/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/70/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/70/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/70/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/70/.hydra/hydra.yaml new file mode 100644 index 00000000..31279ac0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/70/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '70' + num: 70 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/70 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/70/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/70/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/70/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/70/main.log b/multirun/2024-03-18/13-44-26/70/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/71/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/71/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/71/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/71/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/71/.hydra/hydra.yaml new file mode 100644 index 00000000..ff3f2f2d --- /dev/null +++ b/multirun/2024-03-18/13-44-26/71/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '71' + num: 71 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/71 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/71/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/71/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/71/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/71/main.log b/multirun/2024-03-18/13-44-26/71/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/72/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/72/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/72/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/72/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/72/.hydra/hydra.yaml new file mode 100644 index 00000000..0761820c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/72/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '72' + num: 72 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/72 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/72/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/72/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/72/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/72/main.log b/multirun/2024-03-18/13-44-26/72/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/73/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/73/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/73/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/73/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/73/.hydra/hydra.yaml new file mode 100644 index 00000000..13735541 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/73/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '73' + num: 73 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/73 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/73/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/73/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/73/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/73/main.log b/multirun/2024-03-18/13-44-26/73/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/74/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/74/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/74/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/74/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/74/.hydra/hydra.yaml new file mode 100644 index 00000000..e1688d73 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/74/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '74' + num: 74 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/74 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/74/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/74/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/74/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/74/main.log b/multirun/2024-03-18/13-44-26/74/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/75/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/75/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/75/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/75/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/75/.hydra/hydra.yaml new file mode 100644 index 00000000..bc13aa76 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/75/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '75' + num: 75 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/75 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/75/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/75/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/75/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/75/main.log b/multirun/2024-03-18/13-44-26/75/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/76/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/76/.hydra/config.yaml new file mode 100644 index 00000000..7a69b6c7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/76/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 16 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/76/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/76/.hydra/hydra.yaml new file mode 100644 index 00000000..e4d95f6f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/76/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=16 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=16,models.model.nf=16,models=InceptionTime + id: '76' + num: 76 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/76 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/76/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/76/.hydra/overrides.yaml new file mode 100644 index 00000000..afbf5601 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/76/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=16 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/76/main.log b/multirun/2024-03-18/13-44-26/76/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/77/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/77/.hydra/config.yaml new file mode 100644 index 00000000..7a69b6c7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/77/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 16 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/77/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/77/.hydra/hydra.yaml new file mode 100644 index 00000000..e742265a --- /dev/null +++ b/multirun/2024-03-18/13-44-26/77/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=16 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=16,models.model.nf=16,models=InceptionTime + id: '77' + num: 77 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/77 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/77/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/77/.hydra/overrides.yaml new file mode 100644 index 00000000..afbf5601 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/77/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=16 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/77/main.log b/multirun/2024-03-18/13-44-26/77/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/78/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/78/.hydra/config.yaml new file mode 100644 index 00000000..ff1c2dfb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/78/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/78/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/78/.hydra/hydra.yaml new file mode 100644 index 00000000..3c8792bd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/78/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '78' + num: 78 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/78 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/78/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/78/.hydra/overrides.yaml new file mode 100644 index 00000000..4b3ef1cd --- /dev/null +++ b/multirun/2024-03-18/13-44-26/78/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/78/main.log b/multirun/2024-03-18/13-44-26/78/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/79/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/79/.hydra/config.yaml new file mode 100644 index 00000000..7a69b6c7 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/79/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 16 + nb_filters: 16 + ks: 10 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/79/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/79/.hydra/hydra.yaml new file mode 100644 index 00000000..b60e92d5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/79/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=16 + - models.model.nb_filters=16 + - models.model.ks=10 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=10,models.model.nb_filters=16,models.model.nf=16,models=InceptionTime + id: '79' + num: 79 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/79 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/79/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/79/.hydra/overrides.yaml new file mode 100644 index 00000000..afbf5601 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/79/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=16 +- models.model.nb_filters=16 +- models.model.ks=10 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/79/main.log b/multirun/2024-03-18/13-44-26/79/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/8/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/8/.hydra/config.yaml new file mode 100644 index 00000000..f47c4da6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/8/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 64 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/8/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/8/.hydra/hydra.yaml new file mode 100644 index 00000000..0f966c07 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/8/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=64 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=64,models=InceptionTime + id: '8' + num: 8 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/8 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/8/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/8/.hydra/overrides.yaml new file mode 100644 index 00000000..a2d2ed75 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/8/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=64 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/8/main.log b/multirun/2024-03-18/13-44-26/8/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/80/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/80/.hydra/config.yaml new file mode 100644 index 00000000..aa463192 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/80/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/80/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/80/.hydra/hydra.yaml new file mode 100644 index 00000000..59751ebb --- /dev/null +++ b/multirun/2024-03-18/13-44-26/80/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '80' + num: 80 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/80 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/80/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/80/.hydra/overrides.yaml new file mode 100644 index 00000000..713b19a3 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/80/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/80/main.log b/multirun/2024-03-18/13-44-26/80/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/81/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/81/.hydra/config.yaml new file mode 100644 index 00000000..aa463192 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/81/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/81/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/81/.hydra/hydra.yaml new file mode 100644 index 00000000..a381c368 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/81/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '81' + num: 81 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/81 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/81/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/81/.hydra/overrides.yaml new file mode 100644 index 00000000..713b19a3 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/81/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/81/main.log b/multirun/2024-03-18/13-44-26/81/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/82/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/82/.hydra/config.yaml new file mode 100644 index 00000000..aa463192 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/82/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/82/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/82/.hydra/hydra.yaml new file mode 100644 index 00000000..e89ccd8f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/82/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '82' + num: 82 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/82 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/82/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/82/.hydra/overrides.yaml new file mode 100644 index 00000000..713b19a3 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/82/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/82/main.log b/multirun/2024-03-18/13-44-26/82/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/83/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/83/.hydra/config.yaml new file mode 100644 index 00000000..aa463192 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/83/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/83/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/83/.hydra/hydra.yaml new file mode 100644 index 00000000..80bea171 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/83/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '83' + num: 83 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/83 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/83/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/83/.hydra/overrides.yaml new file mode 100644 index 00000000..713b19a3 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/83/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/83/main.log b/multirun/2024-03-18/13-44-26/83/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/84/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/84/.hydra/config.yaml new file mode 100644 index 00000000..79da6316 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/84/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/84/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/84/.hydra/hydra.yaml new file mode 100644 index 00000000..82d4d4ce --- /dev/null +++ b/multirun/2024-03-18/13-44-26/84/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '84' + num: 84 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/84 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/84/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/84/.hydra/overrides.yaml new file mode 100644 index 00000000..2901316e --- /dev/null +++ b/multirun/2024-03-18/13-44-26/84/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/84/main.log b/multirun/2024-03-18/13-44-26/84/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/85/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/85/.hydra/config.yaml new file mode 100644 index 00000000..79da6316 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/85/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/85/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/85/.hydra/hydra.yaml new file mode 100644 index 00000000..dd3c5504 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/85/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '85' + num: 85 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/85 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/85/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/85/.hydra/overrides.yaml new file mode 100644 index 00000000..2901316e --- /dev/null +++ b/multirun/2024-03-18/13-44-26/85/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/85/main.log b/multirun/2024-03-18/13-44-26/85/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/86/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/86/.hydra/config.yaml new file mode 100644 index 00000000..79da6316 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/86/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 20 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/86/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/86/.hydra/hydra.yaml new file mode 100644 index 00000000..c4c8c483 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/86/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=20 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=20,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '86' + num: 86 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/86 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/86/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/86/.hydra/overrides.yaml new file mode 100644 index 00000000..2901316e --- /dev/null +++ b/multirun/2024-03-18/13-44-26/86/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=20 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/86/main.log b/multirun/2024-03-18/13-44-26/86/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/87/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/87/.hydra/config.yaml new file mode 100644 index 00000000..31d0a3b0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/87/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 64 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/87/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/87/.hydra/hydra.yaml new file mode 100644 index 00000000..05fc680d --- /dev/null +++ b/multirun/2024-03-18/13-44-26/87/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=64 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=64,models.model.nf=32,models=InceptionTime + id: '87' + num: 87 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/87 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/87/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/87/.hydra/overrides.yaml new file mode 100644 index 00000000..e9ef57c0 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/87/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=64 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/87/main.log b/multirun/2024-03-18/13-44-26/87/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/88/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/88/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/88/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/88/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/88/.hydra/hydra.yaml new file mode 100644 index 00000000..54617432 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/88/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '88' + num: 88 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/88 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/88/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/88/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/88/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/88/main.log b/multirun/2024-03-18/13-44-26/88/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/89/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/89/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/89/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/89/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/89/.hydra/hydra.yaml new file mode 100644 index 00000000..82cd663c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/89/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '89' + num: 89 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/89 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/89/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/89/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/89/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/89/main.log b/multirun/2024-03-18/13-44-26/89/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/9/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/9/.hydra/config.yaml new file mode 100644 index 00000000..a39d0678 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/9/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 64 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/9/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/9/.hydra/hydra.yaml new file mode 100644 index 00000000..b5e672bc --- /dev/null +++ b/multirun/2024-03-18/13-44-26/9/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=64 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=64,models.model.nf=128,models=InceptionTime + id: '9' + num: 9 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/9 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/9/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/9/.hydra/overrides.yaml new file mode 100644 index 00000000..0830b949 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/9/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=64 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/9/main.log b/multirun/2024-03-18/13-44-26/9/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/90/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/90/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/90/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/90/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/90/.hydra/hydra.yaml new file mode 100644 index 00000000..d3f2a0e8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/90/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '90' + num: 90 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/90 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/90/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/90/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/90/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/90/main.log b/multirun/2024-03-18/13-44-26/90/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/91/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/91/.hydra/config.yaml new file mode 100644 index 00000000..b11d5989 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/91/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 8 + ks: 160 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/91/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/91/.hydra/hydra.yaml new file mode 100644 index 00000000..edebc2a8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/91/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=32 + - models.model.nb_filters=8 + - models.model.ks=160 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=160,models.model.nb_filters=8,models.model.nf=32,models=InceptionTime + id: '91' + num: 91 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/91 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/91/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/91/.hydra/overrides.yaml new file mode 100644 index 00000000..e9d58559 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/91/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=32 +- models.model.nb_filters=8 +- models.model.ks=160 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/91/main.log b/multirun/2024-03-18/13-44-26/91/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/92/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/92/.hydra/config.yaml new file mode 100644 index 00000000..a3758182 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/92/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/92/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/92/.hydra/hydra.yaml new file mode 100644 index 00000000..4031155c --- /dev/null +++ b/multirun/2024-03-18/13-44-26/92/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '92' + num: 92 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/92 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/92/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/92/.hydra/overrides.yaml new file mode 100644 index 00000000..239504ed --- /dev/null +++ b/multirun/2024-03-18/13-44-26/92/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/92/main.log b/multirun/2024-03-18/13-44-26/92/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/93/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/93/.hydra/config.yaml new file mode 100644 index 00000000..a3758182 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/93/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/93/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/93/.hydra/hydra.yaml new file mode 100644 index 00000000..0df14b2d --- /dev/null +++ b/multirun/2024-03-18/13-44-26/93/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '93' + num: 93 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/93 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/93/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/93/.hydra/overrides.yaml new file mode 100644 index 00000000..239504ed --- /dev/null +++ b/multirun/2024-03-18/13-44-26/93/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/93/main.log b/multirun/2024-03-18/13-44-26/93/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/94/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/94/.hydra/config.yaml new file mode 100644 index 00000000..a3758182 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/94/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/94/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/94/.hydra/hydra.yaml new file mode 100644 index 00000000..00bf683f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/94/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '94' + num: 94 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/94 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/94/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/94/.hydra/overrides.yaml new file mode 100644 index 00000000..239504ed --- /dev/null +++ b/multirun/2024-03-18/13-44-26/94/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/94/main.log b/multirun/2024-03-18/13-44-26/94/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/95/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/95/.hydra/config.yaml new file mode 100644 index 00000000..a3758182 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/95/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 8 + nb_filters: 16 + ks: 80 + bottleneck: true diff --git a/multirun/2024-03-18/13-44-26/95/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/95/.hydra/hydra.yaml new file mode 100644 index 00000000..b2947eb5 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/95/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=8 + - models.model.nb_filters=16 + - models.model.ks=80 + - models.model.bottleneck=True + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=True,models.model.ks=80,models.model.nb_filters=16,models.model.nf=8,models=InceptionTime + id: '95' + num: 95 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/95 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/95/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/95/.hydra/overrides.yaml new file mode 100644 index 00000000..239504ed --- /dev/null +++ b/multirun/2024-03-18/13-44-26/95/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=8 +- models.model.nb_filters=16 +- models.model.ks=80 +- models.model.bottleneck=True +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/95/main.log b/multirun/2024-03-18/13-44-26/95/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/96/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/96/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/96/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/96/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/96/.hydra/hydra.yaml new file mode 100644 index 00000000..252506f3 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/96/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '96' + num: 96 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/96 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/96/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/96/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/96/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/96/main.log b/multirun/2024-03-18/13-44-26/96/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/97/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/97/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/97/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/97/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/97/.hydra/hydra.yaml new file mode 100644 index 00000000..561cf775 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/97/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '97' + num: 97 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/97 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/97/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/97/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/97/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/97/main.log b/multirun/2024-03-18/13-44-26/97/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/98/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/98/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/98/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/98/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/98/.hydra/hydra.yaml new file mode 100644 index 00000000..0d64e20f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/98/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '98' + num: 98 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/98 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/98/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/98/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/98/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/98/main.log b/multirun/2024-03-18/13-44-26/98/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/99/.hydra/config.yaml b/multirun/2024-03-18/13-44-26/99/.hydra/config.yaml new file mode 100644 index 00000000..2bc0a0b6 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/99/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- ECG200 +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 128 + nb_filters: 128 + ks: 40 + bottleneck: false diff --git a/multirun/2024-03-18/13-44-26/99/.hydra/hydra.yaml b/multirun/2024-03-18/13-44-26/99/.hydra/hydra.yaml new file mode 100644 index 00000000..043e5aa8 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/99/.hydra/hydra.yaml @@ -0,0 +1,185 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: MULTIRUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=MULTIRUN + task: + - models.model.nf=128 + - models.model.nb_filters=128 + - models.model.ks=40 + - models.model.bottleneck=False + - dataset_name=[ECG200] + - models=InceptionTime + job: + name: main + chdir: null + override_dirname: dataset_name=[ECG200],models.model.bottleneck=False,models.model.ks=40,models.model.nb_filters=128,models.model.nf=128,models=InceptionTime + id: '99' + num: 99 + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/multirun/2024-03-18/13-44-26/99 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/multirun/2024-03-18/13-44-26/99/.hydra/overrides.yaml b/multirun/2024-03-18/13-44-26/99/.hydra/overrides.yaml new file mode 100644 index 00000000..af8fcd9f --- /dev/null +++ b/multirun/2024-03-18/13-44-26/99/.hydra/overrides.yaml @@ -0,0 +1,6 @@ +- models.model.nf=128 +- models.model.nb_filters=128 +- models.model.ks=40 +- models.model.bottleneck=False +- dataset_name=[ECG200] +- models=InceptionTime diff --git a/multirun/2024-03-18/13-44-26/99/main.log b/multirun/2024-03-18/13-44-26/99/main.log new file mode 100644 index 00000000..e69de29b diff --git a/multirun/2024-03-18/13-44-26/optimization_results.yaml b/multirun/2024-03-18/13-44-26/optimization_results.yaml new file mode 100644 index 00000000..4f372947 --- /dev/null +++ b/multirun/2024-03-18/13-44-26/optimization_results.yaml @@ -0,0 +1,7 @@ +name: optuna +best_params: + models.model.nf: 32 + models.model.nb_filters: 64 + models.model.ks: 160 + models.model.bottleneck: true +best_value: 0.91 diff --git a/outputs/2024-03-18/13-22-54/.hydra/config.yaml b/outputs/2024-03-18/13-22-54/.hydra/config.yaml new file mode 100644 index 00000000..4dfa42d4 --- /dev/null +++ b/outputs/2024-03-18/13-22-54/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 32 + ks: 40 + bottleneck: true diff --git a/outputs/2024-03-18/13-22-54/.hydra/hydra.yaml b/outputs/2024-03-18/13-22-54/.hydra/hydra.yaml new file mode 100644 index 00000000..707aa925 --- /dev/null +++ b/outputs/2024-03-18/13-22-54/.hydra/hydra.yaml @@ -0,0 +1,179 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: RUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=RUN + task: [] + job: + name: main + chdir: null + override_dirname: '' + id: ??? + num: ??? + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/outputs/2024-03-18/13-22-54 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/outputs/2024-03-18/13-22-54/.hydra/overrides.yaml b/outputs/2024-03-18/13-22-54/.hydra/overrides.yaml new file mode 100644 index 00000000..fe51488c --- /dev/null +++ b/outputs/2024-03-18/13-22-54/.hydra/overrides.yaml @@ -0,0 +1 @@ +[] diff --git a/outputs/2024-03-18/13-22-54/main.log b/outputs/2024-03-18/13-22-54/main.log new file mode 100644 index 00000000..e69de29b diff --git a/outputs/2024-03-18/13-25-32/.hydra/config.yaml b/outputs/2024-03-18/13-25-32/.hydra/config.yaml new file mode 100644 index 00000000..4dfa42d4 --- /dev/null +++ b/outputs/2024-03-18/13-25-32/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 32 + ks: 40 + bottleneck: true diff --git a/outputs/2024-03-18/13-25-32/.hydra/hydra.yaml b/outputs/2024-03-18/13-25-32/.hydra/hydra.yaml new file mode 100644 index 00000000..3ad13161 --- /dev/null +++ b/outputs/2024-03-18/13-25-32/.hydra/hydra.yaml @@ -0,0 +1,179 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: RUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=RUN + task: [] + job: + name: main + chdir: null + override_dirname: '' + id: ??? + num: ??? + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/outputs/2024-03-18/13-25-32 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/outputs/2024-03-18/13-25-32/.hydra/overrides.yaml b/outputs/2024-03-18/13-25-32/.hydra/overrides.yaml new file mode 100644 index 00000000..fe51488c --- /dev/null +++ b/outputs/2024-03-18/13-25-32/.hydra/overrides.yaml @@ -0,0 +1 @@ +[] diff --git a/outputs/2024-03-18/13-25-32/main.log b/outputs/2024-03-18/13-25-32/main.log new file mode 100644 index 00000000..e69de29b diff --git a/outputs/2024-03-18/13-26-11/.hydra/config.yaml b/outputs/2024-03-18/13-26-11/.hydra/config.yaml new file mode 100644 index 00000000..76fb24b1 --- /dev/null +++ b/outputs/2024-03-18/13-26-11/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.LSTM_FCN.LSTM_FCN_classifier + nf: 32 + nb_filters: 32 + ks: 40 + bottleneck: true diff --git a/outputs/2024-03-18/13-26-11/.hydra/hydra.yaml b/outputs/2024-03-18/13-26-11/.hydra/hydra.yaml new file mode 100644 index 00000000..476ad162 --- /dev/null +++ b/outputs/2024-03-18/13-26-11/.hydra/hydra.yaml @@ -0,0 +1,179 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: RUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=RUN + task: [] + job: + name: main + chdir: null + override_dirname: '' + id: ??? + num: ??? + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/outputs/2024-03-18/13-26-11 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/outputs/2024-03-18/13-26-11/.hydra/overrides.yaml b/outputs/2024-03-18/13-26-11/.hydra/overrides.yaml new file mode 100644 index 00000000..fe51488c --- /dev/null +++ b/outputs/2024-03-18/13-26-11/.hydra/overrides.yaml @@ -0,0 +1 @@ +[] diff --git a/outputs/2024-03-18/13-26-11/main.log b/outputs/2024-03-18/13-26-11/main.log new file mode 100644 index 00000000..e69de29b diff --git a/outputs/2024-03-18/13-27-09/.hydra/config.yaml b/outputs/2024-03-18/13-27-09/.hydra/config.yaml new file mode 100644 index 00000000..4dfa42d4 --- /dev/null +++ b/outputs/2024-03-18/13-27-09/.hydra/config.yaml @@ -0,0 +1,18 @@ +dataset_name: +- HandMovementDirection +training_params: + epochs: 500 + lr: 0.001 +datasets: + model_params: + _target_: codes.dataset.Datasets.Datasets + data_params: + ts_length: 24 + normalize: true +models: + model: + _target_: codes.models.InceptionTime.InceptionTime_classifier + nf: 32 + nb_filters: 32 + ks: 40 + bottleneck: true diff --git a/outputs/2024-03-18/13-27-09/.hydra/hydra.yaml b/outputs/2024-03-18/13-27-09/.hydra/hydra.yaml new file mode 100644 index 00000000..da1d8b85 --- /dev/null +++ b/outputs/2024-03-18/13-27-09/.hydra/hydra.yaml @@ -0,0 +1,179 @@ +hydra: + run: + dir: outputs/${now:%Y-%m-%d}/${now:%H-%M-%S} + sweep: + dir: multirun/${now:%Y-%m-%d}/${now:%H-%M-%S} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + sampler: + _target_: optuna.samplers.TPESampler + seed: 123 + consider_prior: true + prior_weight: 1.0 + consider_magic_clip: true + consider_endpoints: false + n_startup_trials: 10 + n_ei_candidates: 24 + multivariate: false + warn_independent_sampling: true + _target_: hydra_plugins.hydra_optuna_sweeper.optuna_sweeper.OptunaSweeper + direction: maximize + storage: null + study_name: main_val + n_trials: 100 + n_jobs: 4 + search_space: null + params: + models.model.nf: choice(8, 16, 32, 64, 128) + models.model.nb_filters: choice(8, 16, 32, 64, 128) + models.model.ks: choice(10, 20, 40, 80, 160) + models.model.bottleneck: bool (True, False) + custom_search_space: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: RUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=RUN + task: [] + job: + name: main + chdir: null + override_dirname: '' + id: ??? + num: ??? + config_name: main_config.yaml + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/configs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: /home/pops/myProjects/ts_classification_mlflow_hydra_optuna/outputs/2024-03-18/13-27-09 + choices: + models: InceptionTime + datasets: dataset_params + search_spaces@hydra.sweeper.params: InceptionTime + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: optuna + hydra/sweeper/sampler: tpe + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/outputs/2024-03-18/13-27-09/.hydra/overrides.yaml b/outputs/2024-03-18/13-27-09/.hydra/overrides.yaml new file mode 100644 index 00000000..fe51488c --- /dev/null +++ b/outputs/2024-03-18/13-27-09/.hydra/overrides.yaml @@ -0,0 +1 @@ +[] diff --git a/outputs/2024-03-18/13-27-09/main.log b/outputs/2024-03-18/13-27-09/main.log new file mode 100644 index 00000000..e69de29b diff --git a/results/best_runs.md b/results/best_runs.md index 31600f3d..24445270 100644 --- a/results/best_runs.md +++ b/results/best_runs.md @@ -1,6 +1,6 @@ -| Dataset | GRU_FCN | LSTM | LSTM_FCN | -|:----------------------|----------:|----------:|-----------:| -| ECG200 | 0.91 | 0.82 | 0.92 | -| HandMovementDirection | 0.459459 | 0.472973 | 0.486486 | -| Handwriting | 0.101176 | 0.0541176 | 0.0752941 | -| ItalyPowerDemand | 0.970845 | 0.559767 | 0.910593 | \ No newline at end of file +| Dataset | GRU_FCN | InceptionTime | LSTM | LSTM_FCN | +|:----------------------|----------:|----------------:|----------:|-----------:| +| ECG200 | 0.91 | 0.91 | 0.82 | 0.92 | +| HandMovementDirection | 0.459459 | nan | 0.472973 | 0.486486 | +| Handwriting | 0.101176 | nan | 0.0541176 | 0.0752941 | +| ItalyPowerDemand | 0.970845 | nan | 0.559767 | 0.910593 | \ No newline at end of file