upgini 1.1.279__py3-none-any.whl → 1.1.279a1__py3-none-any.whl

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 upgini might be problematic. Click here for more details.

Files changed (44) hide show
  1. upgini/ads_management/ads_manager.py +2 -4
  2. upgini/autofe/all_operands.py +2 -3
  3. upgini/autofe/binary.py +1 -2
  4. upgini/autofe/date.py +1 -2
  5. upgini/autofe/feature.py +1 -1
  6. upgini/autofe/groupby.py +1 -3
  7. upgini/autofe/operand.py +3 -4
  8. upgini/autofe/unary.py +1 -2
  9. upgini/autofe/vector.py +0 -2
  10. upgini/dataset.py +4 -4
  11. upgini/errors.py +1 -1
  12. upgini/features_enricher.py +4 -4
  13. upgini/fingerprint.js +8 -0
  14. upgini/http.py +10 -11
  15. upgini/mdc/__init__.py +3 -1
  16. upgini/mdc/context.py +6 -4
  17. upgini/metadata.py +0 -3
  18. upgini/metrics.py +99 -101
  19. upgini/normalizer/phone_normalizer.py +1 -1
  20. upgini/resource_bundle/__init__.py +5 -5
  21. upgini/sampler/base.py +4 -1
  22. upgini/sampler/random_under_sampler.py +5 -2
  23. upgini/search_task.py +4 -4
  24. upgini/spinner.py +1 -1
  25. upgini/utils/__init__.py +1 -1
  26. upgini/utils/base_search_key_detector.py +2 -2
  27. upgini/utils/blocked_time_series.py +2 -4
  28. upgini/utils/country_utils.py +1 -1
  29. upgini/utils/custom_loss_utils.py +2 -3
  30. upgini/utils/cv_utils.py +2 -2
  31. upgini/utils/datetime_utils.py +6 -12
  32. upgini/utils/email_utils.py +2 -2
  33. upgini/utils/fallback_progress_bar.py +1 -1
  34. upgini/utils/progress_bar.py +1 -1
  35. upgini/utils/sklearn_ext.py +13 -14
  36. upgini/utils/track_info.py +2 -2
  37. upgini/version_validator.py +2 -2
  38. {upgini-1.1.279.dist-info → upgini-1.1.279a1.dist-info}/METADATA +23 -21
  39. upgini-1.1.279a1.dist-info/RECORD +63 -0
  40. {upgini-1.1.279.dist-info → upgini-1.1.279a1.dist-info}/WHEEL +2 -1
  41. upgini-1.1.279a1.dist-info/top_level.txt +1 -0
  42. upgini/__about__.py +0 -1
  43. upgini-1.1.279.dist-info/RECORD +0 -62
  44. {upgini-1.1.279.dist-info/licenses → upgini-1.1.279a1.dist-info}/LICENSE +0 -0
@@ -217,8 +217,8 @@ def is_blocked_time_series(df: pd.DataFrame, date_col: str, search_keys: List[st
217
217
  def is_multiple_rows(group: pd.DataFrame) -> bool:
218
218
  return group.shape[0] > 1
219
219
 
220
- grouped = df.groupby(date_col)[[c for c in df.columns if c != date_col]]
221
- dates_with_multiple_rows = grouped.apply(is_multiple_rows).sum()
220
+ grouped = df.groupby(date_col)
221
+ dates_with_multiple_rows = len(grouped.apply(is_multiple_rows))
222
222
 
223
223
  # share of dates with more than one record is more than 99%
224
224
  if dates_with_multiple_rows / nunique_dates < 0.99:
@@ -227,7 +227,7 @@ def is_blocked_time_series(df: pd.DataFrame, date_col: str, search_keys: List[st
227
227
  if df.shape[1] <= 3:
228
228
  return True
229
229
 
230
- grouped.apply(check_differences)
230
+ grouped.apply(check_differences, include_groups=False)
231
231
  return len(accumulated_changing_columns) <= 2
232
232
 
233
233
 
@@ -248,11 +248,8 @@ def validate_dates_distribution(
248
248
  if col in search_keys:
249
249
  continue
250
250
  try:
251
- if pd.__version__ >= "2.0.0":
252
- # Format mixed to avoid massive warnings
253
- pd.to_datetime(X[col], format="mixed")
254
- else:
255
- pd.to_datetime(X[col])
251
+ # Format mixed to avoid massive warnings
252
+ pd.to_datetime(X[col], format="mixed")
256
253
  maybe_date_col = col
257
254
  break
258
255
  except Exception:
@@ -261,10 +258,7 @@ def validate_dates_distribution(
261
258
  if maybe_date_col is None:
262
259
  return
263
260
 
264
- if pd.__version__ >= "2.0.0":
265
- dates = pd.to_datetime(X[maybe_date_col], format="mixed").dt.date
266
- else:
267
- dates = pd.to_datetime(X[maybe_date_col]).dt.date
261
+ dates = pd.to_datetime(X[maybe_date_col]).dt.date
268
262
 
269
263
  date_counts = dates.value_counts().sort_index()
270
264
 
@@ -4,10 +4,10 @@ from hashlib import sha256
4
4
  from typing import Dict, List, Optional
5
5
 
6
6
  import pandas as pd
7
- from pandas.api.types import is_object_dtype, is_string_dtype
7
+ from pandas.api.types import is_string_dtype, is_object_dtype
8
+ from upgini.resource_bundle import bundle
8
9
 
9
10
  from upgini.metadata import SearchKey
10
- from upgini.resource_bundle import bundle
11
11
  from upgini.utils.base_search_key_detector import BaseSearchKeyDetector
12
12
 
13
13
  EMAIL_REGEX = re.compile(r"^[a-zA-Z0-9.!#$%&’*+/=?^_`{|}~-]+@[a-zA-Z0-9-]+(?:\.[a-zA-Z0-9-]+)*$")
@@ -22,7 +22,7 @@ class CustomFallbackProgressBar:
22
22
  fraction = self.progress / self.total
23
23
  filled = "=" * int(fraction * self.text_width)
24
24
  rest = " " * (self.text_width - len(filled))
25
- return f"[{filled}{rest}] {self.progress}% {self._stage} {self._eta}"
25
+ return "[{}{}] {}% {} {}".format(filled, rest, self.progress, self._stage, self._eta)
26
26
 
27
27
  def display(self):
28
28
  print(self)
@@ -28,7 +28,7 @@ class CustomProgressBar(DisplayObject):
28
28
  fraction = self.progress / self.total
29
29
  filled = "=" * int(fraction * self.text_width)
30
30
  rest = " " * (self.text_width - len(filled))
31
- return f"[{filled}{rest}] {self.progress}% {self._stage}"
31
+ return "[{}{}] {}% {}".format(filled, rest, self.progress, self._stage)
32
32
 
33
33
  def _repr_html_(self):
34
34
  return "<progress style='width:{}' max='{}' value='{}'></progress> {}% {}</br>{}".format(
@@ -20,7 +20,6 @@ from sklearn.metrics._scorer import _MultimetricScorer
20
20
  from sklearn.model_selection import check_cv
21
21
  from sklearn.utils.fixes import np_version, parse_version
22
22
  from sklearn.utils.validation import indexable
23
-
24
23
  # from sklearn.model_selection import cross_validate as original_cross_validate
25
24
 
26
25
  _DEFAULT_TAGS = {
@@ -47,7 +46,7 @@ _DEFAULT_TAGS = {
47
46
 
48
47
  def cross_validate(
49
48
  estimator,
50
- x,
49
+ X,
51
50
  y=None,
52
51
  *,
53
52
  groups=None,
@@ -70,7 +69,7 @@ def cross_validate(
70
69
  estimator : estimator object implementing 'fit'
71
70
  The object to use to fit the data.
72
71
 
73
- x : array-like of shape (n_samples, n_features)
72
+ X : array-like of shape (n_samples, n_features)
74
73
  The data to fit. Can be for example a list, or an array.
75
74
 
76
75
  y : array-like of shape (n_samples,) or (n_samples, n_outputs), \
@@ -251,7 +250,7 @@ def cross_validate(
251
250
 
252
251
  """
253
252
  try:
254
- x, y, groups = indexable(x, y, groups)
253
+ X, y, groups = indexable(X, y, groups)
255
254
 
256
255
  cv = check_cv(cv, y, classifier=is_classifier(estimator))
257
256
 
@@ -268,7 +267,7 @@ def cross_validate(
268
267
  results = parallel(
269
268
  delayed(_fit_and_score)(
270
269
  clone(estimator),
271
- x,
270
+ X,
272
271
  y,
273
272
  scorers,
274
273
  train,
@@ -281,7 +280,7 @@ def cross_validate(
281
280
  return_estimator=return_estimator,
282
281
  error_score=error_score,
283
282
  )
284
- for train, test in cv.split(x, y, groups)
283
+ for train, test in cv.split(X, y, groups)
285
284
  )
286
285
 
287
286
  _warn_about_fit_failures(results, error_score)
@@ -488,7 +487,7 @@ def _fit_and_score(
488
487
  if y_train is None:
489
488
  estimator.fit(X_train, **fit_params)
490
489
  else:
491
- if isinstance(estimator, (CatBoostClassifier, CatBoostRegressor)):
490
+ if isinstance(estimator, CatBoostClassifier) or isinstance(estimator, CatBoostRegressor):
492
491
  fit_params = fit_params.copy()
493
492
  fit_params["eval_set"] = [(X_test, y_test)]
494
493
  estimator.fit(X_train, y_train, **fit_params)
@@ -583,11 +582,9 @@ def _aggregate_score_dicts(scores):
583
582
  """
584
583
 
585
584
  return {
586
- key: (
587
- np.asarray([score[key] for score in scores])
588
- if isinstance(scores[0][key], numbers.Number)
589
- else [score[key] for score in scores]
590
- )
585
+ key: np.asarray([score[key] for score in scores])
586
+ if isinstance(scores[0][key], numbers.Number)
587
+ else [score[key] for score in scores]
591
588
  for key in scores[0]
592
589
  }
593
590
 
@@ -972,7 +969,9 @@ def _safe_indexing(X, indices, *, axis=0):
972
969
  return X
973
970
 
974
971
  if axis not in (0, 1):
975
- raise ValueError("'axis' should be either 0 (to index rows) or 1 (to index " f" column). Got {axis} instead.")
972
+ raise ValueError(
973
+ "'axis' should be either 0 (to index rows) or 1 (to index " " column). Got {} instead.".format(axis)
974
+ )
976
975
 
977
976
  indices_dtype = _determine_key_type(indices)
978
977
 
@@ -983,7 +982,7 @@ def _safe_indexing(X, indices, *, axis=0):
983
982
  raise ValueError(
984
983
  "'X' should be a 2D NumPy array, 2D sparse matrix or pandas "
985
984
  "dataframe when indexing the columns (i.e. 'axis=1'). "
986
- f"Got {type(X)} instead with {X.ndim} dimension(s)."
985
+ "Got {} instead with {} dimension(s).".format(type(X), X.ndim)
987
986
  )
988
987
 
989
988
  if axis == 1 and indices_dtype == "str" and not hasattr(X, "loc"):
@@ -1,8 +1,8 @@
1
+ from functools import lru_cache
1
2
  import os
2
3
  import re
3
4
  import socket
4
5
  import sys
5
- from functools import lru_cache
6
6
  from getpass import getuser
7
7
  from hashlib import sha256
8
8
  from typing import Optional
@@ -51,7 +51,7 @@ def _get_execution_ide() -> str:
51
51
  return "other"
52
52
 
53
53
 
54
- @lru_cache
54
+ @lru_cache()
55
55
  def get_track_metrics(client_ip: Optional[str] = None, client_visitorid: Optional[str] = None) -> dict:
56
56
  # default values
57
57
  track = {"ide": _get_execution_ide()}
@@ -1,7 +1,7 @@
1
1
  import json
2
- import threading
3
2
 
4
3
  import requests
4
+ import threading
5
5
 
6
6
  try:
7
7
  from packaging.version import parse
@@ -10,7 +10,7 @@ except ImportError:
10
10
 
11
11
  import logging
12
12
 
13
- from upgini.__about__ import __version__
13
+ from upgini.http import __version__
14
14
  from upgini.resource_bundle import bundle
15
15
 
16
16
  URL_PATTERN = "https://pypi.python.org/pypi/{package}/json"
@@ -1,13 +1,14 @@
1
- Metadata-Version: 2.3
1
+ Metadata-Version: 2.1
2
2
  Name: upgini
3
- Version: 1.1.279
3
+ Version: 1.1.279a1
4
4
  Summary: Intelligent data search & enrichment for Machine Learning
5
+ Home-page: https://upgini.com/
6
+ Author: Upgini Developers
7
+ Author-email: madewithlove@upgini.com
8
+ License: BSD 3-Clause License
5
9
  Project-URL: Bug Reports, https://github.com/upgini/upgini/issues
6
- Project-URL: Homepage, https://upgini.com/
7
10
  Project-URL: Source, https://github.com/upgini/upgini
8
- Author-email: Upgini Developers <madewithlove@upgini.com>
9
- License-File: LICENSE
10
- Keywords: automl,data mining,data science,data search,machine learning
11
+ Keywords: data science,machine learning,data mining,automl,data search
11
12
  Classifier: Development Status :: 5 - Production/Stable
12
13
  Classifier: Intended Audience :: Customer Service
13
14
  Classifier: Intended Audience :: Developers
@@ -22,21 +23,22 @@ Classifier: Programming Language :: Python :: 3.9
22
23
  Classifier: Programming Language :: Python :: 3.10
23
24
  Classifier: Topic :: Scientific/Engineering :: Artificial Intelligence
24
25
  Classifier: Topic :: Scientific/Engineering :: Information Analysis
25
- Requires-Python: <3.11,>=3.8
26
- Requires-Dist: catboost>=1.0.3
27
- Requires-Dist: fastparquet>=0.8.1
28
- Requires-Dist: ipywidgets>=8.1.0
29
- Requires-Dist: lightgbm>=3.3.2
30
- Requires-Dist: numpy>=1.19.0
31
- Requires-Dist: pandas<3.0.0,>=1.1.0
32
- Requires-Dist: pydantic<2.0.0,>=1.8.2
33
- Requires-Dist: pyjwt>=2.8.0
34
- Requires-Dist: python-dateutil>=2.8.0
35
- Requires-Dist: python-json-logger>=2.0.2
36
- Requires-Dist: requests>=2.8.0
37
- Requires-Dist: scikit-learn>=1.3.0
38
- Requires-Dist: xhtml2pdf==0.2.11
26
+ Requires-Python: >=3.8,<3.11
39
27
  Description-Content-Type: text/markdown
28
+ License-File: LICENSE
29
+ Requires-Dist: python-dateutil >=2.8.0
30
+ Requires-Dist: requests >=2.8.0
31
+ Requires-Dist: pandas <3.0.0,>=1.1.0
32
+ Requires-Dist: numpy >=1.19.0
33
+ Requires-Dist: scikit-learn >=1.3.0
34
+ Requires-Dist: pydantic <2.0.0,>=1.8.2
35
+ Requires-Dist: fastparquet >=0.8.1
36
+ Requires-Dist: python-json-logger >=2.0.2
37
+ Requires-Dist: catboost >=1.0.3
38
+ Requires-Dist: lightgbm >=3.3.2
39
+ Requires-Dist: pyjwt >=2.8.0
40
+ Requires-Dist: xhtml2pdf ==0.2.11
41
+ Requires-Dist: ipywidgets >=8.1.0
40
42
 
41
43
 
42
44
  <!-- <h2 align="center"> <a href="https://upgini.com/">Upgini</a> : low-code feature search and enrichment library for machine learning </h2> -->
@@ -839,4 +841,4 @@ Some convenient ways to start contributing are:
839
841
  - [More perks for registered users](https://profile.upgini.com)
840
842
 
841
843
  <sup>😔 Found mistype or a bug in code snippet? Our bad! <a href="https://github.com/upgini/upgini/issues/new?assignees=&title=readme%2Fbug">
842
- Please report it here.</a></sup>
844
+ Please report it here.</a></sup>
@@ -0,0 +1,63 @@
1
+ upgini/__init__.py,sha256=asENHgEVHQBIkV-e_0IhE_ZWqkCG6398U3ZLrNzAH6k,407
2
+ upgini/ads.py,sha256=nvuRxRx5MHDMgPr9SiU-fsqRdFaBv8p4_v1oqiysKpc,2714
3
+ upgini/dataset.py,sha256=HwL2syoMf3F9k9SmsJJMhhqnAddZcx28RZ1aYam7Lhs,45665
4
+ upgini/errors.py,sha256=pdzQl3MKuK52yvncxMWMRWeSIOGhUFzpQoszoRFBOk0,958
5
+ upgini/features_enricher.py,sha256=ys7RQoZsyY8-NkUZyp12K8z5aQmg7pyx0LtwclFtXkc,176358
6
+ upgini/fingerprint.js,sha256=VygVIQlN1v4NGZfjHqtRogOw8zjTnnMNJg_f7M5iGQU,33442
7
+ upgini/http.py,sha256=zaO86LBBLmkieGbgYifk29eVoPCxXimZQ8YkQtKcM0I,42244
8
+ upgini/metadata.py,sha256=fwVxtkR6Mn4iRoOqV6BfMJvJrx65I3YwZUMbZjhPyOI,9673
9
+ upgini/metrics.py,sha256=tGzdn0jgup86OlH_GS4eoza8ZJZ9wgaJr7SaX3Upwzo,29652
10
+ upgini/search_task.py,sha256=tmJ17WUxv3J5NWrYUJB_NKdZ792Ifz8Z8UnDXeQnpss,17077
11
+ upgini/spinner.py,sha256=Dm1dQ5F_z_Ua2odLxZX7OypcOX9tSx_vE5MGaKtUmfw,1118
12
+ upgini/version_validator.py,sha256=rDIncP6BEko4J2F2hUcMOtKm_vZbI4ICWcNcw8hrwM4,1400
13
+ upgini/ads_management/__init__.py,sha256=qzyisOToVRP-tquAJD1PblZhNtMrOB8FiyF9JvfkvgE,50
14
+ upgini/ads_management/ads_manager.py,sha256=fP4Yqx3h2Snw5X335TbXEwFoupq1RYsE7y0PAduvetU,2646
15
+ upgini/autofe/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
16
+ upgini/autofe/all_operands.py,sha256=H66wqVLD-H9k8A4-q2wslhV9QaNxlb49f8YiT0Xfkps,2356
17
+ upgini/autofe/binary.py,sha256=f8LQqZi9zyaMUAv-jASMmWNA_vT05ncYCjZq0qx3USs,3972
18
+ upgini/autofe/date.py,sha256=408p8P2OTPM2D3LsEGGtaiCepKGgM1BbOCQNRzAmI6c,4223
19
+ upgini/autofe/feature.py,sha256=2FQRGtIumNz60hFAjfLReaY18SI7HxzYZOoC5avzSjQ,11847
20
+ upgini/autofe/groupby.py,sha256=iXRfOmOc84ooSzRhsh9GmmG7rTafX0-ekXko8s9Qs68,3089
21
+ upgini/autofe/operand.py,sha256=dhtToPDGWtP_0u_RjayUpezJJZAgq_TzNbPH0bI9OXI,2805
22
+ upgini/autofe/unary.py,sha256=YRTzQLttbDdOnkogWBPnBexpu7uHWSLSFAxSCu3iFdY,3145
23
+ upgini/autofe/vector.py,sha256=5qhI_bdwaWM1l7fgCkx1tMt9R9gxWzoYCl-7WO4KiOs,604
24
+ upgini/data_source/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
25
+ upgini/data_source/data_source_publisher.py,sha256=taRzyGgrPrTTSGw4Y-Ca5k4bf30aiTa68rxqT9zfqeI,16478
26
+ upgini/mdc/__init__.py,sha256=ETDh3JKbrDdPMOECiYLAa8lvKYe68mv4IY6fZa9FimA,1126
27
+ upgini/mdc/context.py,sha256=Sl1S_InKlzzRxYqwJ2k24lawJdCKWgGJ-RIRfvzWJrk,1468
28
+ upgini/normalizer/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
29
+ upgini/normalizer/phone_normalizer.py,sha256=_SYMX4GTgwzRXArK54Jp3vUBE5d4jZxSVyze-0tqzg0,9996
30
+ upgini/resource_bundle/__init__.py,sha256=hdvbqL0b0xMWbY6-kiYGsW1ro2GMiWpxxsO9uCv-h9Q,8379
31
+ upgini/resource_bundle/exceptions.py,sha256=5fRvx0_vWdE1-7HcSgF0tckB4A9AKyf5RiinZkInTsI,621
32
+ upgini/resource_bundle/strings.properties,sha256=1O779a0-Ai0j7W-Z5AznvjuV69YkJvgGhJda-6VMLOQ,26287
33
+ upgini/resource_bundle/strings_widget.properties,sha256=gOdqvZWntP2LCza_tyVk1_yRYcG4c04K9sQOAVhF_gw,1577
34
+ upgini/sampler/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
35
+ upgini/sampler/base.py,sha256=CC-DvPbrN7zp5--SVFuUqkVmdWM_5F7R0Do98ETV82U,6421
36
+ upgini/sampler/random_under_sampler.py,sha256=XU4c2swPIFxVXHOPpxgM2bUao0Xm-aoMmd6fKjIuV5s,4068
37
+ upgini/sampler/utils.py,sha256=PYOk3kKSnFlyxcpdtDNLBEEhTB4lO_iP7pQHqeUcmAc,20211
38
+ upgini/utils/__init__.py,sha256=YVum3lRKpyfqoJy_7HJyU6SmIgbmG8QLkHIpibE_ud8,842
39
+ upgini/utils/base_search_key_detector.py,sha256=DGwhXLvc8i5VZWMDr0rncFfV5GEHdsCSnLGon_W9TPs,859
40
+ upgini/utils/blocked_time_series.py,sha256=dMz5ewk3PsoeOrc3lDzInCVPS9u_2XQkV0W6PuMMjPg,3380
41
+ upgini/utils/country_utils.py,sha256=pV8TBURthYqwSOfH1lxfYc2blm3OvfLFCMvRv8rKTp4,6511
42
+ upgini/utils/custom_loss_utils.py,sha256=DBslpjWGPt7xTeypt78baR59012SYphbPsO_YLKdilo,3972
43
+ upgini/utils/cv_utils.py,sha256=Tn01RJvpZGZh0PUQUimlBkV-AXwe7s6yjCNFtw352Uc,3525
44
+ upgini/utils/datetime_utils.py,sha256=La3jQSkc1cdFAm6KcSAOWKg6-n7rFzTlDjMONxm45YM,10411
45
+ upgini/utils/deduplicate_utils.py,sha256=6AbARehUCghJZ4PppFtrej2s3gFRruh41MEm6mzakHs,8607
46
+ upgini/utils/display_utils.py,sha256=LKoSwjrE0xgS5_cqVhc2og2CQ1UCZ1nTI2VKboIhoQA,10858
47
+ upgini/utils/email_utils.py,sha256=R9bVOfbS-oVkA8PdwZfQBxm7B4mQlRtkwqx2cf6zPCY,3520
48
+ upgini/utils/fallback_progress_bar.py,sha256=cdbd1XGcWm4Ed4eAqV2_St3z7uC_kkH22gEyrN5ub6M,1090
49
+ upgini/utils/features_validator.py,sha256=PgKNt5dyqfErTvjtRNNUS9g7GFqHBtAtnsfA-V5UO1A,3307
50
+ upgini/utils/format.py,sha256=Yv5cvvSs2bOLUzzNu96Pu33VMDNbabio92QepUj41jU,243
51
+ upgini/utils/ip_utils.py,sha256=Zf3F2cnQmOCH09QLQHetpjMFu1PnD0cTmDymn0SnSy8,1672
52
+ upgini/utils/phone_utils.py,sha256=JNSkF8G6mgsN8Czy11pamaJdsY6rBINEMpi7jbVt_RA,408
53
+ upgini/utils/postal_code_utils.py,sha256=_8CR9tBqsPptQsmMUvnrCAmBaMIQSWH3JfJ4ly3x_zs,409
54
+ upgini/utils/progress_bar.py,sha256=iNXyqT3vKCeHpfiG5HHwr7Lk2cTtKViM93Fl8iZnjGc,1564
55
+ upgini/utils/sklearn_ext.py,sha256=e1aMNXk1zUt7uFnl0FcUF0zOnaXSE7z5xBHmJPknUVs,44014
56
+ upgini/utils/target_utils.py,sha256=Y96_PJ5cC-WsEbeqg20v9uqywDQobLoTb-xoP7S3o4E,7807
57
+ upgini/utils/track_info.py,sha256=p8gmuHhLamZF5JG7K9DeK-PcytQhlFCR29lyRr-wq_U,5665
58
+ upgini/utils/warning_counter.py,sha256=dIWBB4dI5XRRJZudvIlqlIYKEiwLLPcXarsZuYRt338,227
59
+ upgini-1.1.279a1.dist-info/LICENSE,sha256=5RRzgvdJUu3BUDfv4bzVU6FqKgwHlIay63pPCSmSgzw,1514
60
+ upgini-1.1.279a1.dist-info/METADATA,sha256=tcdQ86ByFS4oZKHAS_DPGVUATTQo0JKDYB6Lw7E_oR4,48158
61
+ upgini-1.1.279a1.dist-info/WHEEL,sha256=GJ7t_kWBFywbagK5eo9IoUwLW6oyOeTKmQ-9iHFVNxQ,92
62
+ upgini-1.1.279a1.dist-info/top_level.txt,sha256=OFhTGiDIWKl5gFI49qvWq1R9IKflPaE2PekcbDXDtx4,7
63
+ upgini-1.1.279a1.dist-info/RECORD,,
@@ -1,4 +1,5 @@
1
1
  Wheel-Version: 1.0
2
- Generator: hatchling 1.24.2
2
+ Generator: bdist_wheel (0.43.0)
3
3
  Root-Is-Purelib: true
4
4
  Tag: py3-none-any
5
+
@@ -0,0 +1 @@
1
+ upgini
upgini/__about__.py DELETED
@@ -1 +0,0 @@
1
- __version__ = "1.1.279"
@@ -1,62 +0,0 @@
1
- upgini/__about__.py,sha256=iqiE7m95oLHgp-tKIBMVrOSu-y0RBxTaA5Ngsqhp5yk,24
2
- upgini/__init__.py,sha256=asENHgEVHQBIkV-e_0IhE_ZWqkCG6398U3ZLrNzAH6k,407
3
- upgini/ads.py,sha256=nvuRxRx5MHDMgPr9SiU-fsqRdFaBv8p4_v1oqiysKpc,2714
4
- upgini/dataset.py,sha256=uiFY-P8te7-zigib1hGWRtW5v0X7chxPM0hJFdixAN8,45623
5
- upgini/errors.py,sha256=2b_Wbo0OYhLUbrZqdLIx5jBnAsiD1Mcenh-VjR4HCTw,950
6
- upgini/features_enricher.py,sha256=NU2lpp6ZrJ3oKOOLa6u7DQ5kb64n8mDAFXadWjr219A,176290
7
- upgini/http.py,sha256=khrYSldpY-HbVLCcApfV1BjBFK6Uyuatb4colKybxgY,42301
8
- upgini/metadata.py,sha256=CFJekYGD7Ep7pRFH7wCEcsXS4bz83do33FNmtcCY9P4,9729
9
- upgini/metrics.py,sha256=L4LKSMOK9iKFLaJvTBTKk2tQauMgiJqtfrBclM3fBjs,29670
10
- upgini/search_task.py,sha256=LtRJ9bCPjMo1gJ-sUDKERhDwGcWKImrzwVFHjkMSQHQ,17071
11
- upgini/spinner.py,sha256=4iMd-eIe_BnkqFEMIliULTbj6rNI2HkN_VJ4qYe0cUc,1118
12
- upgini/version_validator.py,sha256=RGg87VweujTNlibgsOuqPLIEiBgIOkuXNVTGuNCD234,1405
13
- upgini/ads_management/__init__.py,sha256=qzyisOToVRP-tquAJD1PblZhNtMrOB8FiyF9JvfkvgE,50
14
- upgini/ads_management/ads_manager.py,sha256=igVbN2jz80Umb2BUJixmJVj-zx8unoKpecVo-R-nGdw,2648
15
- upgini/autofe/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
16
- upgini/autofe/all_operands.py,sha256=SyKVU-xGMHgoRZvHrCmba2u2Ygc73c1mXFolNSWe8Uo,2357
17
- upgini/autofe/binary.py,sha256=441BRuqMsxlxuw4c8rMZB6h5EpRdVMk-bVa03U7T5Hg,3973
18
- upgini/autofe/date.py,sha256=Vy1I92fLLYLhuYKJmtuPBMI8cPxE4Uwk40hqE2F2e1A,4224
19
- upgini/autofe/feature.py,sha256=ChSuuIbRPGIWnPjKAgZbeAEi7Y_PjSVRyxxx41MyFp0,11845
20
- upgini/autofe/groupby.py,sha256=4WjDzQxqpZxB79Ih4ihMMI5GDxaFqiH6ZelfV82ClT4,3091
21
- upgini/autofe/operand.py,sha256=xgEIZuFCfckc6LpBqVu1OVK3JEabm1O-LHUsp83EHKA,2806
22
- upgini/autofe/unary.py,sha256=v-l3aiE5hj6kurvh6adCQL8W3X9u9a7RVbS_WPR2qlw,3146
23
- upgini/autofe/vector.py,sha256=dLxfAstJs-gw_OQ1xxoxcM6pVzORlV0HVzdzt7cLXVQ,606
24
- upgini/data_source/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
25
- upgini/data_source/data_source_publisher.py,sha256=taRzyGgrPrTTSGw4Y-Ca5k4bf30aiTa68rxqT9zfqeI,16478
26
- upgini/mdc/__init__.py,sha256=aM08nIWFc2gWdWUa3_IuEnNND0cQPkBGnYpRMnfFN8k,1019
27
- upgini/mdc/context.py,sha256=3u1B-jXt7tXEvNcV3qmR9SDCseudnY7KYsLclBdwVLk,1405
28
- upgini/normalizer/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
29
- upgini/normalizer/phone_normalizer.py,sha256=EzTaahk6myRv6ZXgbyVFGY4kpo_2VlQgOrm5_lfbmNI,9996
30
- upgini/resource_bundle/__init__.py,sha256=S5F2G47pnJd2LDpmFsjDqEwiKkP8Hm-hcseDbMka6Ko,8345
31
- upgini/resource_bundle/exceptions.py,sha256=5fRvx0_vWdE1-7HcSgF0tckB4A9AKyf5RiinZkInTsI,621
32
- upgini/resource_bundle/strings.properties,sha256=1O779a0-Ai0j7W-Z5AznvjuV69YkJvgGhJda-6VMLOQ,26287
33
- upgini/resource_bundle/strings_widget.properties,sha256=gOdqvZWntP2LCza_tyVk1_yRYcG4c04K9sQOAVhF_gw,1577
34
- upgini/sampler/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
35
- upgini/sampler/base.py,sha256=7GpjYqjOp58vYcJLiX__1R5wjUlyQbxvHJ2klFnup_M,6389
36
- upgini/sampler/random_under_sampler.py,sha256=TIbm7ATo-bCMF-IiS5sZeDC1ad1SYg0eY_rRmg84yIQ,4024
37
- upgini/sampler/utils.py,sha256=PYOk3kKSnFlyxcpdtDNLBEEhTB4lO_iP7pQHqeUcmAc,20211
38
- upgini/utils/__init__.py,sha256=O_KgzKiJjW3g4NoqZ7lAxUpoHcBi_gze6r3ndEjCH74,842
39
- upgini/utils/base_search_key_detector.py,sha256=UNs2uxEcD1N_mOtkx3k6U70DCajW-QEO2vZp41GF0mU,855
40
- upgini/utils/blocked_time_series.py,sha256=Uqr3vp4YqNclj2-PzEYqVy763GSXHn86sbpIl1UOB4s,3382
41
- upgini/utils/country_utils.py,sha256=yE8oRgMpXuJxPfQm4fioY6dg6700HgVnHSk4Cv9sUyM,6511
42
- upgini/utils/custom_loss_utils.py,sha256=bLk3uygqkJBaGkyzfO032d72QASae-dDyEURfFehVJo,3973
43
- upgini/utils/cv_utils.py,sha256=w6FQb9nO8BWDx88EF83NpjPLarK4eR4ia0Wg0kLBJC4,3525
44
- upgini/utils/datetime_utils.py,sha256=-LsDTThsGKsTZ57V1uNiHtLcoTtqktk5tui4WnqggJo,10673
45
- upgini/utils/deduplicate_utils.py,sha256=6AbARehUCghJZ4PppFtrej2s3gFRruh41MEm6mzakHs,8607
46
- upgini/utils/display_utils.py,sha256=LKoSwjrE0xgS5_cqVhc2og2CQ1UCZ1nTI2VKboIhoQA,10858
47
- upgini/utils/email_utils.py,sha256=PLufTO97Pg9PPsNqB9agcM6M98MIxKUgIgNn2mVwSQ0,3520
48
- upgini/utils/fallback_progress_bar.py,sha256=PDaKb8dYpVZaWMroNcOHsTc3pSjgi9mOm0--cOFTwJ0,1074
49
- upgini/utils/features_validator.py,sha256=PgKNt5dyqfErTvjtRNNUS9g7GFqHBtAtnsfA-V5UO1A,3307
50
- upgini/utils/format.py,sha256=Yv5cvvSs2bOLUzzNu96Pu33VMDNbabio92QepUj41jU,243
51
- upgini/utils/ip_utils.py,sha256=Zf3F2cnQmOCH09QLQHetpjMFu1PnD0cTmDymn0SnSy8,1672
52
- upgini/utils/phone_utils.py,sha256=JNSkF8G6mgsN8Czy11pamaJdsY6rBINEMpi7jbVt_RA,408
53
- upgini/utils/postal_code_utils.py,sha256=_8CR9tBqsPptQsmMUvnrCAmBaMIQSWH3JfJ4ly3x_zs,409
54
- upgini/utils/progress_bar.py,sha256=N-Sfdah2Hg8lXP_fV9EfUTXz_PyRt4lo9fAHoUDOoLc,1550
55
- upgini/utils/sklearn_ext.py,sha256=c23MGSUVfxLnaDWKAxavHgnOtm5dGKkF3YswdWQcFzs,43984
56
- upgini/utils/target_utils.py,sha256=Y96_PJ5cC-WsEbeqg20v9uqywDQobLoTb-xoP7S3o4E,7807
57
- upgini/utils/track_info.py,sha256=G5Lu1xxakg2_TQjKZk4b5SvrHsATTXNVV3NbvWtT8k8,5663
58
- upgini/utils/warning_counter.py,sha256=dIWBB4dI5XRRJZudvIlqlIYKEiwLLPcXarsZuYRt338,227
59
- upgini-1.1.279.dist-info/METADATA,sha256=A4C2M3EmtRTSAaJXreEzPFZtkp2t-Ixy2NjRqa9uv30,48118
60
- upgini-1.1.279.dist-info/WHEEL,sha256=zEMcRr9Kr03x1ozGwg5v9NQBKn3kndp6LSoSlVg-jhU,87
61
- upgini-1.1.279.dist-info/licenses/LICENSE,sha256=5RRzgvdJUu3BUDfv4bzVU6FqKgwHlIay63pPCSmSgzw,1514
62
- upgini-1.1.279.dist-info/RECORD,,