From 55c62a9dd279d9c888e78633d44ec65e56679b54 Mon Sep 17 00:00:00 2001 From: Alejandro Moreo Date: Mon, 16 Sep 2024 13:22:36 +0200 Subject: [PATCH 01/10] adding name to datasets un fetch_UCIMulticlassDataset --- quapy/data/datasets.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/quapy/data/datasets.py b/quapy/data/datasets.py index 6286688..5582a58 100644 --- a/quapy/data/datasets.py +++ b/quapy/data/datasets.py @@ -637,7 +637,7 @@ def fetch_UCIMulticlassDataset( if n_train > max_train_instances: train_prop = (max_train_instances / n) - data = Dataset(*data.split_stratified(train_prop, random_state=0)) + data = Dataset(*data.split_stratified(train_prop, random_state=0), name=dataset_name) if standardize: data = standardizer(data) From 2311bb66491a37e59400c0ba35938ca113ef17ea Mon Sep 17 00:00:00 2001 From: Mirko Bunse Date: Mon, 16 Sep 2024 13:44:35 +0200 Subject: [PATCH 02/10] CI: replace ammaraskar/sphinx-action with custom run commands --- .github/workflows/ci.yml | 22 ++++++++++++---------- 1 file changed, 12 insertions(+), 10 deletions(-) diff --git a/.github/workflows/ci.yml b/.github/workflows/ci.yml index 030b152..9ba9d0f 100644 --- a/.github/workflows/ci.yml +++ b/.github/workflows/ci.yml @@ -20,9 +20,9 @@ jobs: env: QUAPY_TESTS_OMIT_LARGE_DATASETS: True steps: - - uses: actions/checkout@v3 + - uses: actions/checkout@v4 - name: Set up Python ${{ matrix.python-version }} - uses: actions/setup-python@v4 + uses: actions/setup-python@v5 with: python-version: ${{ matrix.python-version }} - name: Install dependencies @@ -38,15 +38,17 @@ jobs: runs-on: ubuntu-latest if: github.ref == 'refs/heads/master' steps: - - uses: actions/checkout@v1 - - name: Build documentation - uses: ammaraskar/sphinx-action@master + - uses: actions/checkout@v4 + - name: Set up Python + uses: actions/setup-python@v5 with: - pre-build-command: | - apt-get --allow-releaseinfo-change update -y && apt-get install -y git && git --version - python -m pip install --upgrade pip setuptools wheel "jax[cpu]" - python -m pip install -e .[composable,neural,docs] - docs-folder: "docs/" + python-version: 3.11 + - name: Install dependencies + run: | + python -m pip install --upgrade pip setuptools wheel "jax[cpu]" + python -m pip install -e .[composable,neural,docs] + - name: Build documentation + run: sphinx-build -M html docs/source docs/build - name: Publish documentation run: | git clone ${{ github.server_url }}/${{ github.repository }}.git --branch gh-pages --single-branch __gh-pages/ From de3f8fd300d50202f1ec0e926d7b7228ee20fb31 Mon Sep 17 00:00:00 2001 From: Mirko Bunse Date: Mon, 16 Sep 2024 13:48:11 +0200 Subject: [PATCH 03/10] TO REVERT: build gh-pages even on pushes to devel --- .github/workflows/ci.yml | 1 - 1 file changed, 1 deletion(-) diff --git a/.github/workflows/ci.yml b/.github/workflows/ci.yml index 9ba9d0f..7dd0cfe 100644 --- a/.github/workflows/ci.yml +++ b/.github/workflows/ci.yml @@ -36,7 +36,6 @@ jobs: docs: name: Documentation runs-on: ubuntu-latest - if: github.ref == 'refs/heads/master' steps: - uses: actions/checkout@v4 - name: Set up Python From 3895cba6104143a7ce624872743b1d6a42e8ac90 Mon Sep 17 00:00:00 2001 From: Mirko Bunse Date: Mon, 16 Sep 2024 13:56:00 +0200 Subject: [PATCH 04/10] Revert "TO REVERT: build gh-pages even on pushes to devel" This reverts commit de3f8fd300d50202f1ec0e926d7b7228ee20fb31. --- .github/workflows/ci.yml | 1 + 1 file changed, 1 insertion(+) diff --git a/.github/workflows/ci.yml b/.github/workflows/ci.yml index 7dd0cfe..9ba9d0f 100644 --- a/.github/workflows/ci.yml +++ b/.github/workflows/ci.yml @@ -36,6 +36,7 @@ jobs: docs: name: Documentation runs-on: ubuntu-latest + if: github.ref == 'refs/heads/master' steps: - uses: actions/checkout@v4 - name: Set up Python From 584a4d07d4e47a88039b670438aa7f2582b4b583 Mon Sep 17 00:00:00 2001 From: Alejandro Moreo Date: Mon, 16 Sep 2024 15:07:19 +0200 Subject: [PATCH 05/10] removing pylint --- .github/workflows/pylint.yml | 23 ----------------------- 1 file changed, 23 deletions(-) delete mode 100644 .github/workflows/pylint.yml diff --git a/.github/workflows/pylint.yml b/.github/workflows/pylint.yml deleted file mode 100644 index 383e65c..0000000 --- a/.github/workflows/pylint.yml +++ /dev/null @@ -1,23 +0,0 @@ -name: Pylint - -on: [push] - -jobs: - build: - runs-on: ubuntu-latest - strategy: - matrix: - python-version: ["3.8", "3.9", "3.10"] - steps: - - uses: actions/checkout@v3 - - name: Set up Python ${{ matrix.python-version }} - uses: actions/setup-python@v3 - with: - python-version: ${{ matrix.python-version }} - - name: Install dependencies - run: | - python -m pip install --upgrade pip - pip install pylint - - name: Analysing the code with pylint - run: | - pylint $(git ls-files '*.py') From cea96e87c6f08f5b5bc7173717f9dd84e142a30e Mon Sep 17 00:00:00 2001 From: Alejandro Moreo Date: Mon, 16 Sep 2024 15:30:34 +0200 Subject: [PATCH 06/10] added path to sys.path in config --- KDEy/experiments.py | 108 ++++++++++++++++++++++++++++++++++++++++++++ docs/source/conf.py | 5 ++ 2 files changed, 113 insertions(+) create mode 100644 KDEy/experiments.py diff --git a/KDEy/experiments.py b/KDEy/experiments.py new file mode 100644 index 0000000..fb279fc --- /dev/null +++ b/KDEy/experiments.py @@ -0,0 +1,108 @@ +import numpy as np +from sklearn.linear_model import LogisticRegression +from os.path import join +import quapy as qp +from quapy.protocol import UPP +from quapy.method.aggregative import KDEyML + +DEBUG = True + +qp.environ["SAMPLE_SIZE"] = 100 if DEBUG else 500 +val_repeats = 100 if DEBUG else 500 +test_repeats = 100 if DEBUG else 500 +if DEBUG: + qp.environ["DEFAULT_CLS"] = LogisticRegression() + +test_results = {} +val_choice = {} + +bandwidth_range = np.linspace(0.01, 0.20, 20) +if DEBUG: + bandwidth_range = np.linspace(0.01, 0.20, 10) + +def datasets(): + for dataset_name in qp.datasets.UCI_MULTICLASS_DATASETS[:4]: + dataset = qp.datasets.fetch_UCIMulticlassDataset(dataset_name) + if DEBUG: + dataset = dataset.reduce(random_state=0) + yield dataset + + +def experiment_dataset(dataset): + train, test = dataset.train_test + test_gen = UPP(test, repeats=test_repeats) + + # bandwidth chosen during model selection in validation + train_tr, train_va = train.split_stratified(random_state=0) + kdey = KDEyML(random_state=0) + modsel = qp.model_selection.GridSearchQ( + model=kdey, + param_grid={'bandwidth': bandwidth_range}, + protocol=UPP(train_va, repeats=val_repeats), + refit=False, + n_jobs=-1 + ).fit(train_tr) + chosen_bandwidth = modsel.best_params_['bandwidth'] + modsel_choice = float(chosen_bandwidth) + + # results in test + print(f"testing KDEy in {dataset.name}") + dataset_results = [] + for b in bandwidth_range: + kdey = KDEyML(bandwidth=b, random_state=0) + kdey.fit(train) + + mae = qp.evaluation.evaluate(kdey, protocol=test_gen, error_metric='mae', verbose=True) + print(f'bandwidth={b}: {mae:.5f}') + dataset_results.append((float(b), float(mae))) + + return modsel_choice, dataset_results + +def plot_bandwidth(val_choice, test_results): + for dataset_name in val_choice.keys(): + import matplotlib.pyplot as plt + + bandwidths, results = zip(*test_results[dataset_name]) + + # Crear la gráfica + plt.figure(figsize=(8, 6)) + + # Graficar los puntos de datos + plt.plot(bandwidths, results, marker='o') + + # Agregar la línea vertical en bandwidth_chosen + plt.axvline(x=val_choice[dataset_name], color='r', linestyle='--', label=f'Bandwidth elegido: {val_choice[dataset_name]}') + + # Agregar etiquetas y título + plt.xlabel('Bandwidth') + plt.ylabel('Resultado') + plt.title('Gráfica de Bandwidth vs Resultado') + + # Mostrar la leyenda + plt.legend() + + # Mostrar la gráfica + plt.grid(True) + plt.show() + + +for dataset in datasets(): + if DEBUG: + result_path = f'./results/debug/{dataset.name}.pkl' + else: + result_path = f'./results/{dataset.name}.pkl' + + modsel_choice, dataset_results = qp.util.pickled_resource(result_path, experiment_dataset, dataset) + val_choice[dataset.name] = modsel_choice + test_results[dataset.name] = dataset_results + + print(f'Dataset = {dataset.name}') + print(modsel_choice) + print(dataset_results) + +plot_bandwidth(val_choice, test_results) + + + + + diff --git a/docs/source/conf.py b/docs/source/conf.py index cfed1ac..689cc6e 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -11,9 +11,14 @@ import sys from os.path import join quapy_path = join(pathlib.Path(__file__).parents[2].resolve().as_posix(), 'quapy') wiki_path = join(pathlib.Path(__file__).parents[0].resolve().as_posix(), 'wiki') +source_path = pathlib.Path(__file__).parents[2].resolve().as_posix() print(f'quapy path={quapy_path}') +print(f'quapy source path={source_path}') sys.path.insert(0, quapy_path) sys.path.insert(0, wiki_path) +sys.path.insert(0, source_path) + +print(sys.path) project = 'QuaPy: A Python-based open-source framework for quantification' From 9be729386a82071a8c138a896c733a7c66a2ba6c Mon Sep 17 00:00:00 2001 From: Mirko Bunse Date: Tue, 17 Sep 2024 10:19:26 +0200 Subject: [PATCH 07/10] Fix PyPI: replace the direct extra dependency quapy[composable] with documentation on how to install through git --- .github/workflows/ci.yml | 6 ++++-- docs/source/manuals/methods.md | 2 +- examples/14.composable_methods.py | 7 +++++++ setup.py | 1 - 4 files changed, 12 insertions(+), 4 deletions(-) diff --git a/.github/workflows/ci.yml b/.github/workflows/ci.yml index 9ba9d0f..17a6c39 100644 --- a/.github/workflows/ci.yml +++ b/.github/workflows/ci.yml @@ -28,7 +28,8 @@ jobs: - name: Install dependencies run: | python -m pip install --upgrade pip setuptools wheel - python -m pip install -e .[bayes,composable,tests] + python -m pip install "qunfold @ git+https://github.com/mirkobunse/qunfold@v0.1.4" + python -m pip install -e .[bayes,tests] - name: Test with unittest run: python -m unittest @@ -46,7 +47,8 @@ jobs: - name: Install dependencies run: | python -m pip install --upgrade pip setuptools wheel "jax[cpu]" - python -m pip install -e .[composable,neural,docs] + python -m pip install "qunfold @ git+https://github.com/mirkobunse/qunfold@v0.1.4" + python -m pip install -e .[neural,docs] - name: Build documentation run: sphinx-build -M html docs/source docs/build - name: Publish documentation diff --git a/docs/source/manuals/methods.md b/docs/source/manuals/methods.md index 0644ebc..598c193 100644 --- a/docs/source/manuals/methods.md +++ b/docs/source/manuals/methods.md @@ -447,7 +447,7 @@ The [](quapy.method.composable) module allows the composition of quantification ```sh pip install --upgrade pip setuptools wheel pip install "jax[cpu]" -pip install quapy[composable] +pip install "qunfold @ git+https://github.com/mirkobunse/qunfold@v0.1.4" ``` ### Basics diff --git a/examples/14.composable_methods.py b/examples/14.composable_methods.py index 2a8701d..5ffcb94 100644 --- a/examples/14.composable_methods.py +++ b/examples/14.composable_methods.py @@ -2,6 +2,13 @@ This example illustrates the composition of quantification methods from arbitrary loss functions and feature transformations. It will extend the basic example on the usage of quapy with this composition. + +This example requires the installation of qunfold, the back-end of QuaPy's +composition module: + + pip install --upgrade pip setuptools wheel + pip install "jax[cpu]" + pip install "qunfold @ git+https://github.com/mirkobunse/qunfold@v0.1.4" """ import numpy as np diff --git a/setup.py b/setup.py index c071c07..bb8ad80 100644 --- a/setup.py +++ b/setup.py @@ -125,7 +125,6 @@ setup( # projects. extras_require={ # Optional 'bayes': ['jax', 'jaxlib', 'numpyro'], - 'composable': ['qunfold @ git+https://github.com/mirkobunse/qunfold@v0.1.4'], 'neural': ['torch'], 'tests': ['certifi'], 'docs' : ['sphinx-rtd-theme', 'myst-parser'], From b485205c7cf95efb26e42066ef1b1df611ddc3b2 Mon Sep 17 00:00:00 2001 From: Alejandro Moreo Date: Tue, 17 Sep 2024 10:39:39 +0200 Subject: [PATCH 08/10] cleaning dir KDEy --- KDEy/experiments.py | 108 -------------------------------------------- 1 file changed, 108 deletions(-) delete mode 100644 KDEy/experiments.py diff --git a/KDEy/experiments.py b/KDEy/experiments.py deleted file mode 100644 index fb279fc..0000000 --- a/KDEy/experiments.py +++ /dev/null @@ -1,108 +0,0 @@ -import numpy as np -from sklearn.linear_model import LogisticRegression -from os.path import join -import quapy as qp -from quapy.protocol import UPP -from quapy.method.aggregative import KDEyML - -DEBUG = True - -qp.environ["SAMPLE_SIZE"] = 100 if DEBUG else 500 -val_repeats = 100 if DEBUG else 500 -test_repeats = 100 if DEBUG else 500 -if DEBUG: - qp.environ["DEFAULT_CLS"] = LogisticRegression() - -test_results = {} -val_choice = {} - -bandwidth_range = np.linspace(0.01, 0.20, 20) -if DEBUG: - bandwidth_range = np.linspace(0.01, 0.20, 10) - -def datasets(): - for dataset_name in qp.datasets.UCI_MULTICLASS_DATASETS[:4]: - dataset = qp.datasets.fetch_UCIMulticlassDataset(dataset_name) - if DEBUG: - dataset = dataset.reduce(random_state=0) - yield dataset - - -def experiment_dataset(dataset): - train, test = dataset.train_test - test_gen = UPP(test, repeats=test_repeats) - - # bandwidth chosen during model selection in validation - train_tr, train_va = train.split_stratified(random_state=0) - kdey = KDEyML(random_state=0) - modsel = qp.model_selection.GridSearchQ( - model=kdey, - param_grid={'bandwidth': bandwidth_range}, - protocol=UPP(train_va, repeats=val_repeats), - refit=False, - n_jobs=-1 - ).fit(train_tr) - chosen_bandwidth = modsel.best_params_['bandwidth'] - modsel_choice = float(chosen_bandwidth) - - # results in test - print(f"testing KDEy in {dataset.name}") - dataset_results = [] - for b in bandwidth_range: - kdey = KDEyML(bandwidth=b, random_state=0) - kdey.fit(train) - - mae = qp.evaluation.evaluate(kdey, protocol=test_gen, error_metric='mae', verbose=True) - print(f'bandwidth={b}: {mae:.5f}') - dataset_results.append((float(b), float(mae))) - - return modsel_choice, dataset_results - -def plot_bandwidth(val_choice, test_results): - for dataset_name in val_choice.keys(): - import matplotlib.pyplot as plt - - bandwidths, results = zip(*test_results[dataset_name]) - - # Crear la gráfica - plt.figure(figsize=(8, 6)) - - # Graficar los puntos de datos - plt.plot(bandwidths, results, marker='o') - - # Agregar la línea vertical en bandwidth_chosen - plt.axvline(x=val_choice[dataset_name], color='r', linestyle='--', label=f'Bandwidth elegido: {val_choice[dataset_name]}') - - # Agregar etiquetas y título - plt.xlabel('Bandwidth') - plt.ylabel('Resultado') - plt.title('Gráfica de Bandwidth vs Resultado') - - # Mostrar la leyenda - plt.legend() - - # Mostrar la gráfica - plt.grid(True) - plt.show() - - -for dataset in datasets(): - if DEBUG: - result_path = f'./results/debug/{dataset.name}.pkl' - else: - result_path = f'./results/{dataset.name}.pkl' - - modsel_choice, dataset_results = qp.util.pickled_resource(result_path, experiment_dataset, dataset) - val_choice[dataset.name] = modsel_choice - test_results[dataset.name] = dataset_results - - print(f'Dataset = {dataset.name}') - print(modsel_choice) - print(dataset_results) - -plot_bandwidth(val_choice, test_results) - - - - - From db8a87049599fb8ae3ddd4c437c8568f1313aeb2 Mon Sep 17 00:00:00 2001 From: Mirko Bunse Date: Tue, 17 Sep 2024 10:48:53 +0200 Subject: [PATCH 09/10] Instruct the user how to install qunfold in the case of an unsuccessful import --- quapy/method/composable.py | 90 +++++++++++++++++++++----------------- 1 file changed, 51 insertions(+), 39 deletions(-) diff --git a/quapy/method/composable.py b/quapy/method/composable.py index aa00be4..5d40aad 100644 --- a/quapy/method/composable.py +++ b/quapy/method/composable.py @@ -1,45 +1,57 @@ """This module allows the composition of quantification methods from loss functions and feature transformations. This functionality is realized through an integration of the qunfold package: https://github.com/mirkobunse/qunfold.""" -import qunfold -from qunfold.quapy import QuaPyWrapper -from qunfold.sklearn import CVClassifier -from qunfold import ( - LeastSquaresLoss, # losses - BlobelLoss, - EnergyLoss, - HellingerSurrogateLoss, - CombinedLoss, - TikhonovRegularization, - TikhonovRegularized, - ClassTransformer, # transformers - HistogramTransformer, - DistanceTransformer, - KernelTransformer, - EnergyKernelTransformer, - LaplacianKernelTransformer, - GaussianKernelTransformer, - GaussianRFFKernelTransformer, -) +_import_error_message = """qunfold, the back-end of quapy.method.composable, is not properly installed. -__all__ = [ # control public members, e.g., for auto-documentation in sphinx; omit QuaPyWrapper - "ComposableQuantifier", - "CVClassifier", - "LeastSquaresLoss", - "BlobelLoss", - "EnergyLoss", - "HellingerSurrogateLoss", - "CombinedLoss", - "TikhonovRegularization", - "TikhonovRegularized", - "ClassTransformer", - "HistogramTransformer", - "DistanceTransformer", - "KernelTransformer", - "EnergyKernelTransformer", - "LaplacianKernelTransformer", - "GaussianKernelTransformer", - "GaussianRFFKernelTransformer", -] +To fix this error, call: + + pip install --upgrade pip setuptools wheel + pip install "jax[cpu]" + pip install "qunfold @ git+https://github.com/mirkobunse/qunfold@v0.1.4" +""" + +try: + import qunfold + from qunfold.quapy import QuaPyWrapper + from qunfold.sklearn import CVClassifier + from qunfold import ( + LeastSquaresLoss, # losses + BlobelLoss, + EnergyLoss, + HellingerSurrogateLoss, + CombinedLoss, + TikhonovRegularization, + TikhonovRegularized, + ClassTransformer, # transformers + HistogramTransformer, + DistanceTransformer, + KernelTransformer, + EnergyKernelTransformer, + LaplacianKernelTransformer, + GaussianKernelTransformer, + GaussianRFFKernelTransformer, + ) + + __all__ = [ # control public members, e.g., for auto-documentation in sphinx; omit QuaPyWrapper + "ComposableQuantifier", + "CVClassifier", + "LeastSquaresLoss", + "BlobelLoss", + "EnergyLoss", + "HellingerSurrogateLoss", + "CombinedLoss", + "TikhonovRegularization", + "TikhonovRegularized", + "ClassTransformer", + "HistogramTransformer", + "DistanceTransformer", + "KernelTransformer", + "EnergyKernelTransformer", + "LaplacianKernelTransformer", + "GaussianKernelTransformer", + "GaussianRFFKernelTransformer", + ] +except ImportError as e: + raise ImportError(_import_error_message) from e def ComposableQuantifier(loss, transformer, **kwargs): """A generic quantification / unfolding method that solves a linear system of equations. From 04c1f286ce495f0bcb32129c18ae5b66376b6a71 Mon Sep 17 00:00:00 2001 From: Alejandro Moreo Date: Thu, 26 Sep 2024 16:05:03 +0200 Subject: [PATCH 10/10] local stack --- LocalStack/experiments.py | 126 ++++++++++++++++++++++++++++++++++++++ LocalStack/method.py | 112 +++++++++++++++++++++++++++++++++ 2 files changed, 238 insertions(+) create mode 100644 LocalStack/experiments.py create mode 100644 LocalStack/method.py diff --git a/LocalStack/experiments.py b/LocalStack/experiments.py new file mode 100644 index 0000000..6b083a5 --- /dev/null +++ b/LocalStack/experiments.py @@ -0,0 +1,126 @@ +import os +from time import time +import numpy as np +from sklearn.linear_model import LogisticRegression +import quapy as qp +from KDEy.kdey_devel import KDEyMLauto, KDEyMLauto2, KDEyMLred +from LocalStack.method import LocalStackingQuantification, LocalStackingQuantification2 +from quapy.method.aggregative import PACC, EMQ, KDEyML +from quapy.model_selection import GridSearchQ +from quapy.protocol import UPP +from pathlib import Path + +SEED = 1 + + + +METHODS = [ + ('PACC', PACC(), {}), + ('EMQ', EMQ(), {}), + ('KDEy-ML', KDEyML(), {}), +] + +TRANSDUCTIVE_METHODS = [ + ('LSQ', LocalStackingQuantification(EMQ()), {}), + ('LSQ2', LocalStackingQuantification2(EMQ()), {}) +] + +def show_results(result_path): + import pandas as pd + df = pd.read_csv(result_path + '.csv', sep='\t') + pd.set_option('display.max_columns', None) + pd.set_option('display.max_rows', None) + pd.set_option('display.width', 1000) # Ajustar el ancho máximo + pv = df.pivot_table(index='Dataset', columns="Method", values=["MAE"], margins=True) + print(pv) + pv = df.pivot_table(index='Dataset', columns="Method", values=["MRAE"], margins=True) + print(pv) + pv = df.pivot_table(index='Dataset', columns="Method", values=["KLD"], margins=True) + print(pv) + pv = df.pivot_table(index='Dataset', columns="Method", values=["TR-TIME"], margins=True) + print(pv) + pv = df.pivot_table(index='Dataset', columns="Method", values=["TE-TIME"], margins=True) + print(pv) + + +if __name__ == '__main__': + + qp.environ['SAMPLE_SIZE'] = 500 + qp.environ['N_JOBS'] = -1 + n_bags_val = 25 + n_bags_test = 100 + result_dir = f'results_quantification/localstack' + + os.makedirs(result_dir, exist_ok=True) + + global_result_path = f'{result_dir}/allmethods' + with open(global_result_path + '.csv', 'wt') as csv: + csv.write(f'Method\tDataset\tMAE\tMRAE\tKLD\tTR-TIME\tTE-TIME\n') + + for method_name, quantifier, param_grid in METHODS + TRANSDUCTIVE_METHODS: + + print('Init method', method_name) + + with open(global_result_path + '.csv', 'at') as csv: + for dataset in qp.datasets.UCI_MULTICLASS_DATASETS: + print('init', dataset) + + # run_experiment(global_result_path, method_name, quantifier, param_grid, dataset) + local_result_path = os.path.join(Path(global_result_path).parent, method_name + '_' + dataset + '.dataframe') + + if os.path.exists(local_result_path): + print(f'result file {local_result_path} already exist; skipping') + report = qp.util.load_report(local_result_path) + + else: + with qp.util.temp_seed(SEED): + + data = qp.datasets.fetch_UCIMulticlassDataset(dataset, verbose=True) + train, test = data.train_test + + transductive_names = [name for (name, *_) in TRANSDUCTIVE_METHODS] + + if method_name not in transductive_names: + if len(param_grid) == 0: + t_init = time() + quantifier.fit(train) + train_time = time() - t_init + else: + # model selection (train) + train, val = train.split_stratified(random_state=SEED) + protocol = UPP(val, repeats=n_bags_val) + modsel = GridSearchQ( + quantifier, param_grid, protocol, refit=True, n_jobs=-1, verbose=1, error='mae' + ) + t_init = time() + try: + modsel.fit(train) + print(f'best params {modsel.best_params_}') + print(f'best score {modsel.best_score_}') + quantifier = modsel.best_model() + except: + print('something went wrong... trying to fit the default model') + quantifier.fit(train) + train_time = time() - t_init + else: + # transductive + t_init = time() + quantifier.fit(train) # <-- nothing actually (proyects the X into posteriors only) + train_time = time() - t_init + + # test + t_init = time() + protocol = UPP(test, repeats=n_bags_test) + report = qp.evaluation.evaluation_report( + quantifier, protocol, error_metrics=['mae', 'mrae', 'kld'], verbose=True + ) + test_time = time() - t_init + report['tr_time'] = train_time + report['te_time'] = test_time + report.to_csv(local_result_path) + + means = report.mean(numeric_only=True) + csv.write(f'{method_name}\t{dataset}\t{means["mae"]:.5f}\t{means["mrae"]:.5f}\t{means["kld"]:.5f}\t{means["tr_time"]:.3f}\t{means["te_time"]:.3f}\n') + csv.flush() + + show_results(global_result_path) \ No newline at end of file diff --git a/LocalStack/method.py b/LocalStack/method.py new file mode 100644 index 0000000..157c73d --- /dev/null +++ b/LocalStack/method.py @@ -0,0 +1,112 @@ +import numpy as np +import quapy as qp +from sklearn.multioutput import MultiOutputRegressor +from sklearn.svm import SVR + +from data import LabelledCollection +from quapy.method.base import BaseQuantifier +from quapy.method.aggregative import AggregativeSoftQuantifier + + +class LocalStackingQuantification(BaseQuantifier): + + def __init__(self, surrogate_quantifier, n_samples_gen=200, n_samples_sel=50, comparison_measure='ae', random_state=None): + assert isinstance(surrogate_quantifier, AggregativeSoftQuantifier), \ + f'the surrogate quantifier must be of type {AggregativeSoftQuantifier.__class__.__name__}' + self.surrogate_quantifier = surrogate_quantifier + self.n_samples_gen = n_samples_gen + self.n_samples_sel = n_samples_sel + self.comparison_measure = qp.error.from_name(comparison_measure) + self.random_state = random_state + + def fit(self, data: LabelledCollection): + train, val = data.split_stratified() + self.surrogate_quantifier.fit(train) + self.val_data = val + return self + + def normalize(self, out_simplex:np.ndarray): + in_simplex = out_simplex/out_simplex.sum() + return in_simplex + + def quantify(self, instances: np.ndarray): + assert hasattr(self, 'val_data'), 'quantify called before fit' + pred_prevs = self.surrogate_quantifier.quantify(instances) + test_size = instances.shape[0] + + samples = [] + samples_pred_prevs = [] + samples_distance = [] + for i in range(self.n_samples_gen): + sample_i = self.val_data.sampling(test_size, *pred_prevs, random_state=self.random_state) + pred_prev_sample_i = self.surrogate_quantifier.quantify(sample_i.X) + err_dist = self.comparison_measure(pred_prevs, pred_prev_sample_i) + + samples.append(sample_i) + samples_pred_prevs.append(pred_prev_sample_i) + samples_distance.append(err_dist) + + ord_distances = np.argsort(samples_distance) + samples_sel = np.asarray(samples)[ord_distances][:self.n_samples_sel] + samples_pred_prevs_sel = np.asarray(samples_pred_prevs)[ord_distances][:self.n_samples_sel] + + reg = MultiOutputRegressor(SVR()) + reg_X = samples_pred_prevs_sel + reg_y = [s.prevalence() for s in samples_sel] + reg.fit(reg_X, reg_y) + + corrected_prev = reg.predict([pred_prevs])[0] + + corrected_prev = self.normalize(corrected_prev) + return corrected_prev + + + +class LocalStackingQuantification2(BaseQuantifier): + + """ + Este en vez de seleccionar samples de training para los que la prevalencia predicha se parece a la prevalencia + predica en test, saca directamente samples de training con la prevalencia predicha en test + """ + + def __init__(self, surrogate_quantifier, n_samples_gen=200, n_samples_sel=50, comparison_measure='ae', random_state=None): + assert isinstance(surrogate_quantifier, AggregativeSoftQuantifier), \ + f'the surrogate quantifier must be of type {AggregativeSoftQuantifier.__class__.__name__}' + self.surrogate_quantifier = surrogate_quantifier + self.n_samples_gen = n_samples_gen + self.n_samples_sel = n_samples_sel + self.comparison_measure = qp.error.from_name(comparison_measure) + self.random_state = random_state + + def fit(self, data: LabelledCollection): + train, val = data.split_stratified() + self.surrogate_quantifier.fit(train) + self.val_data = val + return self + + def normalize(self, out_simplex:np.ndarray): + in_simplex = out_simplex/out_simplex.sum() + return in_simplex + + def quantify(self, instances: np.ndarray): + assert hasattr(self, 'val_data'), 'quantify called before fit' + pred_prevs = self.surrogate_quantifier.quantify(instances) + test_size = instances.shape[0] + + samples = [] + samples_pred_prevs = [] + for i in range(self.n_samples_gen): + sample_i = self.val_data.sampling(test_size, *pred_prevs, random_state=self.random_state) + pred_prev_sample_i = self.surrogate_quantifier.quantify(sample_i.X) + samples.append(sample_i) + samples_pred_prevs.append(pred_prev_sample_i) + + reg = MultiOutputRegressor(SVR()) + reg_X = samples_pred_prevs + reg_y = [s.prevalence() for s in samples] + reg.fit(reg_X, reg_y) + + corrected_prev = reg.predict([pred_prevs])[0] + + corrected_prev = self.normalize(corrected_prev) + return corrected_prev \ No newline at end of file