dragon-ml-toolbox 1.2.0__tar.gz → 1.3.0__tar.gz
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of dragon-ml-toolbox might be problematic. Click here for more details.
- dragon_ml_toolbox-1.3.0/LICENSE-THIRD-PARTY.md +23 -0
- dragon_ml_toolbox-1.3.0/PKG-INFO +88 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/README.md +16 -10
- dragon_ml_toolbox-1.3.0/dragon_ml_toolbox.egg-info/PKG-INFO +88 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/dragon_ml_toolbox.egg-info/SOURCES.txt +1 -0
- dragon_ml_toolbox-1.3.0/dragon_ml_toolbox.egg-info/requires.txt +20 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/data_exploration.py +1 -17
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/ensemble_learning.py +4 -19
- dragon_ml_toolbox-1.3.0/pyproject.toml +49 -0
- dragon_ml_toolbox-1.2.0/PKG-INFO +0 -140
- dragon_ml_toolbox-1.2.0/dragon_ml_toolbox.egg-info/PKG-INFO +0 -140
- dragon_ml_toolbox-1.2.0/dragon_ml_toolbox.egg-info/requires.txt +0 -89
- dragon_ml_toolbox-1.2.0/pyproject.toml +0 -128
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/LICENSE +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/dragon_ml_toolbox.egg-info/dependency_links.txt +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/dragon_ml_toolbox.egg-info/top_level.txt +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/MICE_imputation.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/__init__.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/datasetmaster.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/handle_excel.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/logger.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/particle_swarm_optimization.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/pytorch_models.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/trainer.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/utilities.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/ml_tools/vision_helpers.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/setup.cfg +0 -0
|
@@ -0,0 +1,23 @@
|
|
|
1
|
+
# Third-Party Licenses
|
|
2
|
+
|
|
3
|
+
This project depends on the following third-party packages. Each is governed by its own license, linked below.
|
|
4
|
+
|
|
5
|
+
- [pandas](https://github.com/pandas-dev/pandas/blob/main/LICENSE)
|
|
6
|
+
- [numpy](https://github.com/numpy/numpy/blob/main/LICENSE.txt)
|
|
7
|
+
- [matplotlib](https://github.com/matplotlib/matplotlib/blob/main/LICENSE/LICENSE)
|
|
8
|
+
- [seaborn](https://github.com/mwaskom/seaborn/blob/main/LICENSE)
|
|
9
|
+
- [statsmodels](https://github.com/statsmodels/statsmodels/blob/main/LICENSE.txt)
|
|
10
|
+
- [ipython](https://github.com/ipython/ipython/blob/main/COPYING.rst)
|
|
11
|
+
- [torch](https://github.com/pytorch/pytorch/blob/main/LICENSE)
|
|
12
|
+
- [scikit-learn](https://github.com/scikit-learn/scikit-learn/blob/main/COPYING)
|
|
13
|
+
- [imblearn](https://github.com/scikit-learn-contrib/imbalanced-learn/blob/main/LICENSE)
|
|
14
|
+
- [Pillow](https://github.com/python-pillow/Pillow/blob/main/LICENSE)
|
|
15
|
+
- [joblib](https://github.com/joblib/joblib/blob/main/LICENSE.txt)
|
|
16
|
+
- [xgboost](https://github.com/dmlc/xgboost/blob/main/LICENSE)
|
|
17
|
+
- [lightgbm](https://github.com/microsoft/LightGBM/blob/master/LICENSE)
|
|
18
|
+
- [shap](https://github.com/shap/shap/blob/master/LICENSE)
|
|
19
|
+
- [openpyxl](https://github.com/chronossc/openpyxl/blob/main/LICENSE)
|
|
20
|
+
- [miceforest](https://github.com/AnotherSamWilson/miceforest/blob/main/LICENSE)
|
|
21
|
+
- [polars](https://github.com/pola-rs/polars/blob/main/LICENSE)
|
|
22
|
+
- [torchvision](https://github.com/pytorch/vision/blob/main/LICENSE)
|
|
23
|
+
- [pyswarm](https://pythonhosted.org/pyswarm/#license)
|
|
@@ -0,0 +1,88 @@
|
|
|
1
|
+
Metadata-Version: 2.4
|
|
2
|
+
Name: dragon-ml-toolbox
|
|
3
|
+
Version: 1.3.0
|
|
4
|
+
Summary: A collection of tools for data science and machine learning projects
|
|
5
|
+
Author-email: Karl Loza <luigiloza@gmail.com>
|
|
6
|
+
License-Expression: MIT
|
|
7
|
+
Project-URL: Homepage, https://github.com/DrAg0n-BoRn/ML_tools
|
|
8
|
+
Project-URL: Changelog, https://github.com/DrAg0n-BoRn/ML_tools/blob/master/CHANGELOG.md
|
|
9
|
+
Classifier: Programming Language :: Python :: 3
|
|
10
|
+
Classifier: Operating System :: OS Independent
|
|
11
|
+
Requires-Python: >=3.9
|
|
12
|
+
Description-Content-Type: text/markdown
|
|
13
|
+
License-File: LICENSE
|
|
14
|
+
License-File: LICENSE-THIRD-PARTY.md
|
|
15
|
+
Requires-Dist: numpy<2.0
|
|
16
|
+
Requires-Dist: scikit-learn
|
|
17
|
+
Requires-Dist: openpyxl
|
|
18
|
+
Requires-Dist: miceforest
|
|
19
|
+
Requires-Dist: matplotlib
|
|
20
|
+
Requires-Dist: seaborn
|
|
21
|
+
Requires-Dist: pandas
|
|
22
|
+
Requires-Dist: polars
|
|
23
|
+
Requires-Dist: imblearn
|
|
24
|
+
Requires-Dist: statsmodels
|
|
25
|
+
Requires-Dist: ipython
|
|
26
|
+
Requires-Dist: joblib
|
|
27
|
+
Requires-Dist: xgboost
|
|
28
|
+
Requires-Dist: lightgbm
|
|
29
|
+
Requires-Dist: shap
|
|
30
|
+
Provides-Extra: pytorch
|
|
31
|
+
Requires-Dist: torch; extra == "pytorch"
|
|
32
|
+
Requires-Dist: Pillow; extra == "pytorch"
|
|
33
|
+
Requires-Dist: torchvision; extra == "pytorch"
|
|
34
|
+
Dynamic: license-file
|
|
35
|
+
|
|
36
|
+
# dragon-ml-tools
|
|
37
|
+
|
|
38
|
+
A collection of Python utilities for data science and machine learning, structured as a modular package for easy reuse and installation.
|
|
39
|
+
|
|
40
|
+
## Features
|
|
41
|
+
|
|
42
|
+
- Modular scripts for data exploration, logging, machine learning, and more.
|
|
43
|
+
- Designed for seamless integration as a Git submodule or installable Python package.
|
|
44
|
+
|
|
45
|
+
## Installation
|
|
46
|
+
|
|
47
|
+
**Python 3.9+ recommended.**
|
|
48
|
+
|
|
49
|
+
### Via PyPI
|
|
50
|
+
|
|
51
|
+
Install the latest stable release from PyPI:
|
|
52
|
+
|
|
53
|
+
```bash
|
|
54
|
+
pip install dragon-ml-tools
|
|
55
|
+
```
|
|
56
|
+
|
|
57
|
+
### Via conda-forge
|
|
58
|
+
|
|
59
|
+
Install from the conda-forge channel:
|
|
60
|
+
|
|
61
|
+
```bash
|
|
62
|
+
conda install -c conda-forge dragon-ml-toolbox
|
|
63
|
+
```
|
|
64
|
+
|
|
65
|
+
#### Optional dependencies
|
|
66
|
+
|
|
67
|
+
```bash
|
|
68
|
+
pip install dragon-ml-tools[pytorch]
|
|
69
|
+
```
|
|
70
|
+
|
|
71
|
+
### Via GitHub (Editable)
|
|
72
|
+
|
|
73
|
+
Clone the repository and install in editable mode with optional dependencies:
|
|
74
|
+
|
|
75
|
+
```bash
|
|
76
|
+
git clone https://github.com/DrAg0n-BoRn/ML_tools.git
|
|
77
|
+
cd ML_tools
|
|
78
|
+
pip install -e '.[pytorch]'
|
|
79
|
+
```
|
|
80
|
+
|
|
81
|
+
## Usage
|
|
82
|
+
|
|
83
|
+
After installation, import modules like this:
|
|
84
|
+
|
|
85
|
+
```python
|
|
86
|
+
from ml_tools.utilities import sanitize_filename
|
|
87
|
+
from ml_tools.logger import custom_logger
|
|
88
|
+
```
|
|
@@ -1,30 +1,36 @@
|
|
|
1
1
|
# dragon-ml-tools
|
|
2
2
|
|
|
3
|
-
A collection of Python utilities and machine learning
|
|
3
|
+
A collection of Python utilities for data science and machine learning, structured as a modular package for easy reuse and installation.
|
|
4
4
|
|
|
5
5
|
## Features
|
|
6
6
|
|
|
7
7
|
- Modular scripts for data exploration, logging, machine learning, and more.
|
|
8
|
-
- Optional dependencies grouped by functionality for lightweight installs.
|
|
9
8
|
- Designed for seamless integration as a Git submodule or installable Python package.
|
|
10
9
|
|
|
11
|
-
|
|
12
10
|
## Installation
|
|
13
11
|
|
|
14
|
-
Python 3.9+ recommended
|
|
12
|
+
**Python 3.9+ recommended.**
|
|
13
|
+
|
|
14
|
+
### Via PyPI
|
|
15
|
+
|
|
16
|
+
Install the latest stable release from PyPI:
|
|
17
|
+
|
|
18
|
+
```bash
|
|
19
|
+
pip install dragon-ml-tools
|
|
20
|
+
```
|
|
15
21
|
|
|
16
|
-
### Via
|
|
22
|
+
### Via conda-forge
|
|
17
23
|
|
|
18
|
-
Install
|
|
24
|
+
Install from the conda-forge channel:
|
|
19
25
|
|
|
20
26
|
```bash
|
|
21
|
-
|
|
27
|
+
conda install -c conda-forge dragon-ml-toolbox
|
|
22
28
|
```
|
|
23
29
|
|
|
24
|
-
|
|
30
|
+
#### Optional dependencies
|
|
25
31
|
|
|
26
32
|
```bash
|
|
27
|
-
pip install dragon-ml-tools[
|
|
33
|
+
pip install dragon-ml-tools[pytorch]
|
|
28
34
|
```
|
|
29
35
|
|
|
30
36
|
### Via GitHub (Editable)
|
|
@@ -34,7 +40,7 @@ Clone the repository and install in editable mode with optional dependencies:
|
|
|
34
40
|
```bash
|
|
35
41
|
git clone https://github.com/DrAg0n-BoRn/ML_tools.git
|
|
36
42
|
cd ML_tools
|
|
37
|
-
pip install -e '.[
|
|
43
|
+
pip install -e '.[pytorch]'
|
|
38
44
|
```
|
|
39
45
|
|
|
40
46
|
## Usage
|
|
@@ -0,0 +1,88 @@
|
|
|
1
|
+
Metadata-Version: 2.4
|
|
2
|
+
Name: dragon-ml-toolbox
|
|
3
|
+
Version: 1.3.0
|
|
4
|
+
Summary: A collection of tools for data science and machine learning projects
|
|
5
|
+
Author-email: Karl Loza <luigiloza@gmail.com>
|
|
6
|
+
License-Expression: MIT
|
|
7
|
+
Project-URL: Homepage, https://github.com/DrAg0n-BoRn/ML_tools
|
|
8
|
+
Project-URL: Changelog, https://github.com/DrAg0n-BoRn/ML_tools/blob/master/CHANGELOG.md
|
|
9
|
+
Classifier: Programming Language :: Python :: 3
|
|
10
|
+
Classifier: Operating System :: OS Independent
|
|
11
|
+
Requires-Python: >=3.9
|
|
12
|
+
Description-Content-Type: text/markdown
|
|
13
|
+
License-File: LICENSE
|
|
14
|
+
License-File: LICENSE-THIRD-PARTY.md
|
|
15
|
+
Requires-Dist: numpy<2.0
|
|
16
|
+
Requires-Dist: scikit-learn
|
|
17
|
+
Requires-Dist: openpyxl
|
|
18
|
+
Requires-Dist: miceforest
|
|
19
|
+
Requires-Dist: matplotlib
|
|
20
|
+
Requires-Dist: seaborn
|
|
21
|
+
Requires-Dist: pandas
|
|
22
|
+
Requires-Dist: polars
|
|
23
|
+
Requires-Dist: imblearn
|
|
24
|
+
Requires-Dist: statsmodels
|
|
25
|
+
Requires-Dist: ipython
|
|
26
|
+
Requires-Dist: joblib
|
|
27
|
+
Requires-Dist: xgboost
|
|
28
|
+
Requires-Dist: lightgbm
|
|
29
|
+
Requires-Dist: shap
|
|
30
|
+
Provides-Extra: pytorch
|
|
31
|
+
Requires-Dist: torch; extra == "pytorch"
|
|
32
|
+
Requires-Dist: Pillow; extra == "pytorch"
|
|
33
|
+
Requires-Dist: torchvision; extra == "pytorch"
|
|
34
|
+
Dynamic: license-file
|
|
35
|
+
|
|
36
|
+
# dragon-ml-tools
|
|
37
|
+
|
|
38
|
+
A collection of Python utilities for data science and machine learning, structured as a modular package for easy reuse and installation.
|
|
39
|
+
|
|
40
|
+
## Features
|
|
41
|
+
|
|
42
|
+
- Modular scripts for data exploration, logging, machine learning, and more.
|
|
43
|
+
- Designed for seamless integration as a Git submodule or installable Python package.
|
|
44
|
+
|
|
45
|
+
## Installation
|
|
46
|
+
|
|
47
|
+
**Python 3.9+ recommended.**
|
|
48
|
+
|
|
49
|
+
### Via PyPI
|
|
50
|
+
|
|
51
|
+
Install the latest stable release from PyPI:
|
|
52
|
+
|
|
53
|
+
```bash
|
|
54
|
+
pip install dragon-ml-tools
|
|
55
|
+
```
|
|
56
|
+
|
|
57
|
+
### Via conda-forge
|
|
58
|
+
|
|
59
|
+
Install from the conda-forge channel:
|
|
60
|
+
|
|
61
|
+
```bash
|
|
62
|
+
conda install -c conda-forge dragon-ml-toolbox
|
|
63
|
+
```
|
|
64
|
+
|
|
65
|
+
#### Optional dependencies
|
|
66
|
+
|
|
67
|
+
```bash
|
|
68
|
+
pip install dragon-ml-tools[pytorch]
|
|
69
|
+
```
|
|
70
|
+
|
|
71
|
+
### Via GitHub (Editable)
|
|
72
|
+
|
|
73
|
+
Clone the repository and install in editable mode with optional dependencies:
|
|
74
|
+
|
|
75
|
+
```bash
|
|
76
|
+
git clone https://github.com/DrAg0n-BoRn/ML_tools.git
|
|
77
|
+
cd ML_tools
|
|
78
|
+
pip install -e '.[pytorch]'
|
|
79
|
+
```
|
|
80
|
+
|
|
81
|
+
## Usage
|
|
82
|
+
|
|
83
|
+
After installation, import modules like this:
|
|
84
|
+
|
|
85
|
+
```python
|
|
86
|
+
from ml_tools.utilities import sanitize_filename
|
|
87
|
+
from ml_tools.logger import custom_logger
|
|
88
|
+
```
|
|
@@ -15,8 +15,7 @@ from ml_tools.utilities import sanitize_filename
|
|
|
15
15
|
|
|
16
16
|
|
|
17
17
|
# Keep track of all available functions, show using `info()`
|
|
18
|
-
__all__ = ["
|
|
19
|
-
"summarize_dataframe",
|
|
18
|
+
__all__ = ["summarize_dataframe",
|
|
20
19
|
"drop_rows_with_missing_data",
|
|
21
20
|
"split_features_targets",
|
|
22
21
|
"show_null_columns",
|
|
@@ -33,21 +32,6 @@ __all__ = ["load_dataframe",
|
|
|
33
32
|
"drop_vif_based"]
|
|
34
33
|
|
|
35
34
|
|
|
36
|
-
def load_dataframe(df_path: str) -> pd.DataFrame:
|
|
37
|
-
"""
|
|
38
|
-
Loads a DataFrame from a CSV file.
|
|
39
|
-
|
|
40
|
-
Args:
|
|
41
|
-
df_path (str): Path to the CSV file.
|
|
42
|
-
|
|
43
|
-
Returns:
|
|
44
|
-
pd.DataFrame: Loaded DataFrame.
|
|
45
|
-
"""
|
|
46
|
-
df = pd.read_csv(df_path, encoding='utf-8')
|
|
47
|
-
print(f"DataFrame shape {df.shape}")
|
|
48
|
-
return df
|
|
49
|
-
|
|
50
|
-
|
|
51
35
|
def summarize_dataframe(df: pd.DataFrame, round_digits: int = 2):
|
|
52
36
|
"""
|
|
53
37
|
Returns a summary DataFrame with data types, non-null counts, number of unique values,
|
|
@@ -21,6 +21,8 @@ from sklearn.preprocessing import StandardScaler, MaxAbsScaler, MinMaxScaler
|
|
|
21
21
|
from sklearn.metrics import accuracy_score, classification_report, ConfusionMatrixDisplay, mean_absolute_error, mean_squared_error, r2_score, roc_curve, roc_auc_score
|
|
22
22
|
import shap
|
|
23
23
|
|
|
24
|
+
from .utilities import yield_dataframes_from_dir
|
|
25
|
+
|
|
24
26
|
import warnings # Ignore warnings
|
|
25
27
|
warnings.filterwarnings('ignore', category=DeprecationWarning)
|
|
26
28
|
warnings.filterwarnings('ignore', category=FutureWarning)
|
|
@@ -28,23 +30,6 @@ warnings.filterwarnings('ignore', category=UserWarning)
|
|
|
28
30
|
|
|
29
31
|
|
|
30
32
|
###### 1. Dataset Loader ######
|
|
31
|
-
#Load imputed datasets as a generator
|
|
32
|
-
def yield_imputed_dataframe(datasets_dir: str):
|
|
33
|
-
'''
|
|
34
|
-
Yields a tuple `(dataframe, dataframe_name)`
|
|
35
|
-
'''
|
|
36
|
-
dataset_filenames = [dataset for dataset in os.listdir(datasets_dir) if dataset.endswith(".csv")]
|
|
37
|
-
if not dataset_filenames:
|
|
38
|
-
raise IOError(f"No imputed datasets have been found at {datasets_dir}")
|
|
39
|
-
|
|
40
|
-
for dataset_filename in dataset_filenames:
|
|
41
|
-
full_path = os.path.join(datasets_dir, dataset_filename)
|
|
42
|
-
df = pd.read_csv(full_path)
|
|
43
|
-
#remove extension
|
|
44
|
-
filename = os.path.splitext(os.path.basename(dataset_filename))[0]
|
|
45
|
-
print(f"Working on dataset: {filename}")
|
|
46
|
-
yield (df, filename)
|
|
47
|
-
|
|
48
33
|
#Split a dataset into features and targets datasets
|
|
49
34
|
def dataset_yielder(df: pd.DataFrame, target_cols: list[str]):
|
|
50
35
|
'''
|
|
@@ -543,7 +528,7 @@ def get_shap_values(model, model_name: str,
|
|
|
543
528
|
plot_size=figsize,
|
|
544
529
|
max_display=max_display_features,
|
|
545
530
|
alpha=0.7,
|
|
546
|
-
color=plt.get_cmap('viridis')
|
|
531
|
+
color=plt.get_cmap('viridis') # type: ignore
|
|
547
532
|
)
|
|
548
533
|
|
|
549
534
|
# Add professional styling
|
|
@@ -674,7 +659,7 @@ def run_pipeline(datasets_dir: str, save_dir: str, target_columns: list[str], ta
|
|
|
674
659
|
#Check paths
|
|
675
660
|
_check_paths(datasets_dir, save_dir)
|
|
676
661
|
#Yield imputed dataset
|
|
677
|
-
for dataframe, dataframe_name in
|
|
662
|
+
for dataframe, dataframe_name in yield_dataframes_from_dir(datasets_dir):
|
|
678
663
|
#Yield features dataframe and target dataframe
|
|
679
664
|
for df_features, df_target, feature_names, target_name in dataset_yielder(df=dataframe, target_cols=target_columns):
|
|
680
665
|
#Dataset pipeline
|
|
@@ -0,0 +1,49 @@
|
|
|
1
|
+
[project]
|
|
2
|
+
name = "dragon-ml-toolbox"
|
|
3
|
+
version = "1.3.0"
|
|
4
|
+
description = "A collection of tools for data science and machine learning projects"
|
|
5
|
+
authors = [
|
|
6
|
+
{ name = "Karl Loza", email = "luigiloza@gmail.com" }
|
|
7
|
+
]
|
|
8
|
+
readme = "README.md"
|
|
9
|
+
requires-python = ">=3.9"
|
|
10
|
+
license = "MIT"
|
|
11
|
+
classifiers = [
|
|
12
|
+
"Programming Language :: Python :: 3",
|
|
13
|
+
"Operating System :: OS Independent"
|
|
14
|
+
]
|
|
15
|
+
dependencies = [
|
|
16
|
+
"numpy<2.0",
|
|
17
|
+
"scikit-learn",
|
|
18
|
+
"openpyxl",
|
|
19
|
+
"miceforest",
|
|
20
|
+
"matplotlib",
|
|
21
|
+
"seaborn",
|
|
22
|
+
"pandas",
|
|
23
|
+
"polars",
|
|
24
|
+
"imblearn",
|
|
25
|
+
"statsmodels",
|
|
26
|
+
"ipython",
|
|
27
|
+
"joblib",
|
|
28
|
+
"xgboost",
|
|
29
|
+
"lightgbm",
|
|
30
|
+
"shap"
|
|
31
|
+
]
|
|
32
|
+
|
|
33
|
+
[project.urls]
|
|
34
|
+
Homepage = "https://github.com/DrAg0n-BoRn/ML_tools"
|
|
35
|
+
Changelog = "https://github.com/DrAg0n-BoRn/ML_tools/blob/master/CHANGELOG.md"
|
|
36
|
+
|
|
37
|
+
[project.optional-dependencies]
|
|
38
|
+
pytorch = [
|
|
39
|
+
"torch",
|
|
40
|
+
"Pillow",
|
|
41
|
+
"torchvision"
|
|
42
|
+
]
|
|
43
|
+
|
|
44
|
+
[build-system]
|
|
45
|
+
requires = ["setuptools>=61.0"]
|
|
46
|
+
build-backend = "setuptools.build_meta"
|
|
47
|
+
|
|
48
|
+
[tool.setuptools]
|
|
49
|
+
packages = ["ml_tools"]
|
dragon_ml_toolbox-1.2.0/PKG-INFO
DELETED
|
@@ -1,140 +0,0 @@
|
|
|
1
|
-
Metadata-Version: 2.4
|
|
2
|
-
Name: dragon-ml-toolbox
|
|
3
|
-
Version: 1.2.0
|
|
4
|
-
Summary: A collection of tools for data science and machine learning projects
|
|
5
|
-
Author-email: Karl Loza <luigiloza@gmail.com>
|
|
6
|
-
License-Expression: MIT
|
|
7
|
-
Project-URL: Homepage, https://github.com/DrAg0n-BoRn/ML_tools
|
|
8
|
-
Project-URL: Changelog, https://github.com/DrAg0n-BoRn/ML_tools/blob/master/CHANGELOG.md
|
|
9
|
-
Classifier: Programming Language :: Python :: 3
|
|
10
|
-
Classifier: Operating System :: OS Independent
|
|
11
|
-
Requires-Python: >=3.9
|
|
12
|
-
Description-Content-Type: text/markdown
|
|
13
|
-
License-File: LICENSE
|
|
14
|
-
Requires-Dist: numpy
|
|
15
|
-
Requires-Dist: pandas
|
|
16
|
-
Requires-Dist: matplotlib
|
|
17
|
-
Requires-Dist: scikit-learn
|
|
18
|
-
Provides-Extra: data-exploration
|
|
19
|
-
Requires-Dist: pandas; extra == "data-exploration"
|
|
20
|
-
Requires-Dist: numpy; extra == "data-exploration"
|
|
21
|
-
Requires-Dist: matplotlib; extra == "data-exploration"
|
|
22
|
-
Requires-Dist: seaborn; extra == "data-exploration"
|
|
23
|
-
Requires-Dist: statsmodels; extra == "data-exploration"
|
|
24
|
-
Requires-Dist: ipython; extra == "data-exploration"
|
|
25
|
-
Provides-Extra: datasetmaster
|
|
26
|
-
Requires-Dist: torch; extra == "datasetmaster"
|
|
27
|
-
Requires-Dist: pandas; extra == "datasetmaster"
|
|
28
|
-
Requires-Dist: numpy; extra == "datasetmaster"
|
|
29
|
-
Requires-Dist: scikit-learn; extra == "datasetmaster"
|
|
30
|
-
Requires-Dist: imblearn; extra == "datasetmaster"
|
|
31
|
-
Requires-Dist: Pillow; extra == "datasetmaster"
|
|
32
|
-
Requires-Dist: matplotlib; extra == "datasetmaster"
|
|
33
|
-
Provides-Extra: ensemble-learning
|
|
34
|
-
Requires-Dist: pandas; extra == "ensemble-learning"
|
|
35
|
-
Requires-Dist: numpy; extra == "ensemble-learning"
|
|
36
|
-
Requires-Dist: seaborn; extra == "ensemble-learning"
|
|
37
|
-
Requires-Dist: matplotlib; extra == "ensemble-learning"
|
|
38
|
-
Requires-Dist: joblib; extra == "ensemble-learning"
|
|
39
|
-
Requires-Dist: imblearn; extra == "ensemble-learning"
|
|
40
|
-
Requires-Dist: scikit-learn; extra == "ensemble-learning"
|
|
41
|
-
Requires-Dist: xgboost; extra == "ensemble-learning"
|
|
42
|
-
Requires-Dist: lightgbm; extra == "ensemble-learning"
|
|
43
|
-
Requires-Dist: shap; extra == "ensemble-learning"
|
|
44
|
-
Provides-Extra: handle-excel
|
|
45
|
-
Requires-Dist: openpyxl; extra == "handle-excel"
|
|
46
|
-
Requires-Dist: pandas; extra == "handle-excel"
|
|
47
|
-
Provides-Extra: logger
|
|
48
|
-
Requires-Dist: pandas; extra == "logger"
|
|
49
|
-
Requires-Dist: openpyxl; extra == "logger"
|
|
50
|
-
Provides-Extra: mice-imputation
|
|
51
|
-
Requires-Dist: pandas; extra == "mice-imputation"
|
|
52
|
-
Requires-Dist: miceforest; extra == "mice-imputation"
|
|
53
|
-
Requires-Dist: matplotlib; extra == "mice-imputation"
|
|
54
|
-
Requires-Dist: numpy; extra == "mice-imputation"
|
|
55
|
-
Provides-Extra: particle-swarm-optimization
|
|
56
|
-
Requires-Dist: numpy; extra == "particle-swarm-optimization"
|
|
57
|
-
Requires-Dist: joblib; extra == "particle-swarm-optimization"
|
|
58
|
-
Requires-Dist: xgboost; extra == "particle-swarm-optimization"
|
|
59
|
-
Requires-Dist: lightgbm; extra == "particle-swarm-optimization"
|
|
60
|
-
Requires-Dist: scikit-learn; extra == "particle-swarm-optimization"
|
|
61
|
-
Requires-Dist: polars; extra == "particle-swarm-optimization"
|
|
62
|
-
Provides-Extra: pytorch-models
|
|
63
|
-
Requires-Dist: torch; extra == "pytorch-models"
|
|
64
|
-
Provides-Extra: trainer
|
|
65
|
-
Requires-Dist: numpy; extra == "trainer"
|
|
66
|
-
Requires-Dist: torch; extra == "trainer"
|
|
67
|
-
Requires-Dist: matplotlib; extra == "trainer"
|
|
68
|
-
Requires-Dist: scikit-learn; extra == "trainer"
|
|
69
|
-
Provides-Extra: vision-helpers
|
|
70
|
-
Requires-Dist: Pillow; extra == "vision-helpers"
|
|
71
|
-
Requires-Dist: torch; extra == "vision-helpers"
|
|
72
|
-
Requires-Dist: torchvision; extra == "vision-helpers"
|
|
73
|
-
Provides-Extra: full
|
|
74
|
-
Requires-Dist: pandas; extra == "full"
|
|
75
|
-
Requires-Dist: numpy; extra == "full"
|
|
76
|
-
Requires-Dist: matplotlib; extra == "full"
|
|
77
|
-
Requires-Dist: seaborn; extra == "full"
|
|
78
|
-
Requires-Dist: statsmodels; extra == "full"
|
|
79
|
-
Requires-Dist: ipython; extra == "full"
|
|
80
|
-
Requires-Dist: torch; extra == "full"
|
|
81
|
-
Requires-Dist: scikit-learn; extra == "full"
|
|
82
|
-
Requires-Dist: imblearn; extra == "full"
|
|
83
|
-
Requires-Dist: Pillow; extra == "full"
|
|
84
|
-
Requires-Dist: joblib; extra == "full"
|
|
85
|
-
Requires-Dist: xgboost; extra == "full"
|
|
86
|
-
Requires-Dist: lightgbm; extra == "full"
|
|
87
|
-
Requires-Dist: shap; extra == "full"
|
|
88
|
-
Requires-Dist: openpyxl; extra == "full"
|
|
89
|
-
Requires-Dist: miceforest; extra == "full"
|
|
90
|
-
Requires-Dist: polars; extra == "full"
|
|
91
|
-
Requires-Dist: torchvision; extra == "full"
|
|
92
|
-
Dynamic: license-file
|
|
93
|
-
|
|
94
|
-
# dragon-ml-tools
|
|
95
|
-
|
|
96
|
-
A collection of Python utilities and machine learning tools, structured as a modular package for easy reuse and installation.
|
|
97
|
-
|
|
98
|
-
## Features
|
|
99
|
-
|
|
100
|
-
- Modular scripts for data exploration, logging, machine learning, and more.
|
|
101
|
-
- Optional dependencies grouped by functionality for lightweight installs.
|
|
102
|
-
- Designed for seamless integration as a Git submodule or installable Python package.
|
|
103
|
-
|
|
104
|
-
|
|
105
|
-
## Installation
|
|
106
|
-
|
|
107
|
-
Python 3.9+ recommended.
|
|
108
|
-
|
|
109
|
-
### Via PyPI (Stable Releases)
|
|
110
|
-
|
|
111
|
-
Install the latest stable release from PyPI with optional dependencies:
|
|
112
|
-
|
|
113
|
-
```bash
|
|
114
|
-
pip install dragon-ml-tools[logger,trainer]
|
|
115
|
-
```
|
|
116
|
-
|
|
117
|
-
To install dependencies from all modules
|
|
118
|
-
|
|
119
|
-
```bash
|
|
120
|
-
pip install dragon-ml-tools[full]
|
|
121
|
-
```
|
|
122
|
-
|
|
123
|
-
### Via GitHub (Editable)
|
|
124
|
-
|
|
125
|
-
Clone the repository and install in editable mode with optional dependencies:
|
|
126
|
-
|
|
127
|
-
```bash
|
|
128
|
-
git clone https://github.com/DrAg0n-BoRn/ML_tools.git
|
|
129
|
-
cd ML_tools
|
|
130
|
-
pip install -e '.[logger]'
|
|
131
|
-
```
|
|
132
|
-
|
|
133
|
-
## Usage
|
|
134
|
-
|
|
135
|
-
After installation, import modules like this:
|
|
136
|
-
|
|
137
|
-
```python
|
|
138
|
-
from ml_tools.utilities import sanitize_filename
|
|
139
|
-
from ml_tools.logger import custom_logger
|
|
140
|
-
```
|
|
@@ -1,140 +0,0 @@
|
|
|
1
|
-
Metadata-Version: 2.4
|
|
2
|
-
Name: dragon-ml-toolbox
|
|
3
|
-
Version: 1.2.0
|
|
4
|
-
Summary: A collection of tools for data science and machine learning projects
|
|
5
|
-
Author-email: Karl Loza <luigiloza@gmail.com>
|
|
6
|
-
License-Expression: MIT
|
|
7
|
-
Project-URL: Homepage, https://github.com/DrAg0n-BoRn/ML_tools
|
|
8
|
-
Project-URL: Changelog, https://github.com/DrAg0n-BoRn/ML_tools/blob/master/CHANGELOG.md
|
|
9
|
-
Classifier: Programming Language :: Python :: 3
|
|
10
|
-
Classifier: Operating System :: OS Independent
|
|
11
|
-
Requires-Python: >=3.9
|
|
12
|
-
Description-Content-Type: text/markdown
|
|
13
|
-
License-File: LICENSE
|
|
14
|
-
Requires-Dist: numpy
|
|
15
|
-
Requires-Dist: pandas
|
|
16
|
-
Requires-Dist: matplotlib
|
|
17
|
-
Requires-Dist: scikit-learn
|
|
18
|
-
Provides-Extra: data-exploration
|
|
19
|
-
Requires-Dist: pandas; extra == "data-exploration"
|
|
20
|
-
Requires-Dist: numpy; extra == "data-exploration"
|
|
21
|
-
Requires-Dist: matplotlib; extra == "data-exploration"
|
|
22
|
-
Requires-Dist: seaborn; extra == "data-exploration"
|
|
23
|
-
Requires-Dist: statsmodels; extra == "data-exploration"
|
|
24
|
-
Requires-Dist: ipython; extra == "data-exploration"
|
|
25
|
-
Provides-Extra: datasetmaster
|
|
26
|
-
Requires-Dist: torch; extra == "datasetmaster"
|
|
27
|
-
Requires-Dist: pandas; extra == "datasetmaster"
|
|
28
|
-
Requires-Dist: numpy; extra == "datasetmaster"
|
|
29
|
-
Requires-Dist: scikit-learn; extra == "datasetmaster"
|
|
30
|
-
Requires-Dist: imblearn; extra == "datasetmaster"
|
|
31
|
-
Requires-Dist: Pillow; extra == "datasetmaster"
|
|
32
|
-
Requires-Dist: matplotlib; extra == "datasetmaster"
|
|
33
|
-
Provides-Extra: ensemble-learning
|
|
34
|
-
Requires-Dist: pandas; extra == "ensemble-learning"
|
|
35
|
-
Requires-Dist: numpy; extra == "ensemble-learning"
|
|
36
|
-
Requires-Dist: seaborn; extra == "ensemble-learning"
|
|
37
|
-
Requires-Dist: matplotlib; extra == "ensemble-learning"
|
|
38
|
-
Requires-Dist: joblib; extra == "ensemble-learning"
|
|
39
|
-
Requires-Dist: imblearn; extra == "ensemble-learning"
|
|
40
|
-
Requires-Dist: scikit-learn; extra == "ensemble-learning"
|
|
41
|
-
Requires-Dist: xgboost; extra == "ensemble-learning"
|
|
42
|
-
Requires-Dist: lightgbm; extra == "ensemble-learning"
|
|
43
|
-
Requires-Dist: shap; extra == "ensemble-learning"
|
|
44
|
-
Provides-Extra: handle-excel
|
|
45
|
-
Requires-Dist: openpyxl; extra == "handle-excel"
|
|
46
|
-
Requires-Dist: pandas; extra == "handle-excel"
|
|
47
|
-
Provides-Extra: logger
|
|
48
|
-
Requires-Dist: pandas; extra == "logger"
|
|
49
|
-
Requires-Dist: openpyxl; extra == "logger"
|
|
50
|
-
Provides-Extra: mice-imputation
|
|
51
|
-
Requires-Dist: pandas; extra == "mice-imputation"
|
|
52
|
-
Requires-Dist: miceforest; extra == "mice-imputation"
|
|
53
|
-
Requires-Dist: matplotlib; extra == "mice-imputation"
|
|
54
|
-
Requires-Dist: numpy; extra == "mice-imputation"
|
|
55
|
-
Provides-Extra: particle-swarm-optimization
|
|
56
|
-
Requires-Dist: numpy; extra == "particle-swarm-optimization"
|
|
57
|
-
Requires-Dist: joblib; extra == "particle-swarm-optimization"
|
|
58
|
-
Requires-Dist: xgboost; extra == "particle-swarm-optimization"
|
|
59
|
-
Requires-Dist: lightgbm; extra == "particle-swarm-optimization"
|
|
60
|
-
Requires-Dist: scikit-learn; extra == "particle-swarm-optimization"
|
|
61
|
-
Requires-Dist: polars; extra == "particle-swarm-optimization"
|
|
62
|
-
Provides-Extra: pytorch-models
|
|
63
|
-
Requires-Dist: torch; extra == "pytorch-models"
|
|
64
|
-
Provides-Extra: trainer
|
|
65
|
-
Requires-Dist: numpy; extra == "trainer"
|
|
66
|
-
Requires-Dist: torch; extra == "trainer"
|
|
67
|
-
Requires-Dist: matplotlib; extra == "trainer"
|
|
68
|
-
Requires-Dist: scikit-learn; extra == "trainer"
|
|
69
|
-
Provides-Extra: vision-helpers
|
|
70
|
-
Requires-Dist: Pillow; extra == "vision-helpers"
|
|
71
|
-
Requires-Dist: torch; extra == "vision-helpers"
|
|
72
|
-
Requires-Dist: torchvision; extra == "vision-helpers"
|
|
73
|
-
Provides-Extra: full
|
|
74
|
-
Requires-Dist: pandas; extra == "full"
|
|
75
|
-
Requires-Dist: numpy; extra == "full"
|
|
76
|
-
Requires-Dist: matplotlib; extra == "full"
|
|
77
|
-
Requires-Dist: seaborn; extra == "full"
|
|
78
|
-
Requires-Dist: statsmodels; extra == "full"
|
|
79
|
-
Requires-Dist: ipython; extra == "full"
|
|
80
|
-
Requires-Dist: torch; extra == "full"
|
|
81
|
-
Requires-Dist: scikit-learn; extra == "full"
|
|
82
|
-
Requires-Dist: imblearn; extra == "full"
|
|
83
|
-
Requires-Dist: Pillow; extra == "full"
|
|
84
|
-
Requires-Dist: joblib; extra == "full"
|
|
85
|
-
Requires-Dist: xgboost; extra == "full"
|
|
86
|
-
Requires-Dist: lightgbm; extra == "full"
|
|
87
|
-
Requires-Dist: shap; extra == "full"
|
|
88
|
-
Requires-Dist: openpyxl; extra == "full"
|
|
89
|
-
Requires-Dist: miceforest; extra == "full"
|
|
90
|
-
Requires-Dist: polars; extra == "full"
|
|
91
|
-
Requires-Dist: torchvision; extra == "full"
|
|
92
|
-
Dynamic: license-file
|
|
93
|
-
|
|
94
|
-
# dragon-ml-tools
|
|
95
|
-
|
|
96
|
-
A collection of Python utilities and machine learning tools, structured as a modular package for easy reuse and installation.
|
|
97
|
-
|
|
98
|
-
## Features
|
|
99
|
-
|
|
100
|
-
- Modular scripts for data exploration, logging, machine learning, and more.
|
|
101
|
-
- Optional dependencies grouped by functionality for lightweight installs.
|
|
102
|
-
- Designed for seamless integration as a Git submodule or installable Python package.
|
|
103
|
-
|
|
104
|
-
|
|
105
|
-
## Installation
|
|
106
|
-
|
|
107
|
-
Python 3.9+ recommended.
|
|
108
|
-
|
|
109
|
-
### Via PyPI (Stable Releases)
|
|
110
|
-
|
|
111
|
-
Install the latest stable release from PyPI with optional dependencies:
|
|
112
|
-
|
|
113
|
-
```bash
|
|
114
|
-
pip install dragon-ml-tools[logger,trainer]
|
|
115
|
-
```
|
|
116
|
-
|
|
117
|
-
To install dependencies from all modules
|
|
118
|
-
|
|
119
|
-
```bash
|
|
120
|
-
pip install dragon-ml-tools[full]
|
|
121
|
-
```
|
|
122
|
-
|
|
123
|
-
### Via GitHub (Editable)
|
|
124
|
-
|
|
125
|
-
Clone the repository and install in editable mode with optional dependencies:
|
|
126
|
-
|
|
127
|
-
```bash
|
|
128
|
-
git clone https://github.com/DrAg0n-BoRn/ML_tools.git
|
|
129
|
-
cd ML_tools
|
|
130
|
-
pip install -e '.[logger]'
|
|
131
|
-
```
|
|
132
|
-
|
|
133
|
-
## Usage
|
|
134
|
-
|
|
135
|
-
After installation, import modules like this:
|
|
136
|
-
|
|
137
|
-
```python
|
|
138
|
-
from ml_tools.utilities import sanitize_filename
|
|
139
|
-
from ml_tools.logger import custom_logger
|
|
140
|
-
```
|
|
@@ -1,89 +0,0 @@
|
|
|
1
|
-
numpy
|
|
2
|
-
pandas
|
|
3
|
-
matplotlib
|
|
4
|
-
scikit-learn
|
|
5
|
-
|
|
6
|
-
[data_exploration]
|
|
7
|
-
pandas
|
|
8
|
-
numpy
|
|
9
|
-
matplotlib
|
|
10
|
-
seaborn
|
|
11
|
-
statsmodels
|
|
12
|
-
ipython
|
|
13
|
-
|
|
14
|
-
[datasetmaster]
|
|
15
|
-
torch
|
|
16
|
-
pandas
|
|
17
|
-
numpy
|
|
18
|
-
scikit-learn
|
|
19
|
-
imblearn
|
|
20
|
-
Pillow
|
|
21
|
-
matplotlib
|
|
22
|
-
|
|
23
|
-
[ensemble_learning]
|
|
24
|
-
pandas
|
|
25
|
-
numpy
|
|
26
|
-
seaborn
|
|
27
|
-
matplotlib
|
|
28
|
-
joblib
|
|
29
|
-
imblearn
|
|
30
|
-
scikit-learn
|
|
31
|
-
xgboost
|
|
32
|
-
lightgbm
|
|
33
|
-
shap
|
|
34
|
-
|
|
35
|
-
[full]
|
|
36
|
-
pandas
|
|
37
|
-
numpy
|
|
38
|
-
matplotlib
|
|
39
|
-
seaborn
|
|
40
|
-
statsmodels
|
|
41
|
-
ipython
|
|
42
|
-
torch
|
|
43
|
-
scikit-learn
|
|
44
|
-
imblearn
|
|
45
|
-
Pillow
|
|
46
|
-
joblib
|
|
47
|
-
xgboost
|
|
48
|
-
lightgbm
|
|
49
|
-
shap
|
|
50
|
-
openpyxl
|
|
51
|
-
miceforest
|
|
52
|
-
polars
|
|
53
|
-
torchvision
|
|
54
|
-
|
|
55
|
-
[handle_excel]
|
|
56
|
-
openpyxl
|
|
57
|
-
pandas
|
|
58
|
-
|
|
59
|
-
[logger]
|
|
60
|
-
pandas
|
|
61
|
-
openpyxl
|
|
62
|
-
|
|
63
|
-
[mice_imputation]
|
|
64
|
-
pandas
|
|
65
|
-
miceforest
|
|
66
|
-
matplotlib
|
|
67
|
-
numpy
|
|
68
|
-
|
|
69
|
-
[particle_swarm_optimization]
|
|
70
|
-
numpy
|
|
71
|
-
joblib
|
|
72
|
-
xgboost
|
|
73
|
-
lightgbm
|
|
74
|
-
scikit-learn
|
|
75
|
-
polars
|
|
76
|
-
|
|
77
|
-
[pytorch_models]
|
|
78
|
-
torch
|
|
79
|
-
|
|
80
|
-
[trainer]
|
|
81
|
-
numpy
|
|
82
|
-
torch
|
|
83
|
-
matplotlib
|
|
84
|
-
scikit-learn
|
|
85
|
-
|
|
86
|
-
[vision_helpers]
|
|
87
|
-
Pillow
|
|
88
|
-
torch
|
|
89
|
-
torchvision
|
|
@@ -1,128 +0,0 @@
|
|
|
1
|
-
[project]
|
|
2
|
-
name = "dragon-ml-toolbox"
|
|
3
|
-
version = "1.2.0"
|
|
4
|
-
description = "A collection of tools for data science and machine learning projects"
|
|
5
|
-
authors = [
|
|
6
|
-
{ name = "Karl Loza", email = "luigiloza@gmail.com" }
|
|
7
|
-
]
|
|
8
|
-
readme = "README.md"
|
|
9
|
-
requires-python = ">=3.9"
|
|
10
|
-
license = "MIT"
|
|
11
|
-
classifiers = [
|
|
12
|
-
"Programming Language :: Python :: 3",
|
|
13
|
-
"Operating System :: OS Independent"
|
|
14
|
-
]
|
|
15
|
-
dependencies = [
|
|
16
|
-
"numpy",
|
|
17
|
-
"pandas",
|
|
18
|
-
"matplotlib",
|
|
19
|
-
"scikit-learn",
|
|
20
|
-
]
|
|
21
|
-
|
|
22
|
-
[project.urls]
|
|
23
|
-
Homepage = "https://github.com/DrAg0n-BoRn/ML_tools"
|
|
24
|
-
Changelog = "https://github.com/DrAg0n-BoRn/ML_tools/blob/master/CHANGELOG.md"
|
|
25
|
-
|
|
26
|
-
[project.optional-dependencies]
|
|
27
|
-
data_exploration = [
|
|
28
|
-
"pandas",
|
|
29
|
-
"numpy",
|
|
30
|
-
"matplotlib",
|
|
31
|
-
"seaborn",
|
|
32
|
-
"statsmodels",
|
|
33
|
-
"ipython"
|
|
34
|
-
]
|
|
35
|
-
|
|
36
|
-
datasetmaster = [
|
|
37
|
-
"torch",
|
|
38
|
-
"pandas",
|
|
39
|
-
"numpy",
|
|
40
|
-
"scikit-learn",
|
|
41
|
-
"imblearn",
|
|
42
|
-
"Pillow",
|
|
43
|
-
"matplotlib"
|
|
44
|
-
]
|
|
45
|
-
|
|
46
|
-
ensemble_learning = [
|
|
47
|
-
"pandas",
|
|
48
|
-
"numpy",
|
|
49
|
-
"seaborn",
|
|
50
|
-
"matplotlib",
|
|
51
|
-
"joblib",
|
|
52
|
-
"imblearn",
|
|
53
|
-
"scikit-learn",
|
|
54
|
-
"xgboost",
|
|
55
|
-
"lightgbm",
|
|
56
|
-
"shap"
|
|
57
|
-
]
|
|
58
|
-
|
|
59
|
-
handle_excel = [
|
|
60
|
-
"openpyxl",
|
|
61
|
-
"pandas"
|
|
62
|
-
]
|
|
63
|
-
|
|
64
|
-
logger = [
|
|
65
|
-
"pandas",
|
|
66
|
-
"openpyxl"
|
|
67
|
-
]
|
|
68
|
-
|
|
69
|
-
mice_imputation = [
|
|
70
|
-
"pandas",
|
|
71
|
-
"miceforest",
|
|
72
|
-
"matplotlib",
|
|
73
|
-
"numpy"
|
|
74
|
-
]
|
|
75
|
-
|
|
76
|
-
particle_swarm_optimization = [
|
|
77
|
-
"numpy",
|
|
78
|
-
"joblib",
|
|
79
|
-
"xgboost",
|
|
80
|
-
"lightgbm",
|
|
81
|
-
"scikit-learn",
|
|
82
|
-
"polars"
|
|
83
|
-
]
|
|
84
|
-
|
|
85
|
-
pytorch_models = [
|
|
86
|
-
"torch"
|
|
87
|
-
]
|
|
88
|
-
|
|
89
|
-
trainer = [
|
|
90
|
-
"numpy",
|
|
91
|
-
"torch",
|
|
92
|
-
"matplotlib",
|
|
93
|
-
"scikit-learn"
|
|
94
|
-
]
|
|
95
|
-
|
|
96
|
-
vision_helpers = [
|
|
97
|
-
"Pillow",
|
|
98
|
-
"torch",
|
|
99
|
-
"torchvision"
|
|
100
|
-
]
|
|
101
|
-
|
|
102
|
-
full = [
|
|
103
|
-
"pandas",
|
|
104
|
-
"numpy",
|
|
105
|
-
"matplotlib",
|
|
106
|
-
"seaborn",
|
|
107
|
-
"statsmodels",
|
|
108
|
-
"ipython",
|
|
109
|
-
"torch",
|
|
110
|
-
"scikit-learn",
|
|
111
|
-
"imblearn",
|
|
112
|
-
"Pillow",
|
|
113
|
-
"joblib",
|
|
114
|
-
"xgboost",
|
|
115
|
-
"lightgbm",
|
|
116
|
-
"shap",
|
|
117
|
-
"openpyxl",
|
|
118
|
-
"miceforest",
|
|
119
|
-
"polars",
|
|
120
|
-
"torchvision"
|
|
121
|
-
]
|
|
122
|
-
|
|
123
|
-
[build-system]
|
|
124
|
-
requires = ["setuptools>=61.0"]
|
|
125
|
-
build-backend = "setuptools.build_meta"
|
|
126
|
-
|
|
127
|
-
[tool.setuptools]
|
|
128
|
-
packages = ["ml_tools"]
|
|
File without changes
|
{dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/dragon_ml_toolbox.egg-info/dependency_links.txt
RENAMED
|
File without changes
|
{dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.3.0}/dragon_ml_toolbox.egg-info/top_level.txt
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|