mseep-txtai 9.1.1__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.
- mseep_txtai-9.1.1.dist-info/METADATA +262 -0
- mseep_txtai-9.1.1.dist-info/RECORD +251 -0
- mseep_txtai-9.1.1.dist-info/WHEEL +5 -0
- mseep_txtai-9.1.1.dist-info/licenses/LICENSE +190 -0
- mseep_txtai-9.1.1.dist-info/top_level.txt +1 -0
- txtai/__init__.py +16 -0
- txtai/agent/__init__.py +12 -0
- txtai/agent/base.py +54 -0
- txtai/agent/factory.py +39 -0
- txtai/agent/model.py +107 -0
- txtai/agent/placeholder.py +16 -0
- txtai/agent/tool/__init__.py +7 -0
- txtai/agent/tool/embeddings.py +69 -0
- txtai/agent/tool/factory.py +130 -0
- txtai/agent/tool/function.py +49 -0
- txtai/ann/__init__.py +7 -0
- txtai/ann/base.py +153 -0
- txtai/ann/dense/__init__.py +11 -0
- txtai/ann/dense/annoy.py +72 -0
- txtai/ann/dense/factory.py +76 -0
- txtai/ann/dense/faiss.py +233 -0
- txtai/ann/dense/hnsw.py +104 -0
- txtai/ann/dense/numpy.py +164 -0
- txtai/ann/dense/pgvector.py +323 -0
- txtai/ann/dense/sqlite.py +303 -0
- txtai/ann/dense/torch.py +38 -0
- txtai/ann/sparse/__init__.py +7 -0
- txtai/ann/sparse/factory.py +61 -0
- txtai/ann/sparse/ivfsparse.py +377 -0
- txtai/ann/sparse/pgsparse.py +56 -0
- txtai/api/__init__.py +18 -0
- txtai/api/application.py +134 -0
- txtai/api/authorization.py +53 -0
- txtai/api/base.py +159 -0
- txtai/api/cluster.py +295 -0
- txtai/api/extension.py +19 -0
- txtai/api/factory.py +40 -0
- txtai/api/responses/__init__.py +7 -0
- txtai/api/responses/factory.py +30 -0
- txtai/api/responses/json.py +56 -0
- txtai/api/responses/messagepack.py +51 -0
- txtai/api/route.py +41 -0
- txtai/api/routers/__init__.py +25 -0
- txtai/api/routers/agent.py +38 -0
- txtai/api/routers/caption.py +42 -0
- txtai/api/routers/embeddings.py +280 -0
- txtai/api/routers/entity.py +42 -0
- txtai/api/routers/extractor.py +28 -0
- txtai/api/routers/labels.py +47 -0
- txtai/api/routers/llm.py +61 -0
- txtai/api/routers/objects.py +42 -0
- txtai/api/routers/openai.py +191 -0
- txtai/api/routers/rag.py +61 -0
- txtai/api/routers/reranker.py +46 -0
- txtai/api/routers/segmentation.py +42 -0
- txtai/api/routers/similarity.py +48 -0
- txtai/api/routers/summary.py +46 -0
- txtai/api/routers/tabular.py +42 -0
- txtai/api/routers/textractor.py +42 -0
- txtai/api/routers/texttospeech.py +33 -0
- txtai/api/routers/transcription.py +42 -0
- txtai/api/routers/translation.py +46 -0
- txtai/api/routers/upload.py +36 -0
- txtai/api/routers/workflow.py +28 -0
- txtai/app/__init__.py +5 -0
- txtai/app/base.py +821 -0
- txtai/archive/__init__.py +9 -0
- txtai/archive/base.py +104 -0
- txtai/archive/compress.py +51 -0
- txtai/archive/factory.py +25 -0
- txtai/archive/tar.py +49 -0
- txtai/archive/zip.py +35 -0
- txtai/cloud/__init__.py +8 -0
- txtai/cloud/base.py +106 -0
- txtai/cloud/factory.py +70 -0
- txtai/cloud/hub.py +101 -0
- txtai/cloud/storage.py +125 -0
- txtai/console/__init__.py +5 -0
- txtai/console/__main__.py +22 -0
- txtai/console/base.py +264 -0
- txtai/data/__init__.py +10 -0
- txtai/data/base.py +138 -0
- txtai/data/labels.py +42 -0
- txtai/data/questions.py +135 -0
- txtai/data/sequences.py +48 -0
- txtai/data/texts.py +68 -0
- txtai/data/tokens.py +28 -0
- txtai/database/__init__.py +14 -0
- txtai/database/base.py +342 -0
- txtai/database/client.py +227 -0
- txtai/database/duckdb.py +150 -0
- txtai/database/embedded.py +76 -0
- txtai/database/encoder/__init__.py +8 -0
- txtai/database/encoder/base.py +37 -0
- txtai/database/encoder/factory.py +56 -0
- txtai/database/encoder/image.py +43 -0
- txtai/database/encoder/serialize.py +28 -0
- txtai/database/factory.py +77 -0
- txtai/database/rdbms.py +569 -0
- txtai/database/schema/__init__.py +6 -0
- txtai/database/schema/orm.py +99 -0
- txtai/database/schema/statement.py +98 -0
- txtai/database/sql/__init__.py +8 -0
- txtai/database/sql/aggregate.py +178 -0
- txtai/database/sql/base.py +189 -0
- txtai/database/sql/expression.py +404 -0
- txtai/database/sql/token.py +342 -0
- txtai/database/sqlite.py +57 -0
- txtai/embeddings/__init__.py +7 -0
- txtai/embeddings/base.py +1107 -0
- txtai/embeddings/index/__init__.py +14 -0
- txtai/embeddings/index/action.py +15 -0
- txtai/embeddings/index/autoid.py +92 -0
- txtai/embeddings/index/configuration.py +71 -0
- txtai/embeddings/index/documents.py +86 -0
- txtai/embeddings/index/functions.py +155 -0
- txtai/embeddings/index/indexes.py +199 -0
- txtai/embeddings/index/indexids.py +60 -0
- txtai/embeddings/index/reducer.py +104 -0
- txtai/embeddings/index/stream.py +67 -0
- txtai/embeddings/index/transform.py +205 -0
- txtai/embeddings/search/__init__.py +11 -0
- txtai/embeddings/search/base.py +344 -0
- txtai/embeddings/search/errors.py +9 -0
- txtai/embeddings/search/explain.py +120 -0
- txtai/embeddings/search/ids.py +61 -0
- txtai/embeddings/search/query.py +69 -0
- txtai/embeddings/search/scan.py +196 -0
- txtai/embeddings/search/terms.py +46 -0
- txtai/graph/__init__.py +10 -0
- txtai/graph/base.py +769 -0
- txtai/graph/factory.py +61 -0
- txtai/graph/networkx.py +275 -0
- txtai/graph/query.py +181 -0
- txtai/graph/rdbms.py +113 -0
- txtai/graph/topics.py +166 -0
- txtai/models/__init__.py +9 -0
- txtai/models/models.py +268 -0
- txtai/models/onnx.py +133 -0
- txtai/models/pooling/__init__.py +9 -0
- txtai/models/pooling/base.py +141 -0
- txtai/models/pooling/cls.py +28 -0
- txtai/models/pooling/factory.py +144 -0
- txtai/models/pooling/late.py +173 -0
- txtai/models/pooling/mean.py +33 -0
- txtai/models/pooling/muvera.py +164 -0
- txtai/models/registry.py +37 -0
- txtai/models/tokendetection.py +122 -0
- txtai/pipeline/__init__.py +17 -0
- txtai/pipeline/audio/__init__.py +11 -0
- txtai/pipeline/audio/audiomixer.py +58 -0
- txtai/pipeline/audio/audiostream.py +94 -0
- txtai/pipeline/audio/microphone.py +244 -0
- txtai/pipeline/audio/signal.py +186 -0
- txtai/pipeline/audio/texttoaudio.py +60 -0
- txtai/pipeline/audio/texttospeech.py +553 -0
- txtai/pipeline/audio/transcription.py +212 -0
- txtai/pipeline/base.py +23 -0
- txtai/pipeline/data/__init__.py +10 -0
- txtai/pipeline/data/filetohtml.py +206 -0
- txtai/pipeline/data/htmltomd.py +414 -0
- txtai/pipeline/data/segmentation.py +178 -0
- txtai/pipeline/data/tabular.py +155 -0
- txtai/pipeline/data/textractor.py +139 -0
- txtai/pipeline/data/tokenizer.py +112 -0
- txtai/pipeline/factory.py +77 -0
- txtai/pipeline/hfmodel.py +111 -0
- txtai/pipeline/hfpipeline.py +96 -0
- txtai/pipeline/image/__init__.py +7 -0
- txtai/pipeline/image/caption.py +55 -0
- txtai/pipeline/image/imagehash.py +90 -0
- txtai/pipeline/image/objects.py +80 -0
- txtai/pipeline/llm/__init__.py +11 -0
- txtai/pipeline/llm/factory.py +86 -0
- txtai/pipeline/llm/generation.py +173 -0
- txtai/pipeline/llm/huggingface.py +218 -0
- txtai/pipeline/llm/litellm.py +90 -0
- txtai/pipeline/llm/llama.py +152 -0
- txtai/pipeline/llm/llm.py +75 -0
- txtai/pipeline/llm/rag.py +477 -0
- txtai/pipeline/nop.py +14 -0
- txtai/pipeline/tensors.py +52 -0
- txtai/pipeline/text/__init__.py +13 -0
- txtai/pipeline/text/crossencoder.py +70 -0
- txtai/pipeline/text/entity.py +140 -0
- txtai/pipeline/text/labels.py +137 -0
- txtai/pipeline/text/lateencoder.py +103 -0
- txtai/pipeline/text/questions.py +48 -0
- txtai/pipeline/text/reranker.py +57 -0
- txtai/pipeline/text/similarity.py +83 -0
- txtai/pipeline/text/summary.py +98 -0
- txtai/pipeline/text/translation.py +298 -0
- txtai/pipeline/train/__init__.py +7 -0
- txtai/pipeline/train/hfonnx.py +196 -0
- txtai/pipeline/train/hftrainer.py +398 -0
- txtai/pipeline/train/mlonnx.py +63 -0
- txtai/scoring/__init__.py +12 -0
- txtai/scoring/base.py +188 -0
- txtai/scoring/bm25.py +29 -0
- txtai/scoring/factory.py +95 -0
- txtai/scoring/pgtext.py +181 -0
- txtai/scoring/sif.py +32 -0
- txtai/scoring/sparse.py +218 -0
- txtai/scoring/terms.py +499 -0
- txtai/scoring/tfidf.py +358 -0
- txtai/serialize/__init__.py +10 -0
- txtai/serialize/base.py +85 -0
- txtai/serialize/errors.py +9 -0
- txtai/serialize/factory.py +29 -0
- txtai/serialize/messagepack.py +42 -0
- txtai/serialize/pickle.py +98 -0
- txtai/serialize/serializer.py +46 -0
- txtai/util/__init__.py +7 -0
- txtai/util/resolver.py +32 -0
- txtai/util/sparsearray.py +62 -0
- txtai/util/template.py +16 -0
- txtai/vectors/__init__.py +8 -0
- txtai/vectors/base.py +476 -0
- txtai/vectors/dense/__init__.py +12 -0
- txtai/vectors/dense/external.py +55 -0
- txtai/vectors/dense/factory.py +121 -0
- txtai/vectors/dense/huggingface.py +44 -0
- txtai/vectors/dense/litellm.py +86 -0
- txtai/vectors/dense/llama.py +84 -0
- txtai/vectors/dense/m2v.py +67 -0
- txtai/vectors/dense/sbert.py +92 -0
- txtai/vectors/dense/words.py +211 -0
- txtai/vectors/recovery.py +57 -0
- txtai/vectors/sparse/__init__.py +7 -0
- txtai/vectors/sparse/base.py +90 -0
- txtai/vectors/sparse/factory.py +55 -0
- txtai/vectors/sparse/sbert.py +34 -0
- txtai/version.py +6 -0
- txtai/workflow/__init__.py +8 -0
- txtai/workflow/base.py +184 -0
- txtai/workflow/execute.py +99 -0
- txtai/workflow/factory.py +42 -0
- txtai/workflow/task/__init__.py +18 -0
- txtai/workflow/task/base.py +490 -0
- txtai/workflow/task/console.py +24 -0
- txtai/workflow/task/export.py +64 -0
- txtai/workflow/task/factory.py +89 -0
- txtai/workflow/task/file.py +28 -0
- txtai/workflow/task/image.py +36 -0
- txtai/workflow/task/retrieve.py +61 -0
- txtai/workflow/task/service.py +102 -0
- txtai/workflow/task/storage.py +110 -0
- txtai/workflow/task/stream.py +33 -0
- txtai/workflow/task/template.py +116 -0
- txtai/workflow/task/url.py +20 -0
- txtai/workflow/task/workflow.py +14 -0
@@ -0,0 +1,262 @@
|
|
1
|
+
Metadata-Version: 2.4
|
2
|
+
Name: mseep-txtai
|
3
|
+
Version: 9.1.1
|
4
|
+
Summary: All-in-one open-source AI framework for semantic search, LLM orchestration and language model workflows
|
5
|
+
Home-page: https://github.com/neuml/txtai
|
6
|
+
Author: mseep
|
7
|
+
License: Apache 2.0: http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
Project-URL: Documentation, https://github.com/neuml/txtai
|
9
|
+
Project-URL: Issue Tracker, https://github.com/neuml/txtai/issues
|
10
|
+
Project-URL: Source Code, https://github.com/neuml/txtai
|
11
|
+
Keywords: search embedding machine-learning nlp
|
12
|
+
Classifier: License :: OSI Approved :: Apache Software License
|
13
|
+
Classifier: Operating System :: OS Independent
|
14
|
+
Classifier: Programming Language :: Python :: 3
|
15
|
+
Classifier: Topic :: Scientific/Engineering :: Artificial Intelligence
|
16
|
+
Classifier: Topic :: Software Development
|
17
|
+
Classifier: Topic :: Text Processing :: Indexing
|
18
|
+
Classifier: Topic :: Utilities
|
19
|
+
Requires-Python: >=3.10
|
20
|
+
Description-Content-Type: text/plain
|
21
|
+
License-File: LICENSE
|
22
|
+
Requires-Dist: faiss-cpu>=1.7.1.post2
|
23
|
+
Requires-Dist: msgpack>=1.0.7
|
24
|
+
Requires-Dist: torch>=2.1
|
25
|
+
Requires-Dist: transformers>=4.45.0
|
26
|
+
Requires-Dist: huggingface-hub>=0.34.0
|
27
|
+
Requires-Dist: numpy>=1.18.4
|
28
|
+
Requires-Dist: pyyaml>=5.3
|
29
|
+
Requires-Dist: regex>=2022.8.17
|
30
|
+
Requires-Dist: safetensors>=0.4.5
|
31
|
+
Provides-Extra: dev
|
32
|
+
Requires-Dist: black; extra == "dev"
|
33
|
+
Requires-Dist: coverage; extra == "dev"
|
34
|
+
Requires-Dist: coveralls; extra == "dev"
|
35
|
+
Requires-Dist: httpx; extra == "dev"
|
36
|
+
Requires-Dist: mkdocs-material; extra == "dev"
|
37
|
+
Requires-Dist: mkdocs-redirects; extra == "dev"
|
38
|
+
Requires-Dist: mkdocstrings[python]; extra == "dev"
|
39
|
+
Requires-Dist: pre-commit; extra == "dev"
|
40
|
+
Requires-Dist: pylint; extra == "dev"
|
41
|
+
Provides-Extra: agent
|
42
|
+
Requires-Dist: mcpadapt>=0.1.0; extra == "agent"
|
43
|
+
Requires-Dist: smolagents>=1.17; extra == "agent"
|
44
|
+
Provides-Extra: ann
|
45
|
+
Requires-Dist: annoy>=1.16.3; extra == "ann"
|
46
|
+
Requires-Dist: scikit-learn>=0.23.1; extra == "ann"
|
47
|
+
Requires-Dist: hnswlib>=0.5.0; extra == "ann"
|
48
|
+
Requires-Dist: pgvector>=0.4.1; extra == "ann"
|
49
|
+
Requires-Dist: scipy>=1.4.1; extra == "ann"
|
50
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "ann"
|
51
|
+
Requires-Dist: sqlite-vec>=0.1.1; extra == "ann"
|
52
|
+
Provides-Extra: api
|
53
|
+
Requires-Dist: aiohttp>=3.8.1; extra == "api"
|
54
|
+
Requires-Dist: fastapi>=0.94.0; extra == "api"
|
55
|
+
Requires-Dist: fastapi-mcp>=0.2.0; extra == "api"
|
56
|
+
Requires-Dist: httpx>=0.28.1; extra == "api"
|
57
|
+
Requires-Dist: pillow>=7.1.2; extra == "api"
|
58
|
+
Requires-Dist: python-multipart>=0.0.7; extra == "api"
|
59
|
+
Requires-Dist: uvicorn>=0.12.1; extra == "api"
|
60
|
+
Provides-Extra: cloud
|
61
|
+
Requires-Dist: apache-libcloud>=3.3.1; extra == "cloud"
|
62
|
+
Requires-Dist: fasteners>=0.14.1; extra == "cloud"
|
63
|
+
Provides-Extra: console
|
64
|
+
Requires-Dist: rich>=12.0.1; extra == "console"
|
65
|
+
Provides-Extra: database
|
66
|
+
Requires-Dist: duckdb>=0.7.1; extra == "database"
|
67
|
+
Requires-Dist: pillow>=7.1.2; extra == "database"
|
68
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "database"
|
69
|
+
Provides-Extra: graph
|
70
|
+
Requires-Dist: grand-cypher>=0.6.0; extra == "graph"
|
71
|
+
Requires-Dist: grand-graph>=0.6.0; extra == "graph"
|
72
|
+
Requires-Dist: networkx>=2.7.1; extra == "graph"
|
73
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "graph"
|
74
|
+
Provides-Extra: model
|
75
|
+
Requires-Dist: onnx>=1.11.0; extra == "model"
|
76
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "model"
|
77
|
+
Provides-Extra: pipeline-audio
|
78
|
+
Requires-Dist: onnx>=1.11.0; extra == "pipeline-audio"
|
79
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "pipeline-audio"
|
80
|
+
Requires-Dist: scipy>=1.4.1; extra == "pipeline-audio"
|
81
|
+
Requires-Dist: sounddevice>=0.5.0; extra == "pipeline-audio"
|
82
|
+
Requires-Dist: soundfile>=0.10.3.post1; extra == "pipeline-audio"
|
83
|
+
Requires-Dist: ttstokenizer>=1.1.0; extra == "pipeline-audio"
|
84
|
+
Requires-Dist: webrtcvad-wheels>=2.0.14; extra == "pipeline-audio"
|
85
|
+
Provides-Extra: pipeline-data
|
86
|
+
Requires-Dist: beautifulsoup4>=4.9.3; extra == "pipeline-data"
|
87
|
+
Requires-Dist: chonkie>=1.0.2; extra == "pipeline-data"
|
88
|
+
Requires-Dist: docling>=2.8.2; extra == "pipeline-data"
|
89
|
+
Requires-Dist: nltk>=3.5; extra == "pipeline-data"
|
90
|
+
Requires-Dist: pandas>=1.1.0; extra == "pipeline-data"
|
91
|
+
Requires-Dist: tika>=1.24; extra == "pipeline-data"
|
92
|
+
Provides-Extra: pipeline-image
|
93
|
+
Requires-Dist: imagehash>=4.2.1; extra == "pipeline-image"
|
94
|
+
Requires-Dist: pillow>=7.1.2; extra == "pipeline-image"
|
95
|
+
Requires-Dist: timm>=0.4.12; extra == "pipeline-image"
|
96
|
+
Provides-Extra: pipeline-llm
|
97
|
+
Requires-Dist: litellm>=1.37.16; extra == "pipeline-llm"
|
98
|
+
Requires-Dist: llama-cpp-python>=0.2.75; extra == "pipeline-llm"
|
99
|
+
Provides-Extra: pipeline-text
|
100
|
+
Requires-Dist: gliner>=0.2.16; extra == "pipeline-text"
|
101
|
+
Requires-Dist: sentencepiece>=0.1.91; extra == "pipeline-text"
|
102
|
+
Requires-Dist: staticvectors>=0.2.0; extra == "pipeline-text"
|
103
|
+
Provides-Extra: pipeline-train
|
104
|
+
Requires-Dist: accelerate>=0.26.0; extra == "pipeline-train"
|
105
|
+
Requires-Dist: bitsandbytes>=0.42.0; extra == "pipeline-train"
|
106
|
+
Requires-Dist: onnx>=1.11.0; extra == "pipeline-train"
|
107
|
+
Requires-Dist: onnxmltools>=1.9.1; extra == "pipeline-train"
|
108
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "pipeline-train"
|
109
|
+
Requires-Dist: peft>=0.8.1; extra == "pipeline-train"
|
110
|
+
Requires-Dist: skl2onnx>=1.9.1; extra == "pipeline-train"
|
111
|
+
Provides-Extra: pipeline
|
112
|
+
Requires-Dist: onnx>=1.11.0; extra == "pipeline"
|
113
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "pipeline"
|
114
|
+
Requires-Dist: scipy>=1.4.1; extra == "pipeline"
|
115
|
+
Requires-Dist: sounddevice>=0.5.0; extra == "pipeline"
|
116
|
+
Requires-Dist: soundfile>=0.10.3.post1; extra == "pipeline"
|
117
|
+
Requires-Dist: ttstokenizer>=1.1.0; extra == "pipeline"
|
118
|
+
Requires-Dist: webrtcvad-wheels>=2.0.14; extra == "pipeline"
|
119
|
+
Requires-Dist: beautifulsoup4>=4.9.3; extra == "pipeline"
|
120
|
+
Requires-Dist: chonkie>=1.0.2; extra == "pipeline"
|
121
|
+
Requires-Dist: docling>=2.8.2; extra == "pipeline"
|
122
|
+
Requires-Dist: nltk>=3.5; extra == "pipeline"
|
123
|
+
Requires-Dist: pandas>=1.1.0; extra == "pipeline"
|
124
|
+
Requires-Dist: tika>=1.24; extra == "pipeline"
|
125
|
+
Requires-Dist: imagehash>=4.2.1; extra == "pipeline"
|
126
|
+
Requires-Dist: pillow>=7.1.2; extra == "pipeline"
|
127
|
+
Requires-Dist: timm>=0.4.12; extra == "pipeline"
|
128
|
+
Requires-Dist: litellm>=1.37.16; extra == "pipeline"
|
129
|
+
Requires-Dist: llama-cpp-python>=0.2.75; extra == "pipeline"
|
130
|
+
Requires-Dist: gliner>=0.2.16; extra == "pipeline"
|
131
|
+
Requires-Dist: sentencepiece>=0.1.91; extra == "pipeline"
|
132
|
+
Requires-Dist: staticvectors>=0.2.0; extra == "pipeline"
|
133
|
+
Requires-Dist: accelerate>=0.26.0; extra == "pipeline"
|
134
|
+
Requires-Dist: bitsandbytes>=0.42.0; extra == "pipeline"
|
135
|
+
Requires-Dist: onnx>=1.11.0; extra == "pipeline"
|
136
|
+
Requires-Dist: onnxmltools>=1.9.1; extra == "pipeline"
|
137
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "pipeline"
|
138
|
+
Requires-Dist: peft>=0.8.1; extra == "pipeline"
|
139
|
+
Requires-Dist: skl2onnx>=1.9.1; extra == "pipeline"
|
140
|
+
Provides-Extra: scoring
|
141
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "scoring"
|
142
|
+
Provides-Extra: vectors
|
143
|
+
Requires-Dist: litellm>=1.37.16; extra == "vectors"
|
144
|
+
Requires-Dist: llama-cpp-python>=0.2.75; extra == "vectors"
|
145
|
+
Requires-Dist: model2vec>=0.3.0; extra == "vectors"
|
146
|
+
Requires-Dist: scikit-learn>=0.23.1; extra == "vectors"
|
147
|
+
Requires-Dist: scipy>=1.4.1; extra == "vectors"
|
148
|
+
Requires-Dist: sentence-transformers>=5.0.0; extra == "vectors"
|
149
|
+
Requires-Dist: skops>=0.9.0; extra == "vectors"
|
150
|
+
Requires-Dist: staticvectors>=0.2.0; extra == "vectors"
|
151
|
+
Provides-Extra: workflow
|
152
|
+
Requires-Dist: apache-libcloud>=3.3.1; extra == "workflow"
|
153
|
+
Requires-Dist: croniter>=1.2.0; extra == "workflow"
|
154
|
+
Requires-Dist: openpyxl>=3.0.9; extra == "workflow"
|
155
|
+
Requires-Dist: pandas>=1.1.0; extra == "workflow"
|
156
|
+
Requires-Dist: pillow>=7.1.2; extra == "workflow"
|
157
|
+
Requires-Dist: requests>=2.26.0; extra == "workflow"
|
158
|
+
Requires-Dist: xmltodict>=0.12.0; extra == "workflow"
|
159
|
+
Provides-Extra: similarity
|
160
|
+
Requires-Dist: annoy>=1.16.3; extra == "similarity"
|
161
|
+
Requires-Dist: scikit-learn>=0.23.1; extra == "similarity"
|
162
|
+
Requires-Dist: hnswlib>=0.5.0; extra == "similarity"
|
163
|
+
Requires-Dist: pgvector>=0.4.1; extra == "similarity"
|
164
|
+
Requires-Dist: scipy>=1.4.1; extra == "similarity"
|
165
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "similarity"
|
166
|
+
Requires-Dist: sqlite-vec>=0.1.1; extra == "similarity"
|
167
|
+
Requires-Dist: litellm>=1.37.16; extra == "similarity"
|
168
|
+
Requires-Dist: llama-cpp-python>=0.2.75; extra == "similarity"
|
169
|
+
Requires-Dist: model2vec>=0.3.0; extra == "similarity"
|
170
|
+
Requires-Dist: scikit-learn>=0.23.1; extra == "similarity"
|
171
|
+
Requires-Dist: scipy>=1.4.1; extra == "similarity"
|
172
|
+
Requires-Dist: sentence-transformers>=5.0.0; extra == "similarity"
|
173
|
+
Requires-Dist: skops>=0.9.0; extra == "similarity"
|
174
|
+
Requires-Dist: staticvectors>=0.2.0; extra == "similarity"
|
175
|
+
Provides-Extra: all
|
176
|
+
Requires-Dist: mcpadapt>=0.1.0; extra == "all"
|
177
|
+
Requires-Dist: smolagents>=1.17; extra == "all"
|
178
|
+
Requires-Dist: aiohttp>=3.8.1; extra == "all"
|
179
|
+
Requires-Dist: fastapi>=0.94.0; extra == "all"
|
180
|
+
Requires-Dist: fastapi-mcp>=0.2.0; extra == "all"
|
181
|
+
Requires-Dist: httpx>=0.28.1; extra == "all"
|
182
|
+
Requires-Dist: pillow>=7.1.2; extra == "all"
|
183
|
+
Requires-Dist: python-multipart>=0.0.7; extra == "all"
|
184
|
+
Requires-Dist: uvicorn>=0.12.1; extra == "all"
|
185
|
+
Requires-Dist: apache-libcloud>=3.3.1; extra == "all"
|
186
|
+
Requires-Dist: fasteners>=0.14.1; extra == "all"
|
187
|
+
Requires-Dist: rich>=12.0.1; extra == "all"
|
188
|
+
Requires-Dist: duckdb>=0.7.1; extra == "all"
|
189
|
+
Requires-Dist: pillow>=7.1.2; extra == "all"
|
190
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "all"
|
191
|
+
Requires-Dist: grand-cypher>=0.6.0; extra == "all"
|
192
|
+
Requires-Dist: grand-graph>=0.6.0; extra == "all"
|
193
|
+
Requires-Dist: networkx>=2.7.1; extra == "all"
|
194
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "all"
|
195
|
+
Requires-Dist: onnx>=1.11.0; extra == "all"
|
196
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "all"
|
197
|
+
Requires-Dist: onnx>=1.11.0; extra == "all"
|
198
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "all"
|
199
|
+
Requires-Dist: scipy>=1.4.1; extra == "all"
|
200
|
+
Requires-Dist: sounddevice>=0.5.0; extra == "all"
|
201
|
+
Requires-Dist: soundfile>=0.10.3.post1; extra == "all"
|
202
|
+
Requires-Dist: ttstokenizer>=1.1.0; extra == "all"
|
203
|
+
Requires-Dist: webrtcvad-wheels>=2.0.14; extra == "all"
|
204
|
+
Requires-Dist: beautifulsoup4>=4.9.3; extra == "all"
|
205
|
+
Requires-Dist: chonkie>=1.0.2; extra == "all"
|
206
|
+
Requires-Dist: docling>=2.8.2; extra == "all"
|
207
|
+
Requires-Dist: nltk>=3.5; extra == "all"
|
208
|
+
Requires-Dist: pandas>=1.1.0; extra == "all"
|
209
|
+
Requires-Dist: tika>=1.24; extra == "all"
|
210
|
+
Requires-Dist: imagehash>=4.2.1; extra == "all"
|
211
|
+
Requires-Dist: pillow>=7.1.2; extra == "all"
|
212
|
+
Requires-Dist: timm>=0.4.12; extra == "all"
|
213
|
+
Requires-Dist: litellm>=1.37.16; extra == "all"
|
214
|
+
Requires-Dist: llama-cpp-python>=0.2.75; extra == "all"
|
215
|
+
Requires-Dist: gliner>=0.2.16; extra == "all"
|
216
|
+
Requires-Dist: sentencepiece>=0.1.91; extra == "all"
|
217
|
+
Requires-Dist: staticvectors>=0.2.0; extra == "all"
|
218
|
+
Requires-Dist: accelerate>=0.26.0; extra == "all"
|
219
|
+
Requires-Dist: bitsandbytes>=0.42.0; extra == "all"
|
220
|
+
Requires-Dist: onnx>=1.11.0; extra == "all"
|
221
|
+
Requires-Dist: onnxmltools>=1.9.1; extra == "all"
|
222
|
+
Requires-Dist: onnxruntime>=1.11.0; extra == "all"
|
223
|
+
Requires-Dist: peft>=0.8.1; extra == "all"
|
224
|
+
Requires-Dist: skl2onnx>=1.9.1; extra == "all"
|
225
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "all"
|
226
|
+
Requires-Dist: annoy>=1.16.3; extra == "all"
|
227
|
+
Requires-Dist: scikit-learn>=0.23.1; extra == "all"
|
228
|
+
Requires-Dist: hnswlib>=0.5.0; extra == "all"
|
229
|
+
Requires-Dist: pgvector>=0.4.1; extra == "all"
|
230
|
+
Requires-Dist: scipy>=1.4.1; extra == "all"
|
231
|
+
Requires-Dist: sqlalchemy>=2.0.20; extra == "all"
|
232
|
+
Requires-Dist: sqlite-vec>=0.1.1; extra == "all"
|
233
|
+
Requires-Dist: litellm>=1.37.16; extra == "all"
|
234
|
+
Requires-Dist: llama-cpp-python>=0.2.75; extra == "all"
|
235
|
+
Requires-Dist: model2vec>=0.3.0; extra == "all"
|
236
|
+
Requires-Dist: scikit-learn>=0.23.1; extra == "all"
|
237
|
+
Requires-Dist: scipy>=1.4.1; extra == "all"
|
238
|
+
Requires-Dist: sentence-transformers>=5.0.0; extra == "all"
|
239
|
+
Requires-Dist: skops>=0.9.0; extra == "all"
|
240
|
+
Requires-Dist: staticvectors>=0.2.0; extra == "all"
|
241
|
+
Requires-Dist: apache-libcloud>=3.3.1; extra == "all"
|
242
|
+
Requires-Dist: croniter>=1.2.0; extra == "all"
|
243
|
+
Requires-Dist: openpyxl>=3.0.9; extra == "all"
|
244
|
+
Requires-Dist: pandas>=1.1.0; extra == "all"
|
245
|
+
Requires-Dist: pillow>=7.1.2; extra == "all"
|
246
|
+
Requires-Dist: requests>=2.26.0; extra == "all"
|
247
|
+
Requires-Dist: xmltodict>=0.12.0; extra == "all"
|
248
|
+
Dynamic: author
|
249
|
+
Dynamic: classifier
|
250
|
+
Dynamic: description
|
251
|
+
Dynamic: description-content-type
|
252
|
+
Dynamic: home-page
|
253
|
+
Dynamic: keywords
|
254
|
+
Dynamic: license
|
255
|
+
Dynamic: license-file
|
256
|
+
Dynamic: project-url
|
257
|
+
Dynamic: provides-extra
|
258
|
+
Dynamic: requires-dist
|
259
|
+
Dynamic: requires-python
|
260
|
+
Dynamic: summary
|
261
|
+
|
262
|
+
Package managed by MseeP.ai
|
@@ -0,0 +1,251 @@
|
|
1
|
+
mseep_txtai-9.1.1.dist-info/licenses/LICENSE,sha256=Y9c-hlyM3z6e54Ivlu9WIK_O7XRYzfZeH5FuviH1Frk,10754
|
2
|
+
txtai/__init__.py,sha256=ccOKp7azesCehh90jbhdygOLSXAu9u50XzchvYdI8-w,352
|
3
|
+
txtai/version.py,sha256=NSqSUj2hb4ch51XVhuPP6frDgU3t13DORw24mVeRz04,69
|
4
|
+
txtai/agent/__init__.py,sha256=LV9kxFb9qcP1gMTyPX3gk---4jfM7F1uPYe9rkr6VaI,233
|
5
|
+
txtai/agent/base.py,sha256=o5WaLJSwFNRNLhd77oPT9p-gDIb-Tec1Ds_YmQmzCVo,1659
|
6
|
+
txtai/agent/factory.py,sha256=kLu_DjxWYjTnTjIwL9j7CWo937ZeMXsRKbsuxl15Gyg,1002
|
7
|
+
txtai/agent/model.py,sha256=d8dwq9boib4X_hMWF2zvS-wcybTd39NNdiGM2WNq6e8,3249
|
8
|
+
txtai/agent/placeholder.py,sha256=vA5mcDIUlVZZAklbaNYwpgkfbjZDpQRmNSfV6lnTb70,340
|
9
|
+
txtai/agent/tool/__init__.py,sha256=oO_C8Nr4EFenSZPFbIgme700gVpihwXRgO9oP0gYJYw,129
|
10
|
+
txtai/agent/tool/embeddings.py,sha256=-KgK0EhSD8r-HEa11hGFGOJxOyIGWbHlnmVlD2DO_m8,1505
|
11
|
+
txtai/agent/tool/factory.py,sha256=TzFVqNXO-IDk2w3UvOqdjm3Bap4gKKusiGb0qjVdBbM,4475
|
12
|
+
txtai/agent/tool/function.py,sha256=RaOMWdRbMGyuWf7KRYy3HEOOwdkGFHtxMZp_JXeOUVQ,1201
|
13
|
+
txtai/ann/__init__.py,sha256=L3ytrgTgsxO8YnCvkVHwqD90-F-FtpNeaBKVyqwscXk,86
|
14
|
+
txtai/ann/base.py,sha256=JxO1ayzlcAj3NzwqYKhuCxQcZohgDP3lIHTVHtnusdU,3305
|
15
|
+
txtai/ann/dense/__init__.py,sha256=WlJ9VfoXt6sFevU_Q8LGF8IUG8FMcP3Pe3Cul1cl5Ds,213
|
16
|
+
txtai/ann/dense/annoy.py,sha256=DVWWMsrKS5_aHVUYxC0ki2N7zw3ADQyk7TzB4F4VFoc,1880
|
17
|
+
txtai/ann/dense/factory.py,sha256=AVh1Cn5EfQ2VyJ8BpVibVwFxoQJJaOaaqL2-_A3mytA,1664
|
18
|
+
txtai/ann/dense/faiss.py,sha256=-5p5Fg32YQOvjus4C7WFnTp3WfsulxFQ23hsUsrom5g,7217
|
19
|
+
txtai/ann/dense/hnsw.py,sha256=o7VItST-aOKA2NfK2qiaMWMiWDTFq3pZKuZRgS4LdV4,3201
|
20
|
+
txtai/ann/dense/numpy.py,sha256=WDlTkBo5wo32NRXmwYItFjEakb3Q9XEhKDqpTvKl8MY,4591
|
21
|
+
txtai/ann/dense/pgvector.py,sha256=4Ju7183kDRzLa0elbzAAsHBVoW4qaxVtH8ZIDSbCkTo,9277
|
22
|
+
txtai/ann/dense/sqlite.py,sha256=j_UtcWLN5fqGo8mgdt2kz-DtmVzB6B-cq228SmQuark,7870
|
23
|
+
txtai/ann/dense/torch.py,sha256=wh2JW9qIx-oTuRHyfgaA1Rr4GfM7J4sLzz9PkYrGZQ4,947
|
24
|
+
txtai/ann/sparse/__init__.py,sha256=whEZIx3OI-WvBq1y_nVKHyv6zs5gyGloHIS5m_St3fE,130
|
25
|
+
txtai/ann/sparse/factory.py,sha256=Y6VYJiubEnJiBNhWdtXydTAzLzz_cO1jq6xD_mA_3J4,1274
|
26
|
+
txtai/ann/sparse/ivfsparse.py,sha256=icLmozOZoOvF98vqgHEYV-RICHhx6Ze3YZBKFB3gfYg,11955
|
27
|
+
txtai/ann/sparse/pgsparse.py,sha256=KMCn92NgZONi_OeQ8KJgNOLLLpgBgHTi6Kj0Cv1ttME,1323
|
28
|
+
txtai/api/__init__.py,sha256=0HgKdx4vOfgB-xrNhBKzwhEJHJQyL9xlp-vQRrY7vho,510
|
29
|
+
txtai/api/application.py,sha256=kgbIUgpgIYoJJbFwpj9SUfG1TOe0hzrp_WMZJpJtqoc,3181
|
30
|
+
txtai/api/authorization.py,sha256=6-FskEols8i83TZpD2RYAgxfs2lffJrTFFcKLnDOjFQ,1312
|
31
|
+
txtai/api/base.py,sha256=AnabuWwPrqaAUoI0dL7RjhJIIMsEYVoftWTIYA0MSoc,4736
|
32
|
+
txtai/api/cluster.py,sha256=5tbIZbw43ZOGwaayw0nKn7Xs6eTZs0voOE5t1AEzzek,8500
|
33
|
+
txtai/api/extension.py,sha256=Fkwr6MYHIIG1k1kTu3HRAeXewl5JaJysrLzefxv4uF8,369
|
34
|
+
txtai/api/factory.py,sha256=rA2aYR1zXKef1l72E-4u4yJ0dzKFAzGoYEBzxhYKOmg,640
|
35
|
+
txtai/api/route.py,sha256=EB-QmIeD1hIjlEUdMfmYk7xHjp7fZPYwxGZs9MvDd4A,1375
|
36
|
+
txtai/api/responses/__init__.py,sha256=AR60__vBY7ckM2dwBgDrtxtKjkXGlw8ewXuYQ_QWQ34,153
|
37
|
+
txtai/api/responses/factory.py,sha256=6V6_LpQhsaTpFJIT6IAHE6UDVjaWEs_A1EaRuGICwfY,608
|
38
|
+
txtai/api/responses/json.py,sha256=DB5e216Wq1SPDHNYjaYF-hnrLKCFkOHVq4hJ-Dohq0o,1318
|
39
|
+
txtai/api/responses/messagepack.py,sha256=vDW_5cbmj4_RxGyhsa1tZuzEzwyYPYrBVJRZ0i_bwHU,1007
|
40
|
+
txtai/api/routers/__init__.py,sha256=wyuvgW2zZ8_RFYLTrXoBJUHO6RyYN8Eba0cm6rAYEEM,505
|
41
|
+
txtai/api/routers/agent.py,sha256=imFj6DlGWZ_3h9UyXzT67oBspR_VLTdFn7yU44CM_mc,1035
|
42
|
+
txtai/api/routers/caption.py,sha256=17rQcakKk8JaDtCvhHHWa2YXGi0QpQdgGfApaEsvzFQ,741
|
43
|
+
txtai/api/routers/embeddings.py,sha256=6lYXkcGFuqzGcIPw3t7rBRFll2dHgLCjJsSPfv51WjA,7952
|
44
|
+
txtai/api/routers/entity.py,sha256=1rMQgyUjDdW4PZ1KlOSVcF1t2fIP-yoLCdUi2isrRLc,807
|
45
|
+
txtai/api/routers/extractor.py,sha256=9JhIHcXd68IM-VMedlOD5d07m2Cxvw-XCE1_4KnocBA,658
|
46
|
+
txtai/api/routers/labels.py,sha256=l1PjH57dMdMJAknYfaesDzFYIT-E3qYpxdaEPcwA62U,1212
|
47
|
+
txtai/api/routers/llm.py,sha256=919OA-b4AseufQd1eBZLi6ZZDzXsCRxdpFiRtc_LVUE,1649
|
48
|
+
txtai/api/routers/objects.py,sha256=J6WoFKFuEY7kSUpUsIVpu_QL7aXB_tij-EOj5zNox0M,843
|
49
|
+
txtai/api/routers/openai.py,sha256=qcj6My7My55YNYMX8M1HZ2fBhgCejPhW_p6cYZ63Ovw,5388
|
50
|
+
txtai/api/routers/rag.py,sha256=-ANSaTGaYoRmC_Nx5reHzcSEEsk4hebG-Beb122FMoU,1658
|
51
|
+
txtai/api/routers/reranker.py,sha256=INerx7Jx9SyQSVmHn7CRJbo9jjoa6l7LjISqwbC6xB4,1232
|
52
|
+
txtai/api/routers/segmentation.py,sha256=OTCesdsffsS3MnFWi6PVMaYzkMV_0iate1GXf0w4a5E,769
|
53
|
+
txtai/api/routers/similarity.py,sha256=m21e067FDBq1iQ6FfpOyLtjJ913y4ofM0HoKt1Aox8I,1210
|
54
|
+
txtai/api/routers/summary.py,sha256=BtaqUUSpvCErcb36_wAEnPI2dalAfBJ4neTXvyP4naE,1188
|
55
|
+
txtai/api/routers/tabular.py,sha256=xYHqqdiMv2RqWU5C2g6yuOArpNyNW87tbqh4Dqg_R5Q,803
|
56
|
+
txtai/api/routers/textractor.py,sha256=4c4lWkgQ291L73pF2wCStQkMB3gar8HBGUBgwJU8IBA,782
|
57
|
+
txtai/api/routers/texttospeech.py,sha256=PP5nldwKjPpuR2s-yb-wmJsOUZ8sIHtds6J6wAgfjQM,806
|
58
|
+
txtai/api/routers/transcription.py,sha256=1DpY_iTEyFyt6844mLizocv_e5ROr4yGjjdXoFIKBew,795
|
59
|
+
txtai/api/routers/translation.py,sha256=auryTo7WJf7RhC7CdS2Vned2zeGE2yRrhC6y1px_elE,1272
|
60
|
+
txtai/api/routers/upload.py,sha256=tguLHdwIMBVGPP2JcdsEYFQxG3ipsfgB7lXJ_y--qAM,731
|
61
|
+
txtai/api/routers/workflow.py,sha256=EMZmiUV4TLmS618iJDqiAeErulBqjMOOI4rn-W2sBt8,593
|
62
|
+
txtai/app/__init__.py,sha256=yNE-PkA81nFW2XmUa41yJLVRUyIxtlmTqv0KVMtNj60,66
|
63
|
+
txtai/app/base.py,sha256=RZcBZUtemf0zkSb17Q_pPB5wj3l-24vGZy9JsP2pT7g,26700
|
64
|
+
txtai/archive/__init__.py,sha256=dM0_nlAkzWc3hDlfnRs3TNOPQUnkuRUtGkF_HwMnuLo,160
|
65
|
+
txtai/archive/base.py,sha256=Z5LxuCKWPwirU_TrMd4qpe3ltX3EjgnyU5ur04hs8wY,2840
|
66
|
+
txtai/archive/compress.py,sha256=Q-sMKQwFU6ApH3BtpPRsaTmCSk9i49E_vKGLUp-MKDU,1029
|
67
|
+
txtai/archive/factory.py,sha256=GSeOj5IYbJpu3t4ghbJyysSNkBFuLLYZbA6yQJJIvSU,429
|
68
|
+
txtai/archive/tar.py,sha256=y-5veczNNFxQ7vjDX-3u_RbCyodJFTj8SqGD8CqwYTg,1272
|
69
|
+
txtai/archive/zip.py,sha256=eih6GL0zHGYPtdRSSoD18HwJs3OlNTaa9k85VcSQ0Zk,1027
|
70
|
+
txtai/cloud/__init__.py,sha256=UYLYroeS37V7LyxnLg1O_F9cl7teXxHFwGD-NBJCVNo,148
|
71
|
+
txtai/cloud/base.py,sha256=7u0qIFnxPf2cWK4-BIN01bEsbkFPIpZgMud8A4PtlZw,2424
|
72
|
+
txtai/cloud/factory.py,sha256=8I-uCSARFZnOSU5gczq5hG6e21a16e_jxmXyrZFAI5o,1544
|
73
|
+
txtai/cloud/hub.py,sha256=A-JGWQ3hK8akM0eG32mwm9y7MEgXhiSW3djZ_sSIpuM,3649
|
74
|
+
txtai/cloud/storage.py,sha256=B-GhKaxwv-zXLKtjLbppxEJwoKuZXdgZvbtTCftcR9s,3949
|
75
|
+
txtai/console/__init__.py,sha256=xhSohWA_WsvaHN2QlBMSGSGdNEVdcA1MspuscA6oI_c,51
|
76
|
+
txtai/console/__main__.py,sha256=tVlsANvMn5Beh-FP_uQIotRC35odrczhHhf5cN_u694,274
|
77
|
+
txtai/console/base.py,sha256=92EuZJuQrAcMNTz5ZNsfbxNl_K6DLH-Hw_daKgkGiHo,6590
|
78
|
+
txtai/data/__init__.py,sha256=SAjMwGIRV_uLVCRXXw16U77Dlc3PzgU7ViGdXOazUGY,190
|
79
|
+
txtai/data/base.py,sha256=DpZFoThSkQIpTUXm7yfesQIkcfG6t_SmCItGEpO6MHE,3958
|
80
|
+
txtai/data/labels.py,sha256=_s6YeciBBH0cpV6jESM9y9oMcceS4RFWx7QlEnktL9w,1198
|
81
|
+
txtai/data/questions.py,sha256=mM4wpKbujUEXLQPK0gSK9hUk107wEg47LYKAA-hrqOw,4279
|
82
|
+
txtai/data/sequences.py,sha256=3P1ARCBAynACQo0MqALUcPsQkv_2fo1paylLBjxFOQw,1336
|
83
|
+
txtai/data/texts.py,sha256=DoWkSjevAS1ZC9z6oUOntkZeYMJ55Cc0MUOevh2NK7c,1883
|
84
|
+
txtai/data/tokens.py,sha256=21R8UsLrRKYOsRYJE2xJ7FuxOIHlYHCWXqmPg7Hd6ms,579
|
85
|
+
txtai/database/__init__.py,sha256=Qw0rCYKYUh2CrRIq6ex0CmidpqmY9Lfi4fxSoao8tWE,291
|
86
|
+
txtai/database/base.py,sha256=QtBU5owWR_jrjldp5yvfpH_xBxU4yCpmZtm1dOtZp8I,9738
|
87
|
+
txtai/database/client.py,sha256=RRoMp8IjRbWu9aDEu7v9kehlRtSLfZNKmpx7FhlfOOc,6628
|
88
|
+
txtai/database/duckdb.py,sha256=XK_QmCSydCXOokdOn3cjlewXMqBXtj9BVnyNsOx-ung,4381
|
89
|
+
txtai/database/embedded.py,sha256=YPq4WQ_g7BdZjhNav2Hx6Wio6Mt14phqkMFkFctc7wk,1801
|
90
|
+
txtai/database/factory.py,sha256=lJtxysdGGgiGGWD802dL2sX1JU7IuX3asN0UzZiTN6Y,1790
|
91
|
+
txtai/database/rdbms.py,sha256=ThT-JlGX9X9GMZxFbYllLguX2HwnxAQf0efLhr16ToY,16483
|
92
|
+
txtai/database/sqlite.py,sha256=WaMnoe-iDnVTq-Bb33Tpa9LECRy9Wh5TSrqgdq1clC8,1588
|
93
|
+
txtai/database/encoder/__init__.py,sha256=ArMR_3qRaxiUP8FViPIoKL3OpWQd9CVtixzhtSNK128,159
|
94
|
+
txtai/database/encoder/base.py,sha256=UQAYpOVrwJMi_gT9J_YpVvhx4ur3ctavj6z0EnlBXIo,719
|
95
|
+
txtai/database/encoder/factory.py,sha256=xOOknaOMNnxLfQBub9WuGz_iYmn34J6FaBiTUslNDVE,1178
|
96
|
+
txtai/database/encoder/image.py,sha256=wdygUGSLGAeHtjmXRbRXDwg3Bw5Y_T5pIZ1CF0pc8As,904
|
97
|
+
txtai/database/encoder/serialize.py,sha256=TqmFLcNBnKn_PKE3sRHJzxuKDXLeKP5l3L7W9VxvBKY,605
|
98
|
+
txtai/database/schema/__init__.py,sha256=-4vf5TSGeyDb5iylA1mNMkn93Hs5b8MATb4__hVTLF8,76
|
99
|
+
txtai/database/schema/orm.py,sha256=F4dEdK8TgQ7C7epyQI7Wc_q9NYrzg2fcwnUQFqa0GC4,2366
|
100
|
+
txtai/database/schema/statement.py,sha256=411VaPRL2U1cAjcFy8MfeOnOgEyw9byYcTSy5iraprk,3110
|
101
|
+
txtai/database/sql/__init__.py,sha256=KCOcOYYBdmHphPBcZRr1UI4oV55s6-Qcf_ty4oCAA8I,146
|
102
|
+
txtai/database/sql/aggregate.py,sha256=NWR4C9mPiQxkPkMEGogkNmPGad4d1Gv8kHbAJHosh70,5315
|
103
|
+
txtai/database/sql/base.py,sha256=JAc91c478IYeGI2r7zE7aPe5EkFaS7kylT6cMCi7dVk,6198
|
104
|
+
txtai/database/sql/expression.py,sha256=4snjsa8Grbf7RxA3l9-f1YdkyoULCtD_h161TYPZams,13855
|
105
|
+
txtai/database/sql/token.py,sha256=ZkTNHwogi0Ftl8gnvSF0GuMsPv7_1Aer3RJ4acqsrBw,8869
|
106
|
+
txtai/embeddings/__init__.py,sha256=GTGUIMnxmHm8-3iYReH0sydcKMzh-S47_V9E7XOWSLA,100
|
107
|
+
txtai/embeddings/base.py,sha256=eZZ6ByWkNozfKq2O8c3plV3IgXesMOthtmb-NudEaDM,34677
|
108
|
+
txtai/embeddings/index/__init__.py,sha256=ByPrUYdf1k3vLAYWUErS0f3FDjYlotkEfGRmRxhec3A,333
|
109
|
+
txtai/embeddings/index/action.py,sha256=iE2mrBakiwMbd_GXd0SkPs5Tm4EnZRG5aaTeQrbNv-0,152
|
110
|
+
txtai/embeddings/index/autoid.py,sha256=1VHaWX1xHYjXwXSHuYXzwXYHhc1YbXRWJow03YL9Jh8,2154
|
111
|
+
txtai/embeddings/index/configuration.py,sha256=zRJUDy-QfYx_-FWw6aL5XeQk0a9IdX1xGOuJgGiIxmI,2017
|
112
|
+
txtai/embeddings/index/documents.py,sha256=nKvGqtN3ZShbyTcXwJ1LLwtleBOOwxh_p_jiMhkrM6M,2026
|
113
|
+
txtai/embeddings/index/functions.py,sha256=ySNjpB3flV3XDtyg-BdTbpvz17zvNsh-zugFTSBjG1s,4329
|
114
|
+
txtai/embeddings/index/indexes.py,sha256=46Xm5c0mWDaZfRnxvAnlcL-LFucR3p3IvUtvOQ_7ZQA,4991
|
115
|
+
txtai/embeddings/index/indexids.py,sha256=VoW6HB6dc-7pAlhmWa02pO3dWI8VyXkKaGjBrgEbEUg,1162
|
116
|
+
txtai/embeddings/index/reducer.py,sha256=xZnXnZ2PW6LRKPiaItJNU4GDg5vZpmuQhZENYv94ldI,2834
|
117
|
+
txtai/embeddings/index/stream.py,sha256=PSU-Lx2u8pCrvpvokcsTC7CNeWZGjOWhF1FUOB3g1nY,2109
|
118
|
+
txtai/embeddings/index/transform.py,sha256=RFZIgr7Nd0mJZFkEnduwOyZUQN17JFGUUUM3vK5ZPpo,6717
|
119
|
+
txtai/embeddings/search/__init__.py,sha256=KYUOcYzMQz16iFABHtdV4IXR9ArafVhEfw9plBr4Zrs,194
|
120
|
+
txtai/embeddings/search/base.py,sha256=1DZQLO_nLYYLonuTg7etB-tOr2RR2viiYZJkSzAh0N8,10915
|
121
|
+
txtai/embeddings/search/errors.py,sha256=3ZM8SJp5lr7Pp3fZ2lvih6nYsRt0fQtFaDd9YB7m0dg,138
|
122
|
+
txtai/embeddings/search/explain.py,sha256=wkbCflnU1MWUYIbfVgfBb80h2DyEBxyHWIS4RSwuiiM,4132
|
123
|
+
txtai/embeddings/search/ids.py,sha256=Nxi8rL_MMigI7WYSw3ZTd6MhBER0Pwg6fjPSFKFRVmQ,1305
|
124
|
+
txtai/embeddings/search/query.py,sha256=udAnQ1pRHNgQLM3C89sCYSVSuxxgCe4xwKphGBNDaNQ,1783
|
125
|
+
txtai/embeddings/search/scan.py,sha256=9eVBW78UzhhvepxXMxHyx2WeFr2keny3mafwfzLK7ww,6023
|
126
|
+
txtai/embeddings/search/terms.py,sha256=q0-s6c6DIHwMGjfgKRV1PfGQhQ9O7PcOPe6R7eqFcHo,1145
|
127
|
+
txtai/graph/__init__.py,sha256=Pl-zcfBgr-KcChy2Exf3mt_XjHf7jgjUZRCNP9u3kL4,189
|
128
|
+
txtai/graph/base.py,sha256=kzQkUYrKkrHH-y4X6q89slBjQIKWMg67f-k1xD2DV80,21604
|
129
|
+
txtai/graph/factory.py,sha256=amuDKH0eXJbagLOi4AJha6ps2RF5rqhT6Q44znUXawE,1225
|
130
|
+
txtai/graph/networkx.py,sha256=ru45yy_vFmSljryHaf2iNhxI16CIWWf3bFCZrrnEu6g,8409
|
131
|
+
txtai/graph/query.py,sha256=_IOW7ueeUok5K8UlA5PaFNxC67S4SZXRpZhLIjzPUfI,5141
|
132
|
+
txtai/graph/rdbms.py,sha256=8xXrR1VjeYRKMNQlGTbsvmc3qFT9ouTIuYBhvQ7GZPw,3313
|
133
|
+
txtai/graph/topics.py,sha256=ze__PSjXzsJCp6XFaW_GK5yXEtKPBWll_CFL7FtEcL4,4549
|
134
|
+
txtai/models/__init__.py,sha256=81PXazFVLFohF91ErI9S4cc1J5EJ_kbd_ec_90qNwMs,176
|
135
|
+
txtai/models/models.py,sha256=tw8L0oKJXLNsKC8QyNntGjvOys362luUqFyp8xNHM7A,8024
|
136
|
+
txtai/models/onnx.py,sha256=bujIohC3LkpWH4y3kDQOpaT36dn_2hDxRhotNh7J9tI,3667
|
137
|
+
txtai/models/registry.py,sha256=HLvaWbJ6up8y6U8hMvFKarM7kVz6KuMdiumWFOrYUXY,1346
|
138
|
+
txtai/models/tokendetection.py,sha256=VMTdLCoySOjDmq2K0ZmmtzzJaPyuDrurbvnYO8sC55Q,4659
|
139
|
+
txtai/models/pooling/__init__.py,sha256=F2ueCnxMcI2Y12UnkA8mlKMbd8XcdLczLxfSmp5Xx0w,175
|
140
|
+
txtai/models/pooling/base.py,sha256=_Ho6RCdsvvPmW93jnhPKnNAJvGOtoyMoXiXXvhoXlN0,4086
|
141
|
+
txtai/models/pooling/cls.py,sha256=ee15sxs_mCQvDwGI76-C0ZPxF-k1riy5RCxWVbefTIg,563
|
142
|
+
txtai/models/pooling/factory.py,sha256=fxZ5CsZ0O_vMIlOo5ktZOstaIpFr0t9AifIMPuaUZ6I,4083
|
143
|
+
txtai/models/pooling/late.py,sha256=9hNNV-MtzjHltQqspbrOUZEwS5ZPvcdPga7gZA-4vDg,4946
|
144
|
+
txtai/models/pooling/mean.py,sha256=hTHn5u0Fa3QoMiP542YSIwFsvXmeg0QL3Q1Fv1FCSYo,801
|
145
|
+
txtai/models/pooling/muvera.py,sha256=SL_T8ky-oWllTYTibLmTTGcGyp0nb7cA0T_HfOHHC3o,5496
|
146
|
+
txtai/pipeline/__init__.py,sha256=yWv_wMu3AlLgHE317PASQIs_DfzUu5KdzhP3l_hqxVY,360
|
147
|
+
txtai/pipeline/base.py,sha256=qLrrlroDgOiwmpxu3A0PnqN5yx7ZHP8dfO7JK1YxRWE,536
|
148
|
+
txtai/pipeline/factory.py,sha256=DlUxhhO1V_KkIPluxG4QhvopkAdDSU0AFnni9I-hc-M,1782
|
149
|
+
txtai/pipeline/hfmodel.py,sha256=ZGVEch15qCTsa4uNv-sJcfdHEmuZm1dAvVoGDvShFGs,3684
|
150
|
+
txtai/pipeline/hfpipeline.py,sha256=2z6RLlCgyRIF9wW_GVjyKfg0IkEoFkV5Cd26JK8BOvI,3530
|
151
|
+
txtai/pipeline/nop.py,sha256=P5-par5mc-5oh1eiHAsYdAT7mAcBpbuvWJipLuDnO-c,189
|
152
|
+
txtai/pipeline/tensors.py,sha256=XFHIFs4uSY4PURV5WfGsdjnM8-Zk4gOV3FY6AL04pyY,1058
|
153
|
+
txtai/pipeline/audio/__init__.py,sha256=3g0UpaJ_L8iWot_SuRqNP1AM5heOaLcdYm7DFUtwiqo,274
|
154
|
+
txtai/pipeline/audio/audiomixer.py,sha256=Yx15gwPvcoQ02CeDc7msljKnaasFtlBNBAn2d6S6_yc,1722
|
155
|
+
txtai/pipeline/audio/audiostream.py,sha256=9m-BLJYZ_5_C7U8-vBbAZ7P26L9ZpnNXYz1q9saeeok,2480
|
156
|
+
txtai/pipeline/audio/microphone.py,sha256=s1GvNr2ExvMXQzcCXZ7T1lRE6OriVZ7DWTDSa7xX9pU,7846
|
157
|
+
txtai/pipeline/audio/signal.py,sha256=kjSRk57atvkgARzJ-s3fYX3TMivod7dXO_fTRexjWrM,5161
|
158
|
+
txtai/pipeline/audio/texttoaudio.py,sha256=SHr9dVvd-ttKiyyq1oSh4FEs652qQdj3a2MXq6Xdzs0,1793
|
159
|
+
txtai/pipeline/audio/texttospeech.py,sha256=wN4qxzZ7NQoKyHu9lkc-FClKsDwbXpZExdh9wDgMcLA,18477
|
160
|
+
txtai/pipeline/audio/transcription.py,sha256=RJAvRQoP59gchnJFUUZ3XKg5-1ik7kR6HvmTxxl7UxE,6568
|
161
|
+
txtai/pipeline/data/__init__.py,sha256=yPzkuyFFtsTZZ6PkNWEDE5uwIgGMEviCySpnsmkvlyU,233
|
162
|
+
txtai/pipeline/data/filetohtml.py,sha256=2TGGe9E9OSAkqcs72LTgwTu5fSPSXDflHpTF7zFf8ZA,5062
|
163
|
+
txtai/pipeline/data/htmltomd.py,sha256=NXRo7OEENoO1kAnPzD9DcUFzEqV3M67KKDH9LlEO5L0,12434
|
164
|
+
txtai/pipeline/data/segmentation.py,sha256=O0JIYNUwqTN-oL0mkLAXVJ4Mov5J6IQFxoxJUuubcvU,5227
|
165
|
+
txtai/pipeline/data/tabular.py,sha256=bTG4VB4-W7uHoOtvXBKHqhwzpxyET93ZC8V4egYDQl0,4093
|
166
|
+
txtai/pipeline/data/textractor.py,sha256=pLOeyHAonJE7_6a4hVEvkh926qZdHEhrljBMwJM0320,3579
|
167
|
+
txtai/pipeline/data/tokenizer.py,sha256=jciBDBZkbudjL4S0rif7ZqdiK7efdBrEc5Ro8KNNINc,4236
|
168
|
+
txtai/pipeline/image/__init__.py,sha256=1PPlK_Ul44hvsadaiVI2dXH2QseSX5H0fjqvNRtpuxI,114
|
169
|
+
txtai/pipeline/image/caption.py,sha256=sN5MBgDkXze5AhqQankw0HnUhUe9C91wSR3lI-7bUZU,1523
|
170
|
+
txtai/pipeline/image/imagehash.py,sha256=0d28IjkJVQISqYOaQAjaSssH07mvNsqBq1ASROuFwTs,2546
|
171
|
+
txtai/pipeline/image/objects.py,sha256=M0Aye9Y4Sqie0PLoiynjIdepAEnHA3xDWjiWJzIKkl0,2726
|
172
|
+
txtai/pipeline/llm/__init__.py,sha256=aOMioo59fdLDkqxALsyTv6QV_Y7LnDXGPwDLX7rRe-s,221
|
173
|
+
txtai/pipeline/llm/factory.py,sha256=eDf9H3C-QslT12kugw1ATztGY7y6JOPsjsm9zLXzBBI,1998
|
174
|
+
txtai/pipeline/llm/generation.py,sha256=pz3KxXTPeBoR3ivSG3TqGkw4wcVeUR-JwJ9Ngn8nMhk,5406
|
175
|
+
txtai/pipeline/llm/huggingface.py,sha256=z7e_Q6pUQI1DR3qBFw68vcKbXfWI41KP4spAhwC_L5g,7337
|
176
|
+
txtai/pipeline/llm/litellm.py,sha256=VOc5dNu3v_-vfMyQL4D8do5WMVH5lHSurWvGHgO7iyQ,2392
|
177
|
+
txtai/pipeline/llm/llama.py,sha256=n3OtUGFlX9q9zkS5-o07BWqseQIeNj599InPq1KJ_2U,4329
|
178
|
+
txtai/pipeline/llm/llm.py,sha256=K6HVX9PgOp4lZTYTjPTMg_fki9xOjFcG3zKX7TeIkbE,2228
|
179
|
+
txtai/pipeline/llm/rag.py,sha256=8OALCT4NKXvuE-XSAgiiAyg8WVsCP3XjT9ZeKNNE_Mg,18139
|
180
|
+
txtai/pipeline/text/__init__.py,sha256=IHBg7g9AzBs0lDb_EBHn-IUaEOfciJww9gCwt-9L9b0,317
|
181
|
+
txtai/pipeline/text/crossencoder.py,sha256=FadF1uEbkbhWUAgHvNV1DI-oRe5rTIPH6B2lDn9lynw,2619
|
182
|
+
txtai/pipeline/text/entity.py,sha256=qQSce4S5dH6wQOlQllYaeYDHZsJTIkX29iq7szcAdks,5132
|
183
|
+
txtai/pipeline/text/labels.py,sha256=VGsH_I151s-OcYHQie3GUz_I_pF5mFhwGzOLv6WqZ40,5392
|
184
|
+
txtai/pipeline/text/lateencoder.py,sha256=bDTdx9h57UepOFUHqTEUyHi_2-fpUa7hzzxFDD1t9ds,3217
|
185
|
+
txtai/pipeline/text/questions.py,sha256=qRPb7asmhOdbELu7nIZNHRiV8fcxzinlluRx838DHb0,1417
|
186
|
+
txtai/pipeline/text/reranker.py,sha256=kdzr0pgHcnOTPP3JbrPAg0ChbdV3JalhxRAwAZSBn2o,1794
|
187
|
+
txtai/pipeline/text/similarity.py,sha256=2_b8U4MssxatR2SEejwKKsk-QXt-zNiu2Ut3D1oAdGY,3051
|
188
|
+
txtai/pipeline/text/summary.py,sha256=FpRix-wR59P0kqrX3U2VEBbhyLPQTVGmngw5sGMyXEE,2880
|
189
|
+
txtai/pipeline/text/translation.py,sha256=mSXw4JE14lPxeWnUJ0k8U_uAZKLhz1WLTG9jXeDCe7w,9200
|
190
|
+
txtai/pipeline/train/__init__.py,sha256=3rln0eXk1ppDxyiYS6wiDbv7bY87uqg0Dz18fXZTO0Y,110
|
191
|
+
txtai/pipeline/train/hfonnx.py,sha256=YC2vc-W5ZecUXwmuDcFvDe7u2wjVPthXpvEmi3lFOXc,5998
|
192
|
+
txtai/pipeline/train/hftrainer.py,sha256=kIrmna4tgLi5TRtEy7q0PtXoMGeyzw7BLpszCSGlYpk,13696
|
193
|
+
txtai/pipeline/train/mlonnx.py,sha256=E94sodRfTdEeBhaJ_APSeLwWBC2jbHZTsmQpJYnsgOM,2036
|
194
|
+
txtai/scoring/__init__.py,sha256=02yABx_942GsjSN5rfGzUMYJ9Ey7S3bVqLykUSx0R4U,235
|
195
|
+
txtai/scoring/base.py,sha256=yVY0npHx52MZuYC6aZEP5s14YYCAQ53D99HWOIIvZvA,4223
|
196
|
+
txtai/scoring/bm25.py,sha256=qviwOEOUmnZFQd0a5E9xnIpv-wZikz7bDWCy4Ja-1-A,670
|
197
|
+
txtai/scoring/factory.py,sha256=ZOwbpB1HdRgn9IJ1l4XzTVc3a69pKeVR4G-H7vQ_qpE,2284
|
198
|
+
txtai/scoring/pgtext.py,sha256=CWPjVE3BWjfWtAxQIYILsVGykjIcBBRWzZi_nV3fgrc,5774
|
199
|
+
txtai/scoring/sif.py,sha256=LJsVH1aMxmFvxN3RGDX6bzenYzOLrwVvzpeZNB4FhD0,853
|
200
|
+
txtai/scoring/sparse.py,sha256=HGY0v51xL9gCIN1OV33VOvQ_ZwdnLLqcdviKrbhA0WA,6099
|
201
|
+
txtai/scoring/terms.py,sha256=0Wfkk-FBUSpoxN-w8eYmEr0l-Al-70t0gpEqr9e_Ue8,14471
|
202
|
+
txtai/scoring/tfidf.py,sha256=7I2-KuJ_JSP5mkTCLQg32dF3XGq6pPyCOG2EywqUA8g,10606
|
203
|
+
txtai/serialize/__init__.py,sha256=xBovpd3bUWtflMT5cPuZTtecK8gF21VcGkKhq1A-AaM,227
|
204
|
+
txtai/serialize/base.py,sha256=lUuq8FyFWTIDrS38EvzWv7cbyaNcT5pnHE9825ASYkM,1518
|
205
|
+
txtai/serialize/errors.py,sha256=kA-LEBLV46CcADIHN-E3tfzZ9Fe8qzzld5aEHp62P8U,114
|
206
|
+
txtai/serialize/factory.py,sha256=FhM3U-uV6OkTAEbB5F_A24J2j9g2jwC8MluTAVZAyNM,598
|
207
|
+
txtai/serialize/messagepack.py,sha256=-VQ0lUNDWgQgkz9bykR3u877SJU1gXwjxOHoFA20uVw,1021
|
208
|
+
txtai/serialize/pickle.py,sha256=TxU9bMsih9GIrOw7VdP00pgWn50QxVal2F6xgK2iLYA,3130
|
209
|
+
txtai/serialize/serializer.py,sha256=6hUG1FscDkA8C87Jdv2HJlHNCz7NPPOxV7HhX7ZkPh8,1103
|
210
|
+
txtai/util/__init__.py,sha256=KEt7RggLC1kz9sIEOGe-5FNr3fE8cU33uGPCprffQO8,133
|
211
|
+
txtai/util/resolver.py,sha256=vubGoVu_gAMwWsrHygp6OEunKy8qrOKZMZI0Xi5Q8OY,565
|
212
|
+
txtai/util/sparsearray.py,sha256=ZhyvK0BppJmsxUMMi5vmWXhR_S8juPZHD1JAgI8xCPw,1317
|
213
|
+
txtai/util/template.py,sha256=dUz2jeyJJ_yEV0lyzwj_EL2ZsiNsF-5l8LP4wcqAKC8,349
|
214
|
+
txtai/vectors/__init__.py,sha256=fhpGPxRD8Gu8usuXvtwF9kTeVZ5R4mvX-mUgIsknRbo,125
|
215
|
+
txtai/vectors/base.py,sha256=-0LQKztX90NZAKw4-mn8UU7Doq5emGsrTztl3S06FKQ,13998
|
216
|
+
txtai/vectors/recovery.py,sha256=X-MBMqspsAv9mGlTgeH6WNMQpNLfJiohvEn2FvbbqGs,1397
|
217
|
+
txtai/vectors/dense/__init__.py,sha256=3zwwRaED7fE4-SkjxRnghRIdI14eZuDsn54lNYCe53E,277
|
218
|
+
txtai/vectors/dense/external.py,sha256=_kIH51ZSYTki5rQhwiK2ZQoVgL2piiNnY6TbRY7zU_E,1536
|
219
|
+
txtai/vectors/dense/factory.py,sha256=bof2ZLweJ6q6ueMAWIdgaAqyjsSzVy32fyNW9AU4pMw,3218
|
220
|
+
txtai/vectors/dense/huggingface.py,sha256=boYSdDSBuRHL1cG_61xP8IRve3Jy0cscJIbSrAF_cqU,1238
|
221
|
+
txtai/vectors/dense/litellm.py,sha256=yTva81Te8LGiH_08E3lpmUGgMXFkYdNUSIu7o9DtC5k,2226
|
222
|
+
txtai/vectors/dense/llama.py,sha256=qtHULGtc5Epo5TuJJ7Yw80xg0LFjHQ7pg1Kvp75-Xf0,2254
|
223
|
+
txtai/vectors/dense/m2v.py,sha256=iI_T-iyO4tujNfU_lcISjrlHtvInRzUPxSfxV1jexf8,1676
|
224
|
+
txtai/vectors/dense/sbert.py,sha256=rH01oEj4S64nLF_UfHx3ShV5qX0r6obsspkpi4BQqDE,2805
|
225
|
+
txtai/vectors/dense/words.py,sha256=SQBS3mJU7OTyKLq5HsN-AokaB7moLZjZuW4iMhtZblw,6304
|
226
|
+
txtai/vectors/sparse/__init__.py,sha256=a-dwjtBCyFee9VArIJAJ2UTc4Hauaqhg0sXftdn8mfc,141
|
227
|
+
txtai/vectors/sparse/base.py,sha256=NIKtbcSAGIP5eMWeah6vcY1gjBsitRx--yhlZ-sFSkQ,2915
|
228
|
+
txtai/vectors/sparse/factory.py,sha256=Dw2EOFdYX3iulkdc4gxzpkEKMI9MLfZeVCpNoKgA4_A,1320
|
229
|
+
txtai/vectors/sparse/sbert.py,sha256=RmmbCRnjb9nRay-i58HKjVSsJ0djQScXDLCqkH1KaTI,1020
|
230
|
+
txtai/workflow/__init__.py,sha256=hCpvoHJV6JYBfHb4XIIpY1h8kuULpd9yf0lDO6VJQUU,139
|
231
|
+
txtai/workflow/base.py,sha256=hygo5wgObV5yTJF_8AYAdjzcB3JklRh_eXK7UM48GMg,5486
|
232
|
+
txtai/workflow/execute.py,sha256=dpspToA91vyqfDcw3NZ-L-I7xKzZwy4BkyDuEM5EpQA,2902
|
233
|
+
txtai/workflow/factory.py,sha256=4tspb2zGBa6AY7jKeZI1N_kuFkDhdzPrbW_Lg_qJhZ8,965
|
234
|
+
txtai/workflow/task/__init__.py,sha256=TDNg0INaPA_1N48iVDq1knXiTerb0LUHkbvCpNIbTk8,461
|
235
|
+
txtai/workflow/task/base.py,sha256=8_CasAYvOvXvXOzjpaGrvzSYWCTL3kDbdqef80yaxFc,14712
|
236
|
+
txtai/workflow/task/console.py,sha256=4Ggx7Ed9Duh7dbPh1P5IfKYs-Q_YYcu0DPmBx4HzF50,492
|
237
|
+
txtai/workflow/task/export.py,sha256=KtkQAw-Ya7jWj9pVvv-s0rs_q8s4vywqy3BeU9falyw,1589
|
238
|
+
txtai/workflow/task/factory.py,sha256=gaG5V4NbpySb_3JBfrlkQ-GfWhWLP97iAmup-CnQw5I,2200
|
239
|
+
txtai/workflow/task/file.py,sha256=Bw-HuY05L22J7cva_NHASlmDngXQ-xiG2ScGwS1BZ90,560
|
240
|
+
txtai/workflow/task/image.py,sha256=s3c4BwTEllOrdz9UVj0aipSWi36p4hBQ2jCXQ_IPbTw,732
|
241
|
+
txtai/workflow/task/retrieve.py,sha256=ztM-gm1kWomNNUPYsm1YKVGqYs7eNqvDWCjgi8QuQEw,1711
|
242
|
+
txtai/workflow/task/service.py,sha256=MU1zyMBfQCSq04Q47c6SKn4CDzANgKM2ptSlGXn6M_g,3038
|
243
|
+
txtai/workflow/task/storage.py,sha256=S9FTpjFFAUM37TzTo69OhqNMnkgvZm5_lxmOzkYCUL4,3295
|
244
|
+
txtai/workflow/task/stream.py,sha256=yp3Ghc4sGbB0lKc91u9YYu7iLSJ5XOsSnNZdZ3UpICE,935
|
245
|
+
txtai/workflow/task/template.py,sha256=Q9pTE5ypHG1gPcmIdL1Lifru7cNh36lgmwd2mQO3vhs,3440
|
246
|
+
txtai/workflow/task/url.py,sha256=N61dbaIywh95ML0OoXRjl0E63yE09SMsqlYYoglsxIQ,346
|
247
|
+
txtai/workflow/task/workflow.py,sha256=g6VhyqVbtLejpXrt6SHS3xymAet6-eK-8T6KQ0dNP0w,232
|
248
|
+
mseep_txtai-9.1.1.dist-info/METADATA,sha256=Ksm8Ut5n6mCd-51tb5zBbCDYsmj7YkF3abCX11nTRC4,12165
|
249
|
+
mseep_txtai-9.1.1.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
250
|
+
mseep_txtai-9.1.1.dist-info/top_level.txt,sha256=swfGEb1n0U79Qk0Kmu1_c96NOKNqV2t-y_zL2IHJfec,6
|
251
|
+
mseep_txtai-9.1.1.dist-info/RECORD,,
|