freemt commited on
Commit
76b2171
·
1 Parent(s): e1d78a0

Update hf-model-s-cpu

Browse files
.github/workflows/routine-tests.yml CHANGED
@@ -20,6 +20,18 @@ jobs:
20
  - uses: abatilo/actions-poetry@v2.0.0
21
  with:
22
  poetry-version: ${{ matrix.poetry-version }}
 
 
 
 
 
 
 
 
 
 
 
 
23
  - name: Install packages
24
  run: poetry install # --no-dev
25
  - name: Run flake8
 
20
  - uses: abatilo/actions-poetry@v2.0.0
21
  with:
22
  poetry-version: ${{ matrix.poetry-version }}
23
+ - name: Extra install for linux and non-linux
24
+ run: |
25
+ if [ "$RUNNER_OS" == "Linux" ]; then
26
+ poetry run pip install torch torchvision --extra-index-url https://download.pytorch.org/whl/cpu
27
+ else
28
+ poetry run pip install torch torchvision
29
+ fi
30
+ shell: bash
31
+ - name: Extra install common
32
+ run: |
33
+ poetry run pip install transformers tqdm numpy scikit-learn nltk sentencepiece pillow
34
+ poetry run pip install --no-deps sentence-transformers
35
  - name: Install packages
36
  run: poetry install # --no-dev
37
  - name: Run flake8
.stignore CHANGED
@@ -11,7 +11,7 @@ __pycache__
11
  .Python
12
  build
13
  develop-eggs
14
- dist
15
  downloads
16
  eggs
17
  .eggs
 
11
  .Python
12
  build
13
  develop-eggs
14
+ # dist
15
  downloads
16
  eggs
17
  .eggs
README.md CHANGED
@@ -1,5 +1,5 @@
1
  # mlbee
2
- [![pytest](https://github.com/ffreemt/mlbee/actions/workflows/routine-tests.yml/badge.svg)](https://github.com/ffreemt/mlbee/actions)[![python](https://img.shields.io/static/v1?label=python+&message=3.8%2B&color=blue)](https://www.python.org/downloads/)[![Code style: black](https://img.shields.io/badge/code%20style-black-000000.svg)](https://github.com/psf/black)[![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT)[![PyPI version](https://badge.fury.io/py/mlbee.svg)](https://badge.fury.io/py/mlbee)
3
 
4
  mlbee descr
5
 
 
1
  # mlbee
2
+ [![pytest](https://github.com/ffreemt/mlbee/actions/workflows/routine-tests.yml/badge.svg)](https://github.com/ffreemt/mlbee/actions)[![python](https://img.shields.io/static/v1?label=python+&message=3.8&color=blue)](https://www.python.org/downloads/)[![Code style: black](https://img.shields.io/badge/code%20style-black-000000.svg)](https://github.com/psf/black)[![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT)[![PyPI version](https://badge.fury.io/py/mlbee.svg)](https://badge.fury.io/py/mlbee)
3
 
4
  mlbee descr
5
 
mlbee/gen_cmat.py CHANGED
@@ -7,13 +7,15 @@ import more_itertools as mit
7
  import numpy as np
8
 
9
  from tqdm import tqdm
10
- from model_pool import load_model_s
 
 
11
  from logzero import logger
12
 
13
  from mlbee.cos_matrix2 import cos_matrix2
14
 
15
  try:
16
- model_s = load_model_s()
17
  except Exception as _:
18
  logger.exception(_)
19
  raise
@@ -51,7 +53,7 @@ def gen_cmat(
51
  with tqdm(total=tot) as pbar:
52
  for chunk in mit.chunked(text1, bsize):
53
  try:
54
- vec = model_s.encode(chunk)
55
  except Exception as exc:
56
  logger.error(exc)
57
  raise
@@ -59,7 +61,7 @@ def gen_cmat(
59
  pbar.update()
60
  for chunk in mit.chunked(text2, bsize):
61
  try:
62
- vec = model_s.encode(chunk)
63
  except Exception as exc:
64
  logger.error(exc)
65
  raise
 
7
  import numpy as np
8
 
9
  from tqdm import tqdm
10
+
11
+ # from model_pool import load_model_s
12
+ from hf_model_s_cpu import model_s
13
  from logzero import logger
14
 
15
  from mlbee.cos_matrix2 import cos_matrix2
16
 
17
  try:
18
+ model = model_s()
19
  except Exception as _:
20
  logger.exception(_)
21
  raise
 
53
  with tqdm(total=tot) as pbar:
54
  for chunk in mit.chunked(text1, bsize):
55
  try:
56
+ vec = model.encode(chunk)
57
  except Exception as exc:
58
  logger.error(exc)
59
  raise
 
61
  pbar.update()
62
  for chunk in mit.chunked(text2, bsize):
63
  try:
64
+ vec = model.encode(chunk)
65
  except Exception as exc:
66
  logger.error(exc)
67
  raise
mlbee/home.py CHANGED
@@ -12,7 +12,7 @@ import io
12
  from functools import partial
13
  from itertools import zip_longest
14
 
15
- import hanzidentifier
16
  import logzero
17
  import numpy as np
18
  import pandas as pd
 
12
  from functools import partial
13
  from itertools import zip_longest
14
 
15
+ # import hanzidentifier
16
  import logzero
17
  import numpy as np
18
  import pandas as pd
mlbee/text2lists.py DELETED
@@ -1,167 +0,0 @@
1
- """Separate text to zh en lists."""
2
- # pylint: disable=unused-import, too-many-locals, invalid-name, too-many-branches, too-many-statements,
3
-
4
- # from typing import Tuple,
5
- from typing import Iterable, List, Optional, Tuple, Union # noqa
6
-
7
- import numpy as np
8
- from logzero import logger
9
-
10
- # from fastlid import fastlid
11
- from polyglot.text import Detector
12
-
13
- # from dzbee.detect import detect
14
- from debee.detect import detect
15
-
16
- # from json_de2zh.gen_cmat import gen_cmat
17
- from debee.gen_cmat import gen_cmat
18
-
19
- # from radiobee.lists2cmat import lists2cmat # use fast_scores
20
- # from radiobee.detect import detect
21
- # from fast_scores.gen_cmat import gen_cmat # pylint: disable=import-error
22
-
23
-
24
- def text2lists(
25
- text: Union[Iterable[str], str],
26
- set_languages: Optional[List[str]] = None,
27
- ) -> Tuple[List[str], List[str]]:
28
- """Separate text to zh en lists.
29
-
30
- Args:
31
- text: mixed text
32
- set_languages: no default (open-end)
33
- use polyglot.text.Detector to pick two languages
34
-
35
- Attributes:
36
- cmat: correlation matrix (len(list_l) x len(list_r))
37
- before adjusting (shifting)
38
- offset: plus, [""] * offset + list2
39
- minus, [""] * (-offset) + list1
40
- Returns:
41
- two lists, best effort alignment
42
- """
43
- if not isinstance(text, str) and isinstance(text, Iterable):
44
- try:
45
- text = "\n".join(text)
46
- except Exception as e:
47
- logger.error(e)
48
- raise
49
-
50
- # set_languages default to ["en", "zh"]
51
- if set_languages is None:
52
- lang12 = [elm.code for elm in Detector(text).languages]
53
-
54
- # set_languages = ["en", "zh"]
55
-
56
- # set 'un' to 'en'
57
- # set_languages = ['en' if elm in ['un'] else elm for elm in lang12[:2]]
58
- set_languages = []
59
- for elm in lang12[:2]:
60
- if elm in ["un"]:
61
- logger.warning(" Unknown language, set to en")
62
- set_languages.append("en")
63
- else:
64
- set_languages.append(elm)
65
-
66
- # fastlid.set_languages = set_languages
67
-
68
- list1 = []
69
- list2 = []
70
-
71
- # lang0, _ = fastlid(text[:15000])
72
- lang0 = detect(text, set_languages)
73
-
74
- res = []
75
- left = True # start with left list1
76
-
77
- for elm in [_ for _ in text.splitlines() if _.strip()]:
78
- # lang, _ = fastlid(elm)
79
- try:
80
- lang = detect(elm, set_languages)
81
- except Exception:
82
- lang = "en"
83
- logger.warning("Cant detect: %s[20]...setting to %s", elm[:20], lang)
84
-
85
- if lang == lang0:
86
- res.append(elm)
87
- else:
88
- if left:
89
- # list1.append("\n".join(res))
90
- list1.extend(res)
91
- else:
92
- # list2.append("\n".join(res))
93
- list2.extend(res)
94
- left = not left
95
-
96
- res = [elm]
97
- lang0 = lang
98
-
99
- # process the last
100
- if left:
101
- list1.extend(res)
102
- else:
103
- list2.extend(res)
104
-
105
- try:
106
- # lang1, _ = fastlid(' '.join(list1))
107
- lang1 = detect(" ".join(list1), set_languages)
108
- except Exception as exc:
109
- logger.error(exc)
110
- lang1 = "en"
111
- try:
112
- # lang2, _ = fastlid(' '.join(list2))
113
- lang2 = detect(" ".join(list2), set_languages)
114
- except Exception as exc:
115
- logger.error(exc)
116
- lang2 = "en"
117
-
118
- # find offset via diagonal(k),
119
- len1, len2 = len(list1), len(list2)
120
-
121
- # ylim, xlim = cmat.shape
122
- ylim, xlim = len2, len1 # check
123
-
124
- # cmat dim: len1 x len2 or ylim x xlim
125
- # cmat = lists2cmat(list1, list2, lang1, lang2)
126
- # cmat.shape: len(list1)xlen(list2) or ylim x xlim
127
- cmat = gen_cmat(list1, list2)
128
-
129
- # sq_mean_pair = [(elm, np.square(cmat.diagonal(elm)).mean()) for elm in range(2 - ylim, xlim + 1)]
130
- # df = pd.DataFrame(sq_mean_pair, columns=['offset', 'sq_mean'])
131
- # df.plot.scatter('offset', 'sq_mean')
132
- # optimum_offset = df.offset[df.sq_mean.argmax()]
133
-
134
- # equiv to np.argmax(sq_mean) - (ylim - 2)
135
- # locate max, -ylim + 2 ...xlim: range(1 - ylim, xlim)
136
- # sqare sum
137
-
138
- sq_mean = [
139
- np.square(cmat.diagonal(elm)).mean() for elm in range(1 - ylim, xlim - 1)
140
- ]
141
- # tot: xlim + ylim - 1
142
-
143
- # temp = [np.square(cmat.diagonal(elm)) for elm in range(2 - ylim, xlim + 1)]
144
- # sq_mean = [elm.mean() if np.any(elm) else 0.0 for elm in temp]
145
-
146
- # plt.figure()
147
- # plt.scatter(range(1 - ylim, xlim), sq_mean)
148
-
149
- offset = np.argmax(sq_mean) - (ylim - 1)
150
-
151
- text2lists.cmat = cmat
152
- text2lists.offset = offset
153
- text2lists.lang1 = lang1
154
- text2lists.lang2 = lang2
155
-
156
- # shift list1 if offsset >= 0, else shift list2
157
- if offset > -1:
158
- # list1a = list1[:]
159
- # list2a = [""] * offset + list2
160
- list2 = [""] * offset + list2
161
- else:
162
- list1 = [""] * (-offset) + list1
163
- # list1a = [""] * (-offset) + list1
164
- # list2a = list2[:]
165
-
166
- # return list1, list2
167
- return [elm.strip() for elm in list1], [elm.strip() for elm in list2]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
poetry.lock CHANGED
@@ -206,6 +206,14 @@ category = "main"
206
  optional = false
207
  python-versions = "~=3.7"
208
 
 
 
 
 
 
 
 
 
209
  [[package]]
210
  name = "certifi"
211
  version = "2022.5.18.1"
@@ -433,6 +441,28 @@ category = "main"
433
  optional = false
434
  python-versions = ">=3.6"
435
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
436
  [[package]]
437
  name = "html2text"
438
  version = "2020.1.16"
@@ -481,11 +511,11 @@ socks = ["socksio (>=1.0.0,<2.0.0)"]
481
 
482
  [[package]]
483
  name = "huggingface-hub"
484
- version = "0.4.0"
485
  description = "Client library to download and publish models on the huggingface.co hub"
486
  category = "main"
487
  optional = false
488
- python-versions = ">=3.6.0"
489
 
490
  [package.dependencies]
491
  filelock = "*"
@@ -496,12 +526,12 @@ tqdm = "*"
496
  typing-extensions = ">=3.7.4.3"
497
 
498
  [package.extras]
499
- tensorflow = ["tensorflow"]
500
- testing = ["pytest", "datasets"]
 
 
 
501
  torch = ["torch"]
502
- all = ["pytest", "datasets", "black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"]
503
- dev = ["pytest", "datasets", "black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"]
504
- quality = ["black (>=20.8b1)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"]
505
 
506
  [[package]]
507
  name = "icecream"
@@ -856,23 +886,6 @@ category = "main"
856
  optional = false
857
  python-versions = "*"
858
 
859
- [[package]]
860
- name = "model-pool"
861
- version = "0.1.3"
862
- description = "pack_name descr "
863
- category = "main"
864
- optional = false
865
- python-versions = ">=3.7.9,<4.0.0"
866
-
867
- [package.dependencies]
868
- alive-progress = ">=2.3.1,<3.0.0"
869
- huggingface-hub = ">=0.4.0,<0.5.0"
870
- icecream = ">=2.1.1,<3.0.0"
871
- install = ">=1.3.5,<2.0.0"
872
- joblib = ">=1.1.0,<2.0.0"
873
- logzero = ">=1.7.0,<2.0.0"
874
- sentence-transformers = ">=2.2.0,<3.0.0"
875
-
876
  [[package]]
877
  name = "more-itertools"
878
  version = "8.13.0"
@@ -1348,7 +1361,7 @@ six = ">=1.5"
1348
 
1349
  [[package]]
1350
  name = "python-dotenv"
1351
- version = "0.20.0"
1352
  description = "Read key-value pairs from a .env file and set them as environment variables"
1353
  category = "main"
1354
  optional = false
@@ -1545,26 +1558,6 @@ nativelib = ["pyobjc-framework-cocoa", "pywin32"]
1545
  objc = ["pyobjc-framework-cocoa"]
1546
  win32 = ["pywin32"]
1547
 
1548
- [[package]]
1549
- name = "sentence-transformers"
1550
- version = "2.2.0"
1551
- description = "Multilingual text embeddings"
1552
- category = "main"
1553
- optional = false
1554
- python-versions = "*"
1555
-
1556
- [package.dependencies]
1557
- huggingface-hub = "*"
1558
- nltk = "*"
1559
- numpy = "*"
1560
- scikit-learn = "*"
1561
- scipy = "*"
1562
- sentencepiece = "*"
1563
- torch = ">=1.6.0"
1564
- torchvision = "*"
1565
- tqdm = "*"
1566
- transformers = ">=4.6.0,<5.0.0"
1567
-
1568
  [[package]]
1569
  name = "sentencepiece"
1570
  version = "0.1.96"
@@ -1585,6 +1578,14 @@ python-versions = ">=3.8.3,<4.0.0"
1585
  environs = ">=9.5.0,<10.0.0"
1586
  logzero = ">=1.7.0,<2.0.0"
1587
 
 
 
 
 
 
 
 
 
1588
  [[package]]
1589
  name = "six"
1590
  version = "1.16.0"
@@ -1687,6 +1688,20 @@ tzlocal = "*"
1687
  validators = "*"
1688
  watchdog = {version = "*", markers = "platform_system != \"Darwin\""}
1689
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1690
  [[package]]
1691
  name = "streamlit-option-menu"
1692
  version = "0.3.2"
@@ -1781,35 +1796,6 @@ category = "main"
1781
  optional = false
1782
  python-versions = ">=3.5"
1783
 
1784
- [[package]]
1785
- name = "torch"
1786
- version = "1.11.0"
1787
- description = "Tensors and Dynamic neural networks in Python with strong GPU acceleration"
1788
- category = "main"
1789
- optional = false
1790
- python-versions = ">=3.7.0"
1791
-
1792
- [package.dependencies]
1793
- typing-extensions = "*"
1794
-
1795
- [[package]]
1796
- name = "torchvision"
1797
- version = "0.12.0"
1798
- description = "image and video datasets and models for torch deep learning"
1799
- category = "main"
1800
- optional = false
1801
- python-versions = ">=3.7"
1802
-
1803
- [package.dependencies]
1804
- numpy = "*"
1805
- pillow = ">=5.3.0,<8.3.0 || >=8.4.0"
1806
- requests = "*"
1807
- torch = "*"
1808
- typing-extensions = "*"
1809
-
1810
- [package.extras]
1811
- scipy = ["scipy"]
1812
-
1813
  [[package]]
1814
  name = "tornado"
1815
  version = "6.1"
@@ -1848,7 +1834,7 @@ test = ["pre-commit", "pytest"]
1848
 
1849
  [[package]]
1850
  name = "transformers"
1851
- version = "4.19.2"
1852
  description = "State-of-the-art Machine Learning for JAX, PyTorch and TensorFlow"
1853
  category = "main"
1854
  optional = false
@@ -1866,15 +1852,15 @@ tokenizers = ">=0.11.1,<0.11.3 || >0.11.3,<0.13"
1866
  tqdm = ">=4.27"
1867
 
1868
  [package.extras]
1869
- all = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "torch (>=1.0)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)"]
1870
  audio = ["librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1871
  codecarbon = ["codecarbon (==1.2.0)"]
1872
  deepspeed = ["deepspeed (>=0.6.4)"]
1873
- deepspeed-testing = ["deepspeed (>=0.6.4)", "pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "optuna"]
1874
- dev = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "torch (>=1.0)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)", "hf-doc-builder", "scikit-learn"]
1875
- dev-tensorflow = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "pillow", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "hf-doc-builder", "scikit-learn", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1876
- dev-torch = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "torch (>=1.0)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)", "hf-doc-builder", "scikit-learn", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"]
1877
- docs = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "torch (>=1.0)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "hf-doc-builder"]
1878
  docs_specific = ["hf-doc-builder"]
1879
  fairscale = ["fairscale (>0.3)"]
1880
  flax = ["jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)"]
@@ -1890,12 +1876,12 @@ quality = ["black (>=22.0,<23.0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "GitPy
1890
  ray = ["ray"]
1891
  retrieval = ["faiss-cpu", "datasets"]
1892
  sagemaker = ["sagemaker (>=2.31.0)"]
1893
- sentencepiece = ["sentencepiece (>=0.1.91,!=0.1.92)", "protobuf"]
1894
  serving = ["pydantic", "uvicorn", "fastapi", "starlette"]
1895
  sigopt = ["sigopt"]
1896
  sklearn = ["scikit-learn"]
1897
  speech = ["torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1898
- testing = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)"]
1899
  tf = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx"]
1900
  tf-cpu = ["tensorflow-cpu (>=2.3)", "onnxconverter-common", "tf2onnx"]
1901
  tf-speech = ["librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
@@ -1903,9 +1889,26 @@ timm = ["timm"]
1903
  tokenizers = ["tokenizers (>=0.11.1,!=0.11.3,<0.13)"]
1904
  torch = ["torch (>=1.0)"]
1905
  torch-speech = ["torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1906
- torchhub = ["filelock", "huggingface-hub (>=0.1.0,<1.0)", "importlib-metadata", "numpy (>=1.17)", "packaging (>=20.0)", "protobuf", "regex (!=2019.12.17)", "requests", "sentencepiece (>=0.1.91,!=0.1.92)", "torch (>=1.0)", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "tqdm (>=4.27)"]
1907
  vision = ["pillow"]
1908
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1909
  [[package]]
1910
  name = "typing-extensions"
1911
  version = "4.2.0"
@@ -2030,7 +2033,7 @@ testing = ["pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-flake8", "pytest-
2030
  [metadata]
2031
  lock-version = "1.1"
2032
  python-versions = "^3.8.3"
2033
- content-hash = "5cac6b87e64544c9217fa2c47b067d8ab6148dab146896deed8fbd9e8bf9d882"
2034
 
2035
  [metadata.files]
2036
  about-time = [
@@ -2133,6 +2136,37 @@ cachetools = [
2133
  {file = "cachetools-5.2.0-py3-none-any.whl", hash = "sha256:f9f17d2aec496a9aa6b76f53e3b614c965223c061982d434d160f930c698a9db"},
2134
  {file = "cachetools-5.2.0.tar.gz", hash = "sha256:6a94c6402995a99c3970cc7e4884bb60b4a8639938157eeed436098bf9831757"},
2135
  ]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
2136
  certifi = [
2137
  {file = "certifi-2022.5.18.1-py3-none-any.whl", hash = "sha256:f1d53542ee8cbedbe2118b5686372fb33c297fcd6379b050cca0ef13a597382a"},
2138
  {file = "certifi-2022.5.18.1.tar.gz", hash = "sha256:9c5705e395cd70084351dd8ad5c41e65655e08ce46f2ec9cf6c2c08390f71eb7"},
@@ -2284,6 +2318,10 @@ h11 = [
2284
  {file = "h11-0.12.0-py3-none-any.whl", hash = "sha256:36a3cb8c0a032f56e2da7084577878a035d3b61d104230d4bd49c0c6b555a9c6"},
2285
  {file = "h11-0.12.0.tar.gz", hash = "sha256:47222cb6067e4a307d535814917cd98fd0a57b6788ce715755fa2b6c28b56042"},
2286
  ]
 
 
 
 
2287
  html2text = [
2288
  {file = "html2text-2020.1.16-py3-none-any.whl", hash = "sha256:c7c629882da0cf377d66f073329ccf34a12ed2adf0169b9285ae4e63ef54c82b"},
2289
  {file = "html2text-2020.1.16.tar.gz", hash = "sha256:e296318e16b059ddb97f7a8a1d6a5c1d7af4544049a01e261731d2d5cc277bbb"},
@@ -2297,8 +2335,8 @@ httpx = [
2297
  {file = "httpx-0.23.0.tar.gz", hash = "sha256:f28eac771ec9eb4866d3fb4ab65abd42d38c424739e80c08d8d20570de60b0ef"},
2298
  ]
2299
  huggingface-hub = [
2300
- {file = "huggingface_hub-0.4.0-py3-none-any.whl", hash = "sha256:808021af1ce1111104973ae54d81738eaf40be6d1e82fc6bdedb82f81c6206e7"},
2301
- {file = "huggingface_hub-0.4.0.tar.gz", hash = "sha256:f0e3389f8988eb7781b17de520ae7fd0aa50d9823534e3ae55344d943a88ac87"},
2302
  ]
2303
  icecream = [
2304
  {file = "icecream-2.1.2-py2.py3-none-any.whl", hash = "sha256:04b9cea4d9931cf6960db0430ebf11fa34464ce7152e384ddf50f96d25b201b4"},
@@ -2503,10 +2541,6 @@ mistune = [
2503
  {file = "mistune-0.8.4-py2.py3-none-any.whl", hash = "sha256:88a1051873018da288eee8538d476dffe1262495144b33ecb586c4ab266bb8d4"},
2504
  {file = "mistune-0.8.4.tar.gz", hash = "sha256:59a3429db53c50b5c6bcc8a07f8848cb00d7dc8bdb431a4ab41920d201d4756e"},
2505
  ]
2506
- model-pool = [
2507
- {file = "model_pool-0.1.3-py3-none-any.whl", hash = "sha256:827846b6f44821ccdf668a9e90c0b5bda08728fb7f1df4f67e9934ed279e9310"},
2508
- {file = "model_pool-0.1.3.tar.gz", hash = "sha256:7a61c283d15433714ff9091e33cc8ac6eff29671cede0b4dbc9f333944214189"},
2509
- ]
2510
  more-itertools = [
2511
  {file = "more-itertools-8.13.0.tar.gz", hash = "sha256:a42901a0a5b169d925f6f217cd5a190e32ef54360905b9c39ee7db5313bfec0f"},
2512
  {file = "more_itertools-8.13.0-py3-none-any.whl", hash = "sha256:c5122bffc5f104d37c1626b8615b511f3427aa5389b94d61e5ef8236bfbc3ddb"},
@@ -2853,8 +2887,8 @@ python-dateutil = [
2853
  {file = "python_dateutil-2.8.2-py2.py3-none-any.whl", hash = "sha256:961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9"},
2854
  ]
2855
  python-dotenv = [
2856
- {file = "python-dotenv-0.20.0.tar.gz", hash = "sha256:b7e3b04a59693c42c36f9ab1cc2acc46fa5df8c78e178fc33a8d4cd05c8d498f"},
2857
- {file = "python_dotenv-0.20.0-py3-none-any.whl", hash = "sha256:d92a187be61fe482e4fd675b6d52200e7be63a12b724abbf931a40ce4fa92938"},
2858
  ]
2859
  pytz = [
2860
  {file = "pytz-2022.1-py2.py3-none-any.whl", hash = "sha256:e68985985296d9a66a881eb3193b0906246245294a881e7c8afe623866ac6a5c"},
@@ -3126,9 +3160,6 @@ send2trash = [
3126
  {file = "Send2Trash-1.8.0-py3-none-any.whl", hash = "sha256:f20eaadfdb517eaca5ce077640cb261c7d2698385a6a0f072a4a5447fd49fa08"},
3127
  {file = "Send2Trash-1.8.0.tar.gz", hash = "sha256:d2c24762fd3759860a0aff155e45871447ea58d2be6bdd39b5c8f966a0c99c2d"},
3128
  ]
3129
- sentence-transformers = [
3130
- {file = "sentence-transformers-2.2.0.tar.gz", hash = "sha256:c7365228b6d24e4d73cf49d409421820887ca43c86d49f264b68cfa00d761f96"},
3131
- ]
3132
  sentencepiece = [
3133
  {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cc969e6694fb27fba7cee2953f350804faf03913f25ae1ee713a7b8a1bc08018"},
3134
  {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:36e9ff61e7b67c5b7ee96733613622620b4802fc8cf188a4dbc1f355b03dde02"},
@@ -3179,6 +3210,69 @@ set-loglevel = [
3179
  {file = "set_loglevel-0.1.2-py3-none-any.whl", hash = "sha256:fcfe76ccd3791511e2cb51ec11ded6cc2186a727e441a934c547a211d0fdf773"},
3180
  {file = "set_loglevel-0.1.2.tar.gz", hash = "sha256:4da23414a798cea918801b113e17af092f13ccda96345203b14042b6d6d3a896"},
3181
  ]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
3182
  six = [
3183
  {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"},
3184
  {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"},
@@ -3210,6 +3304,10 @@ streamlit = [
3210
  {file = "streamlit-1.10.0-py2.py3-none-any.whl", hash = "sha256:4febd37144a62177e583d6970ab50f351a2bfd4eb112cf19e38c25b12246a4db"},
3211
  {file = "streamlit-1.10.0.tar.gz", hash = "sha256:9479d623dd4bec1fc7bd27e85d5012672351210e640889022ee7b4631c4efb2c"},
3212
  ]
 
 
 
 
3213
  streamlit-option-menu = [
3214
  {file = "streamlit-option-menu-0.3.2.tar.gz", hash = "sha256:69d1aef6f30f83f29eda3dc9667733bc2e28cd640eb17b4b6ca315f633484c52"},
3215
  {file = "streamlit_option_menu-0.3.2-py3-none-any.whl", hash = "sha256:0b7eae3ffdb0276c81d15750465c72957d57d2f766cb027c586d053519731178"},
@@ -3277,48 +3375,6 @@ toolz = [
3277
  {file = "toolz-0.11.2-py3-none-any.whl", hash = "sha256:a5700ce83414c64514d82d60bcda8aabfde092d1c1a8663f9200c07fdcc6da8f"},
3278
  {file = "toolz-0.11.2.tar.gz", hash = "sha256:6b312d5e15138552f1bda8a4e66c30e236c831b612b2bf0005f8a1df10a4bc33"},
3279
  ]
3280
- torch = [
3281
- {file = "torch-1.11.0-cp310-cp310-manylinux1_x86_64.whl", hash = "sha256:62052b50fffc29ca7afc0c04ef8206b6f1ca9d10629cb543077e12967e8d0398"},
3282
- {file = "torch-1.11.0-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:866bfba29ac98dec35d893d8e17eaec149d0ac7a53be7baae5c98069897db667"},
3283
- {file = "torch-1.11.0-cp310-cp310-win_amd64.whl", hash = "sha256:951640fb8db308a59d9b510e7d1ad910aff92913323bbe4bc75435347ddd346d"},
3284
- {file = "torch-1.11.0-cp310-none-macosx_10_9_x86_64.whl", hash = "sha256:5d77b5ece78fdafa5c7f42995ff9474399d22571cd6b2de21a5d666306a2ff8c"},
3285
- {file = "torch-1.11.0-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:b5a38682769b544c875ecc34bcb81fbad5c922139b61319aacffcfd8a32f528c"},
3286
- {file = "torch-1.11.0-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:f82d77695a60626f2b7382d85bc566de8a6b3e50d32080755abc040db802e419"},
3287
- {file = "torch-1.11.0-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:b96654d42566080a134e784705f33f8536b3b95b5dcde357ed7879b1692a5f78"},
3288
- {file = "torch-1.11.0-cp37-cp37m-win_amd64.whl", hash = "sha256:8ee7c2e8d7f7020d5bfbc1bb91b9591044c26bbd0cee5e4f694cfd7ed8649260"},
3289
- {file = "torch-1.11.0-cp37-none-macosx_10_9_x86_64.whl", hash = "sha256:6860b1d1bf0bb0b67a6bd47f85a0e4c825b518eea13b5d6101999dbbcbd5bc0c"},
3290
- {file = "torch-1.11.0-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:4322aa29f50da7f404db06cdf30896ea67b09f673af4a985afc7162bc897864d"},
3291
- {file = "torch-1.11.0-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:e4d2e0ddd652f30e94cff750220324ec45705d4ecc69658f773b3cb1c7a28dd0"},
3292
- {file = "torch-1.11.0-cp38-cp38-win_amd64.whl", hash = "sha256:34ce5ea4d8d85da32cdbadb50d4585106901e9f8a3527991daa70c13a09de1f7"},
3293
- {file = "torch-1.11.0-cp38-none-macosx_10_9_x86_64.whl", hash = "sha256:0ccc85cd06227a3edf809e2c795fd5762c3d4e8a38b5c9f744c6e7cf841361bb"},
3294
- {file = "torch-1.11.0-cp38-none-macosx_11_0_arm64.whl", hash = "sha256:c1554e49d74f1b2c3e7202d77056ba2dd7465437585bac64062b580f714a44e9"},
3295
- {file = "torch-1.11.0-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:58c7814502b1c129a650d7092033bbb0bbd64faf1a7941631aaa1aeaddc37570"},
3296
- {file = "torch-1.11.0-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:831cf588f01dda9409e75576741d2823453990dee2983d670f2584b37a01adf7"},
3297
- {file = "torch-1.11.0-cp39-cp39-win_amd64.whl", hash = "sha256:44a1d02fd20f827f0f36dc26fdcfc45e793806a6ad52769a22260655a77a4369"},
3298
- {file = "torch-1.11.0-cp39-none-macosx_10_9_x86_64.whl", hash = "sha256:50fd9bf85c578c871c28f1cb0ace9dfc6024401c7f399b174fb0f370899f4454"},
3299
- {file = "torch-1.11.0-cp39-none-macosx_11_0_arm64.whl", hash = "sha256:0e48af66ad755f0f9c5f2664028a414f57c49d6adc37e77e06fe0004da4edb61"},
3300
- ]
3301
- torchvision = [
3302
- {file = "torchvision-0.12.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:693656e6790b6ab21e4a6e87e81c2982bad9e455b5eb24e14bb672382ec6130f"},
3303
- {file = "torchvision-0.12.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a0be4501ca0ba1b195644c9243f49a1c49a26e52a7f37924c4239d0bf5ecbd8d"},
3304
- {file = "torchvision-0.12.0-cp310-cp310-manylinux1_x86_64.whl", hash = "sha256:ebfb47adf65bf3926b990b2c4767e291f135e259e03232e0e1a30ecdb05eb087"},
3305
- {file = "torchvision-0.12.0-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:9771231639afb5973cdaea1d449b451e2982e1ef5410ca67bbdc2b465565573a"},
3306
- {file = "torchvision-0.12.0-cp310-cp310-win_amd64.whl", hash = "sha256:894dacdc64b6e35e3f330722db51c76f4de016c7bf7bd79cf02ed2f4c106e625"},
3307
- {file = "torchvision-0.12.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:36dfdf6451fe3072ab15118982853b848896c0fd3b26cb8135e1e7981dbb0916"},
3308
- {file = "torchvision-0.12.0-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:aac76d52c5ce4229cb0eaebb762f3391fa736565eb35a4184fa0f7be30b705cd"},
3309
- {file = "torchvision-0.12.0-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:926666f0b893dce6619759c19b0dd3884af7a9d7022b10395653659d28e43c48"},
3310
- {file = "torchvision-0.12.0-cp37-cp37m-win_amd64.whl", hash = "sha256:c225f55c1bfce027a03f4ca46ddb9559c83f8087c2880bed3261a76c49bb7996"},
3311
- {file = "torchvision-0.12.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:d1ccb53836ba886320dcda12d00ee8b5f8f38b6c36d7906f141d25778cf74104"},
3312
- {file = "torchvision-0.12.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:9f42420f7f0b29cd3d61776df3157827257a0cf16b2c02776dc16c96abb1256d"},
3313
- {file = "torchvision-0.12.0-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:9017248c7e526c8cdcaaab8cf41d904a520a409d707398189a06d0757901d235"},
3314
- {file = "torchvision-0.12.0-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:0744902f2265d4c3e83c44a06b567df312e4a9faf8c92620016c7bed7056b5a7"},
3315
- {file = "torchvision-0.12.0-cp38-cp38-win_amd64.whl", hash = "sha256:a91db01496932350bf9c0ee8607ac8ef31c3ebfdaedefe5c5cda0515317f8b8e"},
3316
- {file = "torchvision-0.12.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:24d03fcaa28004c64a24124ac4a894c50f5948c8eb290e398d6c76fff2bc678f"},
3317
- {file = "torchvision-0.12.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:69d82f47b67bad6ddcbb87833ba5950a6c271ba97baae4c0955610071bf034f5"},
3318
- {file = "torchvision-0.12.0-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:49ed7886b93b80c9733462edd06a07f8d4c6ea4d5bd2894e7268f7a3774f4f7d"},
3319
- {file = "torchvision-0.12.0-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:b93a767f44e3933cb3b01a6fe9727db54590f57b7dac09d5aaf15966c6c151dd"},
3320
- {file = "torchvision-0.12.0-cp39-cp39-win_amd64.whl", hash = "sha256:edab05f7ba9f648c00435b384ffdbd7bde79a3b8ea893813fb50f6ccf28b1e76"},
3321
- ]
3322
  tornado = [
3323
  {file = "tornado-6.1-cp35-cp35m-macosx_10_9_x86_64.whl", hash = "sha256:d371e811d6b156d82aa5f9a4e08b58debf97c302a35714f6f45e35139c332e32"},
3324
  {file = "tornado-6.1-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:0d321a39c36e5f2c4ff12b4ed58d41390460f798422c4504e09eb5678e09998c"},
@@ -3371,8 +3427,12 @@ traitlets = [
3371
  {file = "traitlets-5.2.2.post1.tar.gz", hash = "sha256:74803a1baa59af70f023671d86d5c7a834c931186df26d50d362ee6a1ff021fd"},
3372
  ]
3373
  transformers = [
3374
- {file = "transformers-4.19.2-py3-none-any.whl", hash = "sha256:1416315b7c5ff1f56d3915f416b67aa254a9907fbb73ef7f7bffc9210446b5fa"},
3375
- {file = "transformers-4.19.2.tar.gz", hash = "sha256:e19a4ff07458eda143c738e5259caf48449fcf078a63d6b1bd1aa806543440a3"},
 
 
 
 
3376
  ]
3377
  typing-extensions = [
3378
  {file = "typing_extensions-4.2.0-py3-none-any.whl", hash = "sha256:6657594ee297170d19f67d55c05852a874e7eb634f4f753dbd667855e07c1708"},
 
206
  optional = false
207
  python-versions = "~=3.7"
208
 
209
+ [[package]]
210
+ name = "cchardet"
211
+ version = "2.1.7"
212
+ description = "cChardet is high speed universal character encoding detector."
213
+ category = "main"
214
+ optional = false
215
+ python-versions = "*"
216
+
217
  [[package]]
218
  name = "certifi"
219
  version = "2022.5.18.1"
 
441
  optional = false
442
  python-versions = ">=3.6"
443
 
444
+ [[package]]
445
+ name = "hf-model-s-cpu"
446
+ version = "0.1.1"
447
+ description = "model-s served from hf spaces using torch+cpu"
448
+ category = "main"
449
+ optional = false
450
+ python-versions = ">=3.8.3,<4.0.0"
451
+
452
+ [package.dependencies]
453
+ alive-progress = ">=2.4.1,<3.0.0"
454
+ huggingface-hub = ">=0.5.1,<0.6.0"
455
+ install = ">=1.3.5,<2.0.0"
456
+ joblib = ">=1.1.0,<2.0.0"
457
+ logzero = ">=1.7.0,<2.0.0"
458
+ nltk = ">=3.7,<4.0"
459
+ numpy = ">=1.22.3,<2.0.0"
460
+ Pillow = ">=9.1.0,<10.0.0"
461
+ scikit-learn = ">=1.0.2,<2.0.0"
462
+ sentencepiece = ">=0.1.96,<0.2.0"
463
+ tqdm = ">=4.64.0,<5.0.0"
464
+ transformers = ">=4.18.0,<5.0.0"
465
+
466
  [[package]]
467
  name = "html2text"
468
  version = "2020.1.16"
 
511
 
512
  [[package]]
513
  name = "huggingface-hub"
514
+ version = "0.5.1"
515
  description = "Client library to download and publish models on the huggingface.co hub"
516
  category = "main"
517
  optional = false
518
+ python-versions = ">=3.7.0"
519
 
520
  [package.dependencies]
521
  filelock = "*"
 
526
  typing-extensions = ">=3.7.4.3"
527
 
528
  [package.extras]
529
+ all = ["pytest", "datasets", "soundfile", "black (>=22.0,<23.0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"]
530
+ dev = ["pytest", "datasets", "soundfile", "black (>=22.0,<23.0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"]
531
+ quality = ["black (>=22.0,<23.0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)"]
532
+ tensorflow = ["tensorflow", "pydot", "graphviz"]
533
+ testing = ["pytest", "datasets", "soundfile"]
534
  torch = ["torch"]
 
 
 
535
 
536
  [[package]]
537
  name = "icecream"
 
886
  optional = false
887
  python-versions = "*"
888
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
889
  [[package]]
890
  name = "more-itertools"
891
  version = "8.13.0"
 
1361
 
1362
  [[package]]
1363
  name = "python-dotenv"
1364
+ version = "0.19.2"
1365
  description = "Read key-value pairs from a .env file and set them as environment variables"
1366
  category = "main"
1367
  optional = false
 
1558
  objc = ["pyobjc-framework-cocoa"]
1559
  win32 = ["pywin32"]
1560
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1561
  [[package]]
1562
  name = "sentencepiece"
1563
  version = "0.1.96"
 
1578
  environs = ">=9.5.0,<10.0.0"
1579
  logzero = ">=1.7.0,<2.0.0"
1580
 
1581
+ [[package]]
1582
+ name = "simplejson"
1583
+ version = "3.17.6"
1584
+ description = "Simple, fast, extensible JSON encoder/decoder for Python"
1585
+ category = "main"
1586
+ optional = false
1587
+ python-versions = ">=2.5, !=3.0.*, !=3.1.*, !=3.2.*"
1588
+
1589
  [[package]]
1590
  name = "six"
1591
  version = "1.16.0"
 
1688
  validators = "*"
1689
  watchdog = {version = "*", markers = "platform_system != \"Darwin\""}
1690
 
1691
+ [[package]]
1692
+ name = "streamlit-aggrid"
1693
+ version = "0.2.3.post2"
1694
+ description = "Streamlit component implementation of ag-grid"
1695
+ category = "main"
1696
+ optional = false
1697
+ python-versions = ">=3.7.1,<4.0"
1698
+
1699
+ [package.dependencies]
1700
+ pandas = ">=1.2"
1701
+ python-dotenv = ">=0.19.1,<0.20.0"
1702
+ simplejson = ">=3.0"
1703
+ streamlit = ">=0.87.0"
1704
+
1705
  [[package]]
1706
  name = "streamlit-option-menu"
1707
  version = "0.3.2"
 
1796
  optional = false
1797
  python-versions = ">=3.5"
1798
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1799
  [[package]]
1800
  name = "tornado"
1801
  version = "6.1"
 
1834
 
1835
  [[package]]
1836
  name = "transformers"
1837
+ version = "4.19.3"
1838
  description = "State-of-the-art Machine Learning for JAX, PyTorch and TensorFlow"
1839
  category = "main"
1840
  optional = false
 
1852
  tqdm = ">=4.27"
1853
 
1854
  [package.extras]
1855
+ all = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "torch (>=1.0)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf (<=3.20.1)", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)"]
1856
  audio = ["librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1857
  codecarbon = ["codecarbon (==1.2.0)"]
1858
  deepspeed = ["deepspeed (>=0.6.4)"]
1859
+ deepspeed-testing = ["deepspeed (>=0.6.4)", "pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "protobuf (<=3.20.1)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "optuna"]
1860
+ dev = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "torch (>=1.0)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf (<=3.20.1)", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)", "hf-doc-builder", "scikit-learn"]
1861
+ dev-tensorflow = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "protobuf (<=3.20.1)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "sentencepiece (>=0.1.91,!=0.1.92)", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "pillow", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "hf-doc-builder", "scikit-learn", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1862
+ dev-torch = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "protobuf (<=3.20.1)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)", "torch (>=1.0)", "sentencepiece (>=0.1.91,!=0.1.92)", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "isort (>=5.5.4)", "flake8 (>=3.8.3)", "fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "unidic-lite (>=1.0.7)", "unidic (>=1.0.2)", "hf-doc-builder", "scikit-learn", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"]
1863
+ docs = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx", "torch (>=1.0)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)", "sentencepiece (>=0.1.91,!=0.1.92)", "protobuf (<=3.20.1)", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer", "pillow", "optuna", "ray", "sigopt", "timm", "codecarbon (==1.2.0)", "hf-doc-builder"]
1864
  docs_specific = ["hf-doc-builder"]
1865
  fairscale = ["fairscale (>0.3)"]
1866
  flax = ["jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "flax (>=0.3.5)", "optax (>=0.0.8)"]
 
1876
  ray = ["ray"]
1877
  retrieval = ["faiss-cpu", "datasets"]
1878
  sagemaker = ["sagemaker (>=2.31.0)"]
1879
+ sentencepiece = ["sentencepiece (>=0.1.91,!=0.1.92)", "protobuf (<=3.20.1)"]
1880
  serving = ["pydantic", "uvicorn", "fastapi", "starlette"]
1881
  sigopt = ["sigopt"]
1882
  sklearn = ["scikit-learn"]
1883
  speech = ["torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1884
+ testing = ["pytest", "pytest-xdist", "timeout-decorator", "parameterized", "psutil", "datasets", "pytest-timeout", "black (>=22.0,<23.0)", "sacrebleu (>=1.4.12,<2.0.0)", "rouge-score", "nltk", "GitPython (<3.1.19)", "hf-doc-builder (>=0.3.0)", "protobuf (<=3.20.1)", "sacremoses", "rjieba", "faiss-cpu", "cookiecutter (==1.7.3)"]
1885
  tf = ["tensorflow (>=2.3)", "onnxconverter-common", "tf2onnx"]
1886
  tf-cpu = ["tensorflow-cpu (>=2.3)", "onnxconverter-common", "tf2onnx"]
1887
  tf-speech = ["librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
 
1889
  tokenizers = ["tokenizers (>=0.11.1,!=0.11.3,<0.13)"]
1890
  torch = ["torch (>=1.0)"]
1891
  torch-speech = ["torchaudio", "librosa", "pyctcdecode (>=0.3.0)", "phonemizer"]
1892
+ torchhub = ["filelock", "huggingface-hub (>=0.1.0,<1.0)", "importlib-metadata", "numpy (>=1.17)", "packaging (>=20.0)", "protobuf (<=3.20.1)", "regex (!=2019.12.17)", "requests", "sentencepiece (>=0.1.91,!=0.1.92)", "torch (>=1.0)", "tokenizers (>=0.11.1,!=0.11.3,<0.13)", "tqdm (>=4.27)"]
1893
  vision = ["pillow"]
1894
 
1895
+ [[package]]
1896
+ name = "typer"
1897
+ version = "0.4.1"
1898
+ description = "Typer, build great CLIs. Easy to code. Based on Python type hints."
1899
+ category = "main"
1900
+ optional = false
1901
+ python-versions = ">=3.6"
1902
+
1903
+ [package.dependencies]
1904
+ click = ">=7.1.1,<9.0.0"
1905
+
1906
+ [package.extras]
1907
+ all = ["colorama (>=0.4.3,<0.5.0)", "shellingham (>=1.3.0,<2.0.0)"]
1908
+ dev = ["autoflake (>=1.3.1,<2.0.0)", "flake8 (>=3.8.3,<4.0.0)"]
1909
+ doc = ["mkdocs (>=1.1.2,<2.0.0)", "mkdocs-material (>=8.1.4,<9.0.0)", "mdx-include (>=1.4.1,<2.0.0)"]
1910
+ test = ["shellingham (>=1.3.0,<2.0.0)", "pytest (>=4.4.0,<5.4.0)", "pytest-cov (>=2.10.0,<3.0.0)", "coverage (>=5.2,<6.0)", "pytest-xdist (>=1.32.0,<2.0.0)", "pytest-sugar (>=0.9.4,<0.10.0)", "mypy (==0.910)", "black (>=22.3.0,<23.0.0)", "isort (>=5.0.6,<6.0.0)"]
1911
+
1912
  [[package]]
1913
  name = "typing-extensions"
1914
  version = "4.2.0"
 
2033
  [metadata]
2034
  lock-version = "1.1"
2035
  python-versions = "^3.8.3"
2036
+ content-hash = "eb4346fc1f3f8e2d4ebcf21519dbce2f83ac588bffd754c9f0e24590a97de9c3"
2037
 
2038
  [metadata.files]
2039
  about-time = [
 
2136
  {file = "cachetools-5.2.0-py3-none-any.whl", hash = "sha256:f9f17d2aec496a9aa6b76f53e3b614c965223c061982d434d160f930c698a9db"},
2137
  {file = "cachetools-5.2.0.tar.gz", hash = "sha256:6a94c6402995a99c3970cc7e4884bb60b4a8639938157eeed436098bf9831757"},
2138
  ]
2139
+ cchardet = [
2140
+ {file = "cchardet-2.1.7-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:c6f70139aaf47ffb94d89db603af849b82efdf756f187cdd3e566e30976c519f"},
2141
+ {file = "cchardet-2.1.7-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:5a25f9577e9bebe1a085eec2d6fdd72b7a9dd680811bba652ea6090fb2ff472f"},
2142
+ {file = "cchardet-2.1.7-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:6b6397d8a32b976a333bdae060febd39ad5479817fabf489e5596a588ad05133"},
2143
+ {file = "cchardet-2.1.7-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:228d2533987c450f39acf7548f474dd6814c446e9d6bd228e8f1d9a2d210f10b"},
2144
+ {file = "cchardet-2.1.7-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:54341e7e1ba9dc0add4c9d23b48d3a94e2733065c13920e85895f944596f6150"},
2145
+ {file = "cchardet-2.1.7-cp36-cp36m-win32.whl", hash = "sha256:eee4f5403dc3a37a1ca9ab87db32b48dc7e190ef84601068f45397144427cc5e"},
2146
+ {file = "cchardet-2.1.7-cp36-cp36m-win_amd64.whl", hash = "sha256:f86e0566cb61dc4397297696a4a1b30f6391b50bc52b4f073507a48466b6255a"},
2147
+ {file = "cchardet-2.1.7-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:302aa443ae2526755d412c9631136bdcd1374acd08e34f527447f06f3c2ddb98"},
2148
+ {file = "cchardet-2.1.7-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:70eeae8aaf61192e9b247cf28969faef00578becd2602526ecd8ae7600d25e0e"},
2149
+ {file = "cchardet-2.1.7-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:a39526c1c526843965cec589a6f6b7c2ab07e3e56dc09a7f77a2be6a6afa4636"},
2150
+ {file = "cchardet-2.1.7-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:b154effa12886e9c18555dfc41a110f601f08d69a71809c8d908be4b1ab7314f"},
2151
+ {file = "cchardet-2.1.7-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:ec3eb5a9c475208cf52423524dcaf713c394393e18902e861f983c38eeb77f18"},
2152
+ {file = "cchardet-2.1.7-cp37-cp37m-win32.whl", hash = "sha256:50ad671e8d6c886496db62c3bd68b8d55060688c655873aa4ce25ca6105409a1"},
2153
+ {file = "cchardet-2.1.7-cp37-cp37m-win_amd64.whl", hash = "sha256:54d0b26fd0cd4099f08fb9c167600f3e83619abefeaa68ad823cc8ac1f7bcc0c"},
2154
+ {file = "cchardet-2.1.7-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:b59ddc615883835e03c26f81d5fc3671fab2d32035c87f50862de0da7d7db535"},
2155
+ {file = "cchardet-2.1.7-cp38-cp38-manylinux1_i686.whl", hash = "sha256:27a9ba87c9f99e0618e1d3081189b1217a7d110e5c5597b0b7b7c3fedd1c340a"},
2156
+ {file = "cchardet-2.1.7-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:90086e5645f8a1801350f4cc6cb5d5bf12d3fa943811bb08667744ec1ecc9ccd"},
2157
+ {file = "cchardet-2.1.7-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:45456c59ec349b29628a3c6bfb86d818ec3a6fbb7eb72de4ff3bd4713681c0e3"},
2158
+ {file = "cchardet-2.1.7-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:f16517f3697569822c6d09671217fdeab61dfebc7acb5068634d6b0728b86c0b"},
2159
+ {file = "cchardet-2.1.7-cp38-cp38-win32.whl", hash = "sha256:0b859069bbb9d27c78a2c9eb997e6f4b738db2d7039a03f8792b4058d61d1109"},
2160
+ {file = "cchardet-2.1.7-cp38-cp38-win_amd64.whl", hash = "sha256:273699c4e5cd75377776501b72a7b291a988c6eec259c29505094553ee505597"},
2161
+ {file = "cchardet-2.1.7-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:48ba829badef61441e08805cfa474ccd2774be2ff44b34898f5854168c596d4d"},
2162
+ {file = "cchardet-2.1.7-cp39-cp39-manylinux1_i686.whl", hash = "sha256:bd7f262f41fd9caf5a5f09207a55861a67af6ad5c66612043ed0f81c58cdf376"},
2163
+ {file = "cchardet-2.1.7-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:fdac1e4366d0579fff056d1280b8dc6348be964fda8ebb627c0269e097ab37fa"},
2164
+ {file = "cchardet-2.1.7-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:80e6faae75ecb9be04a7b258dc4750d459529debb6b8dee024745b7b5a949a34"},
2165
+ {file = "cchardet-2.1.7-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:c96aee9ebd1147400e608a3eff97c44f49811f8904e5a43069d55603ac4d8c97"},
2166
+ {file = "cchardet-2.1.7-cp39-cp39-win32.whl", hash = "sha256:2309ff8fc652b0fc3c0cff5dbb172530c7abb92fe9ba2417c9c0bcf688463c1c"},
2167
+ {file = "cchardet-2.1.7-cp39-cp39-win_amd64.whl", hash = "sha256:24974b3e40fee9e7557bb352be625c39ec6f50bc2053f44a3d1191db70b51675"},
2168
+ {file = "cchardet-2.1.7.tar.gz", hash = "sha256:c428b6336545053c2589f6caf24ea32276c6664cb86db817e03a94c60afa0eaf"},
2169
+ ]
2170
  certifi = [
2171
  {file = "certifi-2022.5.18.1-py3-none-any.whl", hash = "sha256:f1d53542ee8cbedbe2118b5686372fb33c297fcd6379b050cca0ef13a597382a"},
2172
  {file = "certifi-2022.5.18.1.tar.gz", hash = "sha256:9c5705e395cd70084351dd8ad5c41e65655e08ce46f2ec9cf6c2c08390f71eb7"},
 
2318
  {file = "h11-0.12.0-py3-none-any.whl", hash = "sha256:36a3cb8c0a032f56e2da7084577878a035d3b61d104230d4bd49c0c6b555a9c6"},
2319
  {file = "h11-0.12.0.tar.gz", hash = "sha256:47222cb6067e4a307d535814917cd98fd0a57b6788ce715755fa2b6c28b56042"},
2320
  ]
2321
+ hf-model-s-cpu = [
2322
+ {file = "hf-model-s-cpu-0.1.1.tar.gz", hash = "sha256:9bc6be4387574e00e0b354f7193d58f33b74dc9426e99ebbb44caa8fe0dd8231"},
2323
+ {file = "hf_model_s_cpu-0.1.1-py3-none-any.whl", hash = "sha256:917bb12cc6b7345b7d803325e3f489412112300181e925c1d6f01f327d11380b"},
2324
+ ]
2325
  html2text = [
2326
  {file = "html2text-2020.1.16-py3-none-any.whl", hash = "sha256:c7c629882da0cf377d66f073329ccf34a12ed2adf0169b9285ae4e63ef54c82b"},
2327
  {file = "html2text-2020.1.16.tar.gz", hash = "sha256:e296318e16b059ddb97f7a8a1d6a5c1d7af4544049a01e261731d2d5cc277bbb"},
 
2335
  {file = "httpx-0.23.0.tar.gz", hash = "sha256:f28eac771ec9eb4866d3fb4ab65abd42d38c424739e80c08d8d20570de60b0ef"},
2336
  ]
2337
  huggingface-hub = [
2338
+ {file = "huggingface_hub-0.5.1-py3-none-any.whl", hash = "sha256:b9fd1f567a3fb16e73acc613e78d075d1926d4b0c5c56ba08c4f125707b50c70"},
2339
+ {file = "huggingface_hub-0.5.1.tar.gz", hash = "sha256:d90d657dca0d6a577f640ff684a58da8e5c76258e485100e885a0e7307e2eb12"},
2340
  ]
2341
  icecream = [
2342
  {file = "icecream-2.1.2-py2.py3-none-any.whl", hash = "sha256:04b9cea4d9931cf6960db0430ebf11fa34464ce7152e384ddf50f96d25b201b4"},
 
2541
  {file = "mistune-0.8.4-py2.py3-none-any.whl", hash = "sha256:88a1051873018da288eee8538d476dffe1262495144b33ecb586c4ab266bb8d4"},
2542
  {file = "mistune-0.8.4.tar.gz", hash = "sha256:59a3429db53c50b5c6bcc8a07f8848cb00d7dc8bdb431a4ab41920d201d4756e"},
2543
  ]
 
 
 
 
2544
  more-itertools = [
2545
  {file = "more-itertools-8.13.0.tar.gz", hash = "sha256:a42901a0a5b169d925f6f217cd5a190e32ef54360905b9c39ee7db5313bfec0f"},
2546
  {file = "more_itertools-8.13.0-py3-none-any.whl", hash = "sha256:c5122bffc5f104d37c1626b8615b511f3427aa5389b94d61e5ef8236bfbc3ddb"},
 
2887
  {file = "python_dateutil-2.8.2-py2.py3-none-any.whl", hash = "sha256:961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9"},
2888
  ]
2889
  python-dotenv = [
2890
+ {file = "python-dotenv-0.19.2.tar.gz", hash = "sha256:a5de49a31e953b45ff2d2fd434bbc2670e8db5273606c1e737cc6b93eff3655f"},
2891
+ {file = "python_dotenv-0.19.2-py2.py3-none-any.whl", hash = "sha256:32b2bdc1873fd3a3c346da1c6db83d0053c3c62f28f1f38516070c4c8971b1d3"},
2892
  ]
2893
  pytz = [
2894
  {file = "pytz-2022.1-py2.py3-none-any.whl", hash = "sha256:e68985985296d9a66a881eb3193b0906246245294a881e7c8afe623866ac6a5c"},
 
3160
  {file = "Send2Trash-1.8.0-py3-none-any.whl", hash = "sha256:f20eaadfdb517eaca5ce077640cb261c7d2698385a6a0f072a4a5447fd49fa08"},
3161
  {file = "Send2Trash-1.8.0.tar.gz", hash = "sha256:d2c24762fd3759860a0aff155e45871447ea58d2be6bdd39b5c8f966a0c99c2d"},
3162
  ]
 
 
 
3163
  sentencepiece = [
3164
  {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cc969e6694fb27fba7cee2953f350804faf03913f25ae1ee713a7b8a1bc08018"},
3165
  {file = "sentencepiece-0.1.96-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:36e9ff61e7b67c5b7ee96733613622620b4802fc8cf188a4dbc1f355b03dde02"},
 
3210
  {file = "set_loglevel-0.1.2-py3-none-any.whl", hash = "sha256:fcfe76ccd3791511e2cb51ec11ded6cc2186a727e441a934c547a211d0fdf773"},
3211
  {file = "set_loglevel-0.1.2.tar.gz", hash = "sha256:4da23414a798cea918801b113e17af092f13ccda96345203b14042b6d6d3a896"},
3212
  ]
3213
+ simplejson = [
3214
+ {file = "simplejson-3.17.6-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:a89acae02b2975b1f8e4974cb8cdf9bf9f6c91162fb8dec50c259ce700f2770a"},
3215
+ {file = "simplejson-3.17.6-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:82ff356ff91be0ab2293fc6d8d262451eb6ac4fd999244c4b5f863e049ba219c"},
3216
+ {file = "simplejson-3.17.6-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:0de783e9c2b87bdd75b57efa2b6260c24b94605b5c9843517577d40ee0c3cc8a"},
3217
+ {file = "simplejson-3.17.6-cp27-cp27m-manylinux2010_i686.whl", hash = "sha256:d24a9e61df7a7787b338a58abfba975414937b609eb6b18973e25f573bc0eeeb"},
3218
+ {file = "simplejson-3.17.6-cp27-cp27m-manylinux2010_x86_64.whl", hash = "sha256:e8603e691580487f11306ecb066c76f1f4a8b54fb3bdb23fa40643a059509366"},
3219
+ {file = "simplejson-3.17.6-cp27-cp27mu-manylinux1_i686.whl", hash = "sha256:9b01e7b00654115965a206e3015f0166674ec1e575198a62a977355597c0bef5"},
3220
+ {file = "simplejson-3.17.6-cp27-cp27mu-manylinux1_x86_64.whl", hash = "sha256:37bc0cf0e5599f36072077e56e248f3336917ded1d33d2688624d8ed3cefd7d2"},
3221
+ {file = "simplejson-3.17.6-cp27-cp27mu-manylinux2010_i686.whl", hash = "sha256:cf6e7d5fe2aeb54898df18db1baf479863eae581cce05410f61f6b4188c8ada1"},
3222
+ {file = "simplejson-3.17.6-cp27-cp27mu-manylinux2010_x86_64.whl", hash = "sha256:bdfc54b4468ed4cd7415928cbe782f4d782722a81aeb0f81e2ddca9932632211"},
3223
+ {file = "simplejson-3.17.6-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:dd16302d39c4d6f4afde80edd0c97d4db643327d355a312762ccd9bd2ca515ed"},
3224
+ {file = "simplejson-3.17.6-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:deac4bdafa19bbb89edfb73b19f7f69a52d0b5bd3bb0c4ad404c1bbfd7b4b7fd"},
3225
+ {file = "simplejson-3.17.6-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a8bbdb166e2fb816e43ab034c865147edafe28e1b19c72433147789ac83e2dda"},
3226
+ {file = "simplejson-3.17.6-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a7854326920d41c3b5d468154318fe6ba4390cb2410480976787c640707e0180"},
3227
+ {file = "simplejson-3.17.6-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:04e31fa6ac8e326480703fb6ded1488bfa6f1d3f760d32e29dbf66d0838982ce"},
3228
+ {file = "simplejson-3.17.6-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f63600ec06982cdf480899026f4fda622776f5fabed9a869fdb32d72bc17e99a"},
3229
+ {file = "simplejson-3.17.6-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e03c3b8cc7883a54c3f34a6a135c4a17bc9088a33f36796acdb47162791b02f6"},
3230
+ {file = "simplejson-3.17.6-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:a2d30d6c1652140181dc6861f564449ad71a45e4f165a6868c27d36745b65d40"},
3231
+ {file = "simplejson-3.17.6-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a1aa6e4cae8e3b8d5321be4f51c5ce77188faf7baa9fe1e78611f93a8eed2882"},
3232
+ {file = "simplejson-3.17.6-cp310-cp310-win32.whl", hash = "sha256:97202f939c3ff341fc3fa84d15db86156b1edc669424ba20b0a1fcd4a796a045"},
3233
+ {file = "simplejson-3.17.6-cp310-cp310-win_amd64.whl", hash = "sha256:80d3bc9944be1d73e5b1726c3bbfd2628d3d7fe2880711b1eb90b617b9b8ac70"},
3234
+ {file = "simplejson-3.17.6-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:9fa621b3c0c05d965882c920347b6593751b7ab20d8fa81e426f1735ca1a9fc7"},
3235
+ {file = "simplejson-3.17.6-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dd2fb11922f58df8528adfca123f6a84748ad17d066007e7ac977720063556bd"},
3236
+ {file = "simplejson-3.17.6-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:724c1fe135aa437d5126138d977004d165a3b5e2ee98fc4eb3e7c0ef645e7e27"},
3237
+ {file = "simplejson-3.17.6-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4ff4ac6ff3aa8f814ac0f50bf218a2e1a434a17aafad4f0400a57a8cc62ef17f"},
3238
+ {file = "simplejson-3.17.6-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:67093a526e42981fdd954868062e56c9b67fdd7e712616cc3265ad0c210ecb51"},
3239
+ {file = "simplejson-3.17.6-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:5d6b4af7ad7e4ac515bc6e602e7b79e2204e25dbd10ab3aa2beef3c5a9cad2c7"},
3240
+ {file = "simplejson-3.17.6-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:1c9b1ed7ed282b36571638297525f8ef80f34b3e2d600a56f962c6044f24200d"},
3241
+ {file = "simplejson-3.17.6-cp36-cp36m-win32.whl", hash = "sha256:632ecbbd2228575e6860c9e49ea3cc5423764d5aa70b92acc4e74096fb434044"},
3242
+ {file = "simplejson-3.17.6-cp36-cp36m-win_amd64.whl", hash = "sha256:4c09868ddb86bf79b1feb4e3e7e4a35cd6e61ddb3452b54e20cf296313622566"},
3243
+ {file = "simplejson-3.17.6-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:4b6bd8144f15a491c662f06814bd8eaa54b17f26095bb775411f39bacaf66837"},
3244
+ {file = "simplejson-3.17.6-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5decdc78849617917c206b01e9fc1d694fd58caa961be816cb37d3150d613d9a"},
3245
+ {file = "simplejson-3.17.6-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:521877c7bd060470806eb6335926e27453d740ac1958eaf0d8c00911bc5e1802"},
3246
+ {file = "simplejson-3.17.6-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:65b998193bd7b0c7ecdfffbc825d808eac66279313cb67d8892bb259c9d91494"},
3247
+ {file = "simplejson-3.17.6-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:ac786f6cb7aa10d44e9641c7a7d16d7f6e095b138795cd43503769d4154e0dc2"},
3248
+ {file = "simplejson-3.17.6-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:3ff5b3464e1ce86a8de8c88e61d4836927d5595c2162cab22e96ff551b916e81"},
3249
+ {file = "simplejson-3.17.6-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:69bd56b1d257a91e763256d63606937ae4eb890b18a789b66951c00062afec33"},
3250
+ {file = "simplejson-3.17.6-cp37-cp37m-win32.whl", hash = "sha256:b81076552d34c27e5149a40187a8f7e2abb2d3185576a317aaf14aeeedad862a"},
3251
+ {file = "simplejson-3.17.6-cp37-cp37m-win_amd64.whl", hash = "sha256:07ecaafc1b1501f275bf5acdee34a4ad33c7c24ede287183ea77a02dc071e0c0"},
3252
+ {file = "simplejson-3.17.6-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:068670af975247acbb9fc3d5393293368cda17026db467bf7a51548ee8f17ee1"},
3253
+ {file = "simplejson-3.17.6-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:4d1c135af0c72cb28dd259cf7ba218338f4dc027061262e46fe058b4e6a4c6a3"},
3254
+ {file = "simplejson-3.17.6-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:23fe704da910ff45e72543cbba152821685a889cf00fc58d5c8ee96a9bad5f94"},
3255
+ {file = "simplejson-3.17.6-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f444762fed1bc1fd75187ef14a20ed900c1fbb245d45be9e834b822a0223bc81"},
3256
+ {file = "simplejson-3.17.6-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:681eb4d37c9a9a6eb9b3245a5e89d7f7b2b9895590bb08a20aa598c1eb0a1d9d"},
3257
+ {file = "simplejson-3.17.6-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8e8607d8f6b4f9d46fee11447e334d6ab50e993dd4dbfb22f674616ce20907ab"},
3258
+ {file = "simplejson-3.17.6-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:b10556817f09d46d420edd982dd0653940b90151d0576f09143a8e773459f6fe"},
3259
+ {file = "simplejson-3.17.6-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:e1ec8a9ee0987d4524ffd6299e778c16cc35fef6d1a2764e609f90962f0b293a"},
3260
+ {file = "simplejson-3.17.6-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:0b4126cac7d69ac06ff22efd3e0b3328a4a70624fcd6bca4fc1b4e6d9e2e12bf"},
3261
+ {file = "simplejson-3.17.6-cp38-cp38-win32.whl", hash = "sha256:35a49ebef25f1ebdef54262e54ae80904d8692367a9f208cdfbc38dbf649e00a"},
3262
+ {file = "simplejson-3.17.6-cp38-cp38-win_amd64.whl", hash = "sha256:743cd768affaa508a21499f4858c5b824ffa2e1394ed94eb85caf47ac0732198"},
3263
+ {file = "simplejson-3.17.6-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:fb62d517a516128bacf08cb6a86ecd39fb06d08e7c4980251f5d5601d29989ba"},
3264
+ {file = "simplejson-3.17.6-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:12133863178a8080a3dccbf5cb2edfab0001bc41e5d6d2446af2a1131105adfe"},
3265
+ {file = "simplejson-3.17.6-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:5540fba2d437edaf4aa4fbb80f43f42a8334206ad1ad3b27aef577fd989f20d9"},
3266
+ {file = "simplejson-3.17.6-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d74ee72b5071818a1a5dab47338e87f08a738cb938a3b0653b9e4d959ddd1fd9"},
3267
+ {file = "simplejson-3.17.6-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:28221620f4dcabdeac310846629b976e599a13f59abb21616356a85231ebd6ad"},
3268
+ {file = "simplejson-3.17.6-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:b09bc62e5193e31d7f9876220fb429ec13a6a181a24d897b9edfbbdbcd678851"},
3269
+ {file = "simplejson-3.17.6-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:7255a37ff50593c9b2f1afa8fafd6ef5763213c1ed5a9e2c6f5b9cc925ab979f"},
3270
+ {file = "simplejson-3.17.6-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:401d40969cee3df7bda211e57b903a534561b77a7ade0dd622a8d1a31eaa8ba7"},
3271
+ {file = "simplejson-3.17.6-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:a649d0f66029c7eb67042b15374bd93a26aae202591d9afd71e111dd0006b198"},
3272
+ {file = "simplejson-3.17.6-cp39-cp39-win32.whl", hash = "sha256:522fad7be85de57430d6d287c4b635813932946ebf41b913fe7e880d154ade2e"},
3273
+ {file = "simplejson-3.17.6-cp39-cp39-win_amd64.whl", hash = "sha256:3fe87570168b2ae018391e2b43fbf66e8593a86feccb4b0500d134c998983ccc"},
3274
+ {file = "simplejson-3.17.6.tar.gz", hash = "sha256:cf98038d2abf63a1ada5730e91e84c642ba6c225b0198c3684151b1f80c5f8a6"},
3275
+ ]
3276
  six = [
3277
  {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"},
3278
  {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"},
 
3304
  {file = "streamlit-1.10.0-py2.py3-none-any.whl", hash = "sha256:4febd37144a62177e583d6970ab50f351a2bfd4eb112cf19e38c25b12246a4db"},
3305
  {file = "streamlit-1.10.0.tar.gz", hash = "sha256:9479d623dd4bec1fc7bd27e85d5012672351210e640889022ee7b4631c4efb2c"},
3306
  ]
3307
+ streamlit-aggrid = [
3308
+ {file = "streamlit-aggrid-0.2.3.post2.tar.gz", hash = "sha256:c67936173a3b7fa9878b55d45a6c4ccfa8505680767e34a026aa27c4cea9b9f7"},
3309
+ {file = "streamlit_aggrid-0.2.3.post2-py3-none-any.whl", hash = "sha256:9f2b3f37d50ffe973fcaeff0117eb213ac3d957549293f127f0b67c502944292"},
3310
+ ]
3311
  streamlit-option-menu = [
3312
  {file = "streamlit-option-menu-0.3.2.tar.gz", hash = "sha256:69d1aef6f30f83f29eda3dc9667733bc2e28cd640eb17b4b6ca315f633484c52"},
3313
  {file = "streamlit_option_menu-0.3.2-py3-none-any.whl", hash = "sha256:0b7eae3ffdb0276c81d15750465c72957d57d2f766cb027c586d053519731178"},
 
3375
  {file = "toolz-0.11.2-py3-none-any.whl", hash = "sha256:a5700ce83414c64514d82d60bcda8aabfde092d1c1a8663f9200c07fdcc6da8f"},
3376
  {file = "toolz-0.11.2.tar.gz", hash = "sha256:6b312d5e15138552f1bda8a4e66c30e236c831b612b2bf0005f8a1df10a4bc33"},
3377
  ]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
3378
  tornado = [
3379
  {file = "tornado-6.1-cp35-cp35m-macosx_10_9_x86_64.whl", hash = "sha256:d371e811d6b156d82aa5f9a4e08b58debf97c302a35714f6f45e35139c332e32"},
3380
  {file = "tornado-6.1-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:0d321a39c36e5f2c4ff12b4ed58d41390460f798422c4504e09eb5678e09998c"},
 
3427
  {file = "traitlets-5.2.2.post1.tar.gz", hash = "sha256:74803a1baa59af70f023671d86d5c7a834c931186df26d50d362ee6a1ff021fd"},
3428
  ]
3429
  transformers = [
3430
+ {file = "transformers-4.19.3-py3-none-any.whl", hash = "sha256:a49a61b72ab913ec0e1c8d8c6ddb09502944d398f0ed33cfd244bafead27c1c6"},
3431
+ {file = "transformers-4.19.3.tar.gz", hash = "sha256:c363ba14e41cdfab8ed6bda356d439b08e4e34ce507f575b67fad65e40c73e7b"},
3432
+ ]
3433
+ typer = [
3434
+ {file = "typer-0.4.1-py3-none-any.whl", hash = "sha256:e8467f0ebac0c81366c2168d6ad9f888efdfb6d4e1d3d5b4a004f46fa444b5c3"},
3435
+ {file = "typer-0.4.1.tar.gz", hash = "sha256:5646aef0d936b2c761a10393f0384ee6b5c7fe0bb3e5cd710b17134ca1d99cff"},
3436
  ]
3437
  typing-extensions = [
3438
  {file = "typing_extensions-4.2.0-py3-none-any.whl", hash = "sha256:6657594ee297170d19f67d55c05852a874e7eb634f4f753dbd667855e07c1708"},
pyproject.toml CHANGED
@@ -13,7 +13,6 @@ logzero = "^1.7.0"
13
  set-loglevel = "^0.1.2"
14
  icecream = "^2.1.1"
15
  install = "^1.3.5"
16
- model-pool = "^0.1.3"
17
  tqdm = "^4.64.0"
18
  about-time = "^3.1.1"
19
  more-itertools = "^8.13.0"
@@ -26,6 +25,10 @@ streamlit-option-menu = "^0.3.2"
26
  httpx = "^0.23.0"
27
  html2text = "^2020.1.16"
28
  readability-lxml = "^0.8.1"
 
 
 
 
29
 
30
  [tool.poe.executor]
31
  type = "poetry"
 
13
  set-loglevel = "^0.1.2"
14
  icecream = "^2.1.1"
15
  install = "^1.3.5"
 
16
  tqdm = "^4.64.0"
17
  about-time = "^3.1.1"
18
  more-itertools = "^8.13.0"
 
25
  httpx = "^0.23.0"
26
  html2text = "^2020.1.16"
27
  readability-lxml = "^0.8.1"
28
+ hf-model-s-cpu = "^0.1.1"
29
+ cchardet = "^2.1.7"
30
+ streamlit-aggrid = "^0.2.3"
31
+ typer = "^0.4.1"
32
 
33
  [tool.poe.executor]
34
  type = "poetry"