diff --git a/Dockerfile b/Dockerfile index 8776596..ccf2782 100644 --- a/Dockerfile +++ b/Dockerfile @@ -12,5 +12,6 @@ RUN apt-get install zip unzip --yes WORKDIR /app COPY ./deepl.py . +COPY ./MLProject . # CMD python3 deepl.py diff --git a/MLProject b/MLProject new file mode 100644 index 0000000..2d57fe9 --- /dev/null +++ b/MLProject @@ -0,0 +1,12 @@ +name: s444463 + +docker_env: + image: ium_444463 + +entry_points: + main: + parameters: + EPOCH: {type: int, default: 10} + command: "python3 ./deepl.py {EPOCH}" + eval: + command: "python3 evaluation.py" \ No newline at end of file diff --git a/deepl.py b/deepl.py index 4a90538..21c7793 100644 --- a/deepl.py +++ b/deepl.py @@ -1,3 +1,4 @@ +import json import pandas as pd import numpy as np import scipy @@ -10,40 +11,33 @@ from torch import nn from torch import optim import matplotlib.pyplot as plt import sys -from sacred import Experiment -from sacred.observers import FileStorageObserver -from sacred.observers import MongoObserver - -ex = Experiment() - -ex.observers.append(FileStorageObserver('my_runs')) -ex.observers.append(MongoObserver(url='mongodb://admin:IUM_2021@172.17.0.1:27017', db_name='sacred')) -vectorizer = TfidfVectorizer() - -@ex.config -def my_config(): - epochs = 10 +import mlflow +from mlflow.models import infer_signature +mlflow.set_tracking_uri("http://172.17.0.1:5000") +mlflow.set_experiment("s444463") def convert_text_to_model_form(text): a = vectorizer.transform([text]) b = torch.tensor(scipy.sparse.csr_matrix.todense(a)).float() return b -@ex.automain -def my_main(epochs, _run): - epochs = int(epochs) + +def train(epochs): # print(sys.argv[1]) # print(type(sys.argv[1])) # print(sys.argv[1]) # epochs = int(sys.argv[1]) # epochs=10 + mlflow.log_param("epochs", epochs) # kaggle.api.authenticate() # kaggle.api.dataset_download_files('shivamb/real-or-fake-fake-jobposting-prediction', path='.', # unzip=True) data = pd.read_csv('fake_job_postings.csv', engine='python') + + # data = data.replace(np.nan, '', regex=True) data = data[["company_profile", "fraudulent"]] data = data.dropna() @@ -72,12 +66,17 @@ def my_main(epochs, _run): y_dev = np.array(y_dev) y_test = np.array(y_test) + vectorizer = TfidfVectorizer() company_profile = vectorizer.fit_transform(company_profile) x_train = vectorizer.transform(x_train) x_dev = vectorizer.transform(x_dev) x_test = vectorizer.transform(x_test) + siganture = json.dumps({"input:": 'tfidf vectorized company profile', "output:": "0 = ok, 1 = fake job"}) + input_example = x_train[:20] + + x_train = torch.tensor(scipy.sparse.csr_matrix.todense(x_train)).float() x_dev = torch.tensor(scipy.sparse.csr_matrix.todense(x_dev)).float() x_test = torch.tensor(scipy.sparse.csr_matrix.todense(x_test)).float() @@ -184,9 +183,18 @@ def my_main(epochs, _run): f.close() torch.save(model, 'model') - ex.add_artifact("model") + mlflow.pytorch.log_model(model, "model", signature=siganture, input_example=input_example) + mlflow.pytorch.save_model(model, "model", signature=siganture, input_example=input_example) +print(sys.argv[1]) +print(type(sys.argv[1])) +print(sys.argv[1]) +epochs = int(sys.argv[1]) + +if __name__ == "__main__": + train(epochs) + # plt.figure(figsize=(12, 5)) # ax = plt.subplot(121) # plt.xlabel('epochs') diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/meta.yaml b/mlruns/0/1be012972380454a86074e53f6007c86/meta.yaml new file mode 100644 index 0000000..010cd8f --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/1be012972380454a86074e53f6007c86/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 1be012972380454a86074e53f6007c86 +run_uuid: 1be012972380454a86074e53f6007c86 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652635708730 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/params/EPOCH b/mlruns/0/1be012972380454a86074e53f6007c86/params/EPOCH new file mode 100644 index 0000000..9a03714 --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/params/EPOCH @@ -0,0 +1 @@ +10 \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.gitRepoURL b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.project.entryPoint b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.project.env b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.git.commit b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.git.repoURL b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.name b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.type b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.user b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/1be012972380454a86074e53f6007c86/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/meta.yaml b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/meta.yaml new file mode 100644 index 0000000..01120c3 --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/artifacts +end_time: 1652637872270 +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 2cf44da0b5e8422d9254cbf8cd7f31ed +run_uuid: 2cf44da0b5e8422d9254cbf8cd7f31ed +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652637426164 +status: 4 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/params/EPOCH b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/params/EPOCH new file mode 100644 index 0000000..301160a --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/params/EPOCH @@ -0,0 +1 @@ +8 \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.docker.image.id b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.docker.image.id new file mode 100644 index 0000000..487c801 --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.docker.image.id @@ -0,0 +1 @@ +sha256:8c88d085e9b52a5042a701abf99841314d4ae732f3a2d340d431cf1b03ddd6a1 \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.docker.image.uri b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.docker.image.uri new file mode 100644 index 0000000..145ddc1 --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.docker.image.uri @@ -0,0 +1 @@ +s444463:7eddb93 \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.gitRepoURL b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.backend b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.backend new file mode 100644 index 0000000..c2c027f --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.backend @@ -0,0 +1 @@ +local \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.entryPoint b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.env b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.git.commit b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.git.repoURL b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.name b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.type b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.user b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/2cf44da0b5e8422d9254cbf8cd7f31ed/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/meta.yaml b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/meta.yaml new file mode 100644 index 0000000..8de8f53 --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/3ee2870794ef4f4dafb2444c0b888336/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 3ee2870794ef4f4dafb2444c0b888336 +run_uuid: 3ee2870794ef4f4dafb2444c0b888336 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652638803535 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/params/EPOCH b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/params/EPOCH new file mode 100644 index 0000000..301160a --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/params/EPOCH @@ -0,0 +1 @@ +8 \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.gitRepoURL b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.project.entryPoint b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.project.env b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.git.commit b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.git.repoURL b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.name b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.type b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.user b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/3ee2870794ef4f4dafb2444c0b888336/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/meta.yaml b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/meta.yaml new file mode 100644 index 0000000..279937f --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 4aeccdef06344ac6ba7d5958ff7f9578 +run_uuid: 4aeccdef06344ac6ba7d5958ff7f9578 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652636332050 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/params/EPOCH b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/params/EPOCH new file mode 100644 index 0000000..9a03714 --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/params/EPOCH @@ -0,0 +1 @@ +10 \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.gitRepoURL b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.project.entryPoint b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.project.env b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.git.commit b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.git.repoURL b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.name b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.type b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.user b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/4aeccdef06344ac6ba7d5958ff7f9578/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/meta.yaml b/mlruns/0/55b8688df78d406f8681acfb00187d19/meta.yaml new file mode 100644 index 0000000..39e270b --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/55b8688df78d406f8681acfb00187d19/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 55b8688df78d406f8681acfb00187d19 +run_uuid: 55b8688df78d406f8681acfb00187d19 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652635729200 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/params/EPOCH b/mlruns/0/55b8688df78d406f8681acfb00187d19/params/EPOCH new file mode 100644 index 0000000..9a03714 --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/params/EPOCH @@ -0,0 +1 @@ +10 \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.gitRepoURL b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.project.entryPoint b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.project.env b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.git.commit b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.git.repoURL b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.name b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.type b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.user b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/55b8688df78d406f8681acfb00187d19/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/meta.yaml b/mlruns/0/63016f8e28f84c44867231bf97181432/meta.yaml new file mode 100644 index 0000000..e60cddc --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/63016f8e28f84c44867231bf97181432/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 63016f8e28f84c44867231bf97181432 +run_uuid: 63016f8e28f84c44867231bf97181432 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652635790126 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/params/EPOCH b/mlruns/0/63016f8e28f84c44867231bf97181432/params/EPOCH new file mode 100644 index 0000000..9a03714 --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/params/EPOCH @@ -0,0 +1 @@ +10 \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.gitRepoURL b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.project.entryPoint b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.project.env b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.git.commit b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.git.repoURL b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.name b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.type b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.user b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/63016f8e28f84c44867231bf97181432/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/meta.yaml b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/meta.yaml new file mode 100644 index 0000000..01f187d --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 6c7ffdfb78ef42b99ea3361d144ed394 +run_uuid: 6c7ffdfb78ef42b99ea3361d144ed394 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652635689676 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/params/EPOCH b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/params/EPOCH new file mode 100644 index 0000000..9a03714 --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/params/EPOCH @@ -0,0 +1 @@ +10 \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.gitRepoURL b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.project.entryPoint b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.project.env b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.git.commit b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.git.repoURL b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.name b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.type b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.user b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/6c7ffdfb78ef42b99ea3361d144ed394/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/meta.yaml b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/meta.yaml new file mode 100644 index 0000000..deb9f54 --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/7bb429bfa99a4de4b5d23833129db58a/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 7bb429bfa99a4de4b5d23833129db58a +run_uuid: 7bb429bfa99a4de4b5d23833129db58a +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652636503389 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/params/EPOCH b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/params/EPOCH new file mode 100644 index 0000000..3cacc0b --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/params/EPOCH @@ -0,0 +1 @@ +12 \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.gitRepoURL b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.project.entryPoint b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.project.env b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.git.commit b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.git.repoURL b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.name b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.type b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.user b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/7bb429bfa99a4de4b5d23833129db58a/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/meta.yaml b/mlruns/0/82516964547444549542e17cd65c49f6/meta.yaml new file mode 100644 index 0000000..3c8dcc6 --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/82516964547444549542e17cd65c49f6/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 82516964547444549542e17cd65c49f6 +run_uuid: 82516964547444549542e17cd65c49f6 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652636362120 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/params/EPOCH b/mlruns/0/82516964547444549542e17cd65c49f6/params/EPOCH new file mode 100644 index 0000000..9d60796 --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/params/EPOCH @@ -0,0 +1 @@ +11 \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.gitRepoURL b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.project.entryPoint b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.project.env b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.git.commit b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.git.repoURL b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.name b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.type b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.user b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/82516964547444549542e17cd65c49f6/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/meta.yaml b/mlruns/0/833ad1985768424296dd74a44f2e1487/meta.yaml new file mode 100644 index 0000000..a883ecf --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/833ad1985768424296dd74a44f2e1487/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: 833ad1985768424296dd74a44f2e1487 +run_uuid: 833ad1985768424296dd74a44f2e1487 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652636704373 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/params/EPOCH b/mlruns/0/833ad1985768424296dd74a44f2e1487/params/EPOCH new file mode 100644 index 0000000..3cacc0b --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/params/EPOCH @@ -0,0 +1 @@ +12 \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.gitRepoURL b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.project.entryPoint b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.project.env b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.git.commit b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.git.repoURL b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.name b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.type b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.user b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/833ad1985768424296dd74a44f2e1487/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/meta.yaml b/mlruns/0/f91de96c77d9409d9de3aac777360398/meta.yaml new file mode 100644 index 0000000..ea6487d --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/f91de96c77d9409d9de3aac777360398/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: f91de96c77d9409d9de3aac777360398 +run_uuid: f91de96c77d9409d9de3aac777360398 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652636653432 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/params/EPOCH b/mlruns/0/f91de96c77d9409d9de3aac777360398/params/EPOCH new file mode 100644 index 0000000..3cacc0b --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/params/EPOCH @@ -0,0 +1 @@ +12 \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.gitRepoURL b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.project.entryPoint b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.project.env b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.git.commit b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.git.repoURL b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.name b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.type b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.user b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/f91de96c77d9409d9de3aac777360398/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/meta.yaml b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/meta.yaml new file mode 100644 index 0000000..c2a6221 --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/meta.yaml @@ -0,0 +1,15 @@ +artifact_uri: ./mlruns/0/fe0c1923aac3433482465138aa7f80f1/artifacts +end_time: null +entry_point_name: '' +experiment_id: '0' +lifecycle_stage: active +name: '' +run_id: fe0c1923aac3433482465138aa7f80f1 +run_uuid: fe0c1923aac3433482465138aa7f80f1 +source_name: '' +source_type: 4 +source_version: '' +start_time: 1652637078624 +status: 1 +tags: [] +user_id: mikolaj diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/params/EPOCH b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/params/EPOCH new file mode 100644 index 0000000..f11c82a --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/params/EPOCH @@ -0,0 +1 @@ +9 \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.gitRepoURL b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.gitRepoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.gitRepoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.project.entryPoint b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.project.entryPoint new file mode 100644 index 0000000..88d050b --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.project.entryPoint @@ -0,0 +1 @@ +main \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.project.env b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.project.env new file mode 100644 index 0000000..6d0eac4 --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.project.env @@ -0,0 +1 @@ +docker \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.git.commit b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.git.commit new file mode 100644 index 0000000..e8e5102 --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.git.commit @@ -0,0 +1 @@ +7eddb939fc735f54ddeed50dc19390ea59c4d4df \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.git.repoURL b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.git.repoURL new file mode 100644 index 0000000..b202ceb --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.git.repoURL @@ -0,0 +1 @@ +git@git.wmi.amu.edu.pl:s444463/ium_444463.git \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.name b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.name new file mode 100644 index 0000000..a558982 --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.name @@ -0,0 +1 @@ +file:///home/mikolaj/ai_tech/ium_444463 \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.type b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.type new file mode 100644 index 0000000..53f9167 --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.source.type @@ -0,0 +1 @@ +PROJECT \ No newline at end of file diff --git a/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.user b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.user new file mode 100644 index 0000000..a04d6ea --- /dev/null +++ b/mlruns/0/fe0c1923aac3433482465138aa7f80f1/tags/mlflow.user @@ -0,0 +1 @@ +mikolaj \ No newline at end of file diff --git a/mlruns/0/meta.yaml b/mlruns/0/meta.yaml new file mode 100644 index 0000000..b0c0370 --- /dev/null +++ b/mlruns/0/meta.yaml @@ -0,0 +1,4 @@ +artifact_location: ./mlruns/0 +experiment_id: '0' +lifecycle_stage: active +name: Default diff --git a/requirements.txt b/requirements.txt index 2e8b0c5..8b8f746 100644 --- a/requirements.txt +++ b/requirements.txt @@ -6,4 +6,5 @@ matplotlib sklearn scipy sacred -pymongo \ No newline at end of file +pymongo +mlflow \ No newline at end of file