dragon-ml-toolbox 1.2.0__tar.gz → 1.2.1__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.2.1/LICENSE-THIRD-PARTY.md +23 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/PKG-INFO +2 -1
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/dragon_ml_toolbox.egg-info/PKG-INFO +2 -1
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/dragon_ml_toolbox.egg-info/SOURCES.txt +1 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/data_exploration.py +1 -17
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/ensemble_learning.py +4 -19
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/pyproject.toml +1 -1
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/LICENSE +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/README.md +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/dragon_ml_toolbox.egg-info/dependency_links.txt +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/dragon_ml_toolbox.egg-info/requires.txt +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/dragon_ml_toolbox.egg-info/top_level.txt +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/MICE_imputation.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/__init__.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/datasetmaster.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/handle_excel.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/logger.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/particle_swarm_optimization.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/pytorch_models.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/trainer.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/utilities.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/ml_tools/vision_helpers.py +0 -0
- {dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/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)
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: dragon-ml-toolbox
|
|
3
|
-
Version: 1.2.
|
|
3
|
+
Version: 1.2.1
|
|
4
4
|
Summary: A collection of tools for data science and machine learning projects
|
|
5
5
|
Author-email: Karl Loza <luigiloza@gmail.com>
|
|
6
6
|
License-Expression: MIT
|
|
@@ -11,6 +11,7 @@ Classifier: Operating System :: OS Independent
|
|
|
11
11
|
Requires-Python: >=3.9
|
|
12
12
|
Description-Content-Type: text/markdown
|
|
13
13
|
License-File: LICENSE
|
|
14
|
+
License-File: LICENSE-THIRD-PARTY.md
|
|
14
15
|
Requires-Dist: numpy
|
|
15
16
|
Requires-Dist: pandas
|
|
16
17
|
Requires-Dist: matplotlib
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: dragon-ml-toolbox
|
|
3
|
-
Version: 1.2.
|
|
3
|
+
Version: 1.2.1
|
|
4
4
|
Summary: A collection of tools for data science and machine learning projects
|
|
5
5
|
Author-email: Karl Loza <luigiloza@gmail.com>
|
|
6
6
|
License-Expression: MIT
|
|
@@ -11,6 +11,7 @@ Classifier: Operating System :: OS Independent
|
|
|
11
11
|
Requires-Python: >=3.9
|
|
12
12
|
Description-Content-Type: text/markdown
|
|
13
13
|
License-File: LICENSE
|
|
14
|
+
License-File: LICENSE-THIRD-PARTY.md
|
|
14
15
|
Requires-Dist: numpy
|
|
15
16
|
Requires-Dist: pandas
|
|
16
17
|
Requires-Dist: matplotlib
|
|
@@ -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
|
|
File without changes
|
|
File without changes
|
{dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/dragon_ml_toolbox.egg-info/dependency_links.txt
RENAMED
|
File without changes
|
|
File without changes
|
{dragon_ml_toolbox-1.2.0 → dragon_ml_toolbox-1.2.1}/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
|