forked from moreo/QuaPy
import fix
This commit is contained in:
parent
ee6af04abd
commit
8fc4669046
|
@ -1,8 +1,8 @@
|
|||
import quapy as qp
|
||||
from data import LabelledCollection
|
||||
from method.base import BaseQuantifier, BinaryQuantifier
|
||||
from model_selection import GridSearchQ
|
||||
from quapy.method.aggregative import PACC, AggregativeProbabilisticQuantifier
|
||||
from quapy.data import LabelledCollection
|
||||
from quapy.method.base import BinaryQuantifier
|
||||
from quapy.model_selection import GridSearchQ
|
||||
from quapy.method.aggregative import AggregativeProbabilisticQuantifier
|
||||
from quapy.protocol import APP
|
||||
import numpy as np
|
||||
from sklearn.linear_model import LogisticRegression
|
||||
|
|
|
@ -1,12 +1,11 @@
|
|||
import numpy as np
|
||||
from sklearn.calibration import CalibratedClassifierCV
|
||||
from sklearn.linear_model import LogisticRegression
|
||||
import quapy as qp
|
||||
import quapy.functional as F
|
||||
from data.datasets import LEQUA2022_SAMPLE_SIZE, fetch_lequa2022
|
||||
from evaluation import evaluation_report
|
||||
from method.aggregative import EMQ
|
||||
from model_selection import GridSearchQ
|
||||
from quapy.data.datasets import LEQUA2022_SAMPLE_SIZE, fetch_lequa2022
|
||||
from quapy.evaluation import evaluation_report
|
||||
from quapy.method.aggregative import EMQ
|
||||
from quapy.model_selection import GridSearchQ
|
||||
import pandas as pd
|
||||
|
||||
"""
|
||||
|
|
|
@ -2,16 +2,14 @@ from abc import abstractmethod
|
|||
from copy import deepcopy
|
||||
from typing import Callable, Union
|
||||
import numpy as np
|
||||
from joblib import Parallel, delayed
|
||||
from scipy import optimize
|
||||
from sklearn.base import BaseEstimator, clone
|
||||
from sklearn.base import BaseEstimator
|
||||
from sklearn.calibration import CalibratedClassifierCV
|
||||
from sklearn.metrics import confusion_matrix
|
||||
from sklearn.model_selection import StratifiedKFold, cross_val_predict
|
||||
from tqdm import tqdm
|
||||
from sklearn.model_selection import cross_val_predict
|
||||
import quapy as qp
|
||||
import quapy.functional as F
|
||||
from classification.calibration import NBVSCalibration, BCTSCalibration, TSCalibration, VSCalibration
|
||||
from quapy.classification.calibration import NBVSCalibration, BCTSCalibration, TSCalibration, VSCalibration
|
||||
from quapy.classification.svmperf import SVMperf
|
||||
from quapy.data import LabelledCollection
|
||||
from quapy.method.base import BaseQuantifier, BinaryQuantifier, OneVsAllGeneric
|
||||
|
|
|
@ -7,7 +7,6 @@ from sklearn.model_selection import GridSearchCV, cross_val_predict
|
|||
from tqdm import tqdm
|
||||
|
||||
import quapy as qp
|
||||
from evaluation import evaluate_on_samples
|
||||
from quapy import functional as F
|
||||
from quapy.data import LabelledCollection
|
||||
from quapy.model_selection import GridSearchQ
|
||||
|
@ -178,7 +177,7 @@ class Ensemble(BaseQuantifier):
|
|||
For each model in the ensemble, the performance is measured in terms of _error_name_ on the quantification of
|
||||
the samples used for training the rest of the models in the ensemble.
|
||||
"""
|
||||
from quapy.evaluation import evaluate
|
||||
from quapy.evaluation import evaluate_on_samples
|
||||
error = qp.error.from_name(error_name)
|
||||
tests = [m[3] for m in self.ensemble]
|
||||
scores = []
|
||||
|
|
|
@ -6,7 +6,7 @@ import torch
|
|||
from torch.nn import MSELoss
|
||||
from torch.nn.functional import relu
|
||||
|
||||
from protocol import UPP
|
||||
from quapy.protocol import UPP
|
||||
from quapy.method.aggregative import *
|
||||
from quapy.util import EarlyStop
|
||||
|
||||
|
|
6
setup.py
6
setup.py
|
@ -14,6 +14,7 @@ def get_version(rel_path):
|
|||
return line.split(delim)[1]
|
||||
else:
|
||||
raise RuntimeError("Unable to find version string.")
|
||||
|
||||
# Arguments marked as "Required" below must be included for upload to PyPI.
|
||||
# Fields marked as "Optional" may be commented out.
|
||||
|
||||
|
@ -114,7 +115,7 @@ setup(
|
|||
|
||||
python_requires='>=3.6, <4',
|
||||
|
||||
install_requires=['scikit-learn', 'pandas', 'tqdm', 'matplotlib'],
|
||||
install_requires=['scikit-learn', 'pandas', 'tqdm', 'matplotlib', 'joblib', 'xlrd', 'abstention'],
|
||||
|
||||
# List additional groups of dependencies here (e.g. development
|
||||
# dependencies). Users will be able to install these using the "extras"
|
||||
|
@ -158,7 +159,8 @@ setup(
|
|||
project_urls={ # Optional
|
||||
'Contributors': 'https://github.com/HLT-ISTI/QuaPy/graphs/contributors',
|
||||
'Bug Reports': 'https://github.com/HLT-ISTI/QuaPy/issues',
|
||||
'Documentation': 'https://github.com/HLT-ISTI/QuaPy/wiki',
|
||||
'Wiki': 'https://github.com/HLT-ISTI/QuaPy/wiki',
|
||||
'Documentation': 'https://hlt-isti.github.io/QuaPy/build/html/index.html',
|
||||
'Source': 'https://github.com/HLT-ISTI/QuaPy/',
|
||||
},
|
||||
)
|
||||
|
|
Loading…
Reference in New Issue