llama-cloud 0.1.4__py3-none-any.whl → 0.1.5__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of llama-cloud might be problematic. Click here for more details.
- llama_cloud/__init__.py +64 -0
- llama_cloud/client.py +3 -0
- llama_cloud/resources/__init__.py +22 -1
- llama_cloud/resources/data_sinks/client.py +12 -6
- llama_cloud/resources/embedding_model_configs/__init__.py +23 -0
- llama_cloud/resources/embedding_model_configs/client.py +360 -0
- llama_cloud/resources/embedding_model_configs/types/__init__.py +23 -0
- llama_cloud/resources/embedding_model_configs/types/embedding_model_config_create_embedding_config.py +89 -0
- llama_cloud/resources/files/__init__.py +2 -2
- llama_cloud/resources/files/client.py +265 -34
- llama_cloud/resources/files/types/__init__.py +2 -1
- llama_cloud/resources/files/types/file_create_from_url_resource_info_value.py +7 -0
- llama_cloud/resources/organizations/client.py +65 -0
- llama_cloud/resources/parsing/client.py +157 -0
- llama_cloud/resources/pipelines/client.py +177 -14
- llama_cloud/resources/projects/client.py +71 -0
- llama_cloud/types/__init__.py +48 -0
- llama_cloud/types/cloud_one_drive_data_source.py +1 -0
- llama_cloud/types/cloud_postgres_vector_store.py +1 -1
- llama_cloud/types/cloud_sharepoint_data_source.py +1 -0
- llama_cloud/types/embedding_model_config.py +43 -0
- llama_cloud/types/embedding_model_config_embedding_config.py +89 -0
- llama_cloud/types/embedding_model_config_update.py +33 -0
- llama_cloud/types/embedding_model_config_update_embedding_config.py +89 -0
- llama_cloud/types/interval_usage_and_plan.py +36 -0
- llama_cloud/types/llama_parse_parameters.py +10 -0
- llama_cloud/types/markdown_node_parser.py +2 -1
- llama_cloud/types/paginated_list_pipeline_files_response.py +35 -0
- llama_cloud/types/pipeline.py +1 -0
- llama_cloud/types/pipeline_create.py +1 -0
- llama_cloud/types/pipeline_file.py +1 -0
- llama_cloud/types/plan.py +40 -0
- llama_cloud/types/usage.py +41 -0
- {llama_cloud-0.1.4.dist-info → llama_cloud-0.1.5.dist-info}/METADATA +1 -2
- {llama_cloud-0.1.4.dist-info → llama_cloud-0.1.5.dist-info}/RECORD +37 -24
- {llama_cloud-0.1.4.dist-info → llama_cloud-0.1.5.dist-info}/WHEEL +1 -1
- {llama_cloud-0.1.4.dist-info → llama_cloud-0.1.5.dist-info}/LICENSE +0 -0
|
@@ -0,0 +1,89 @@
|
|
|
1
|
+
# This file was auto-generated by Fern from our API Definition.
|
|
2
|
+
|
|
3
|
+
from __future__ import annotations
|
|
4
|
+
|
|
5
|
+
import typing
|
|
6
|
+
|
|
7
|
+
import typing_extensions
|
|
8
|
+
|
|
9
|
+
from .azure_open_ai_embedding_config import AzureOpenAiEmbeddingConfig
|
|
10
|
+
from .bedrock_embedding_config import BedrockEmbeddingConfig
|
|
11
|
+
from .cohere_embedding_config import CohereEmbeddingConfig
|
|
12
|
+
from .gemini_embedding_config import GeminiEmbeddingConfig
|
|
13
|
+
from .hugging_face_inference_api_embedding_config import HuggingFaceInferenceApiEmbeddingConfig
|
|
14
|
+
from .open_ai_embedding_config import OpenAiEmbeddingConfig
|
|
15
|
+
from .vertex_ai_embedding_config import VertexAiEmbeddingConfig
|
|
16
|
+
|
|
17
|
+
|
|
18
|
+
class EmbeddingModelConfigEmbeddingConfig_AzureEmbedding(AzureOpenAiEmbeddingConfig):
|
|
19
|
+
type: typing_extensions.Literal["AZURE_EMBEDDING"]
|
|
20
|
+
|
|
21
|
+
class Config:
|
|
22
|
+
frozen = True
|
|
23
|
+
smart_union = True
|
|
24
|
+
allow_population_by_field_name = True
|
|
25
|
+
|
|
26
|
+
|
|
27
|
+
class EmbeddingModelConfigEmbeddingConfig_BedrockEmbedding(BedrockEmbeddingConfig):
|
|
28
|
+
type: typing_extensions.Literal["BEDROCK_EMBEDDING"]
|
|
29
|
+
|
|
30
|
+
class Config:
|
|
31
|
+
frozen = True
|
|
32
|
+
smart_union = True
|
|
33
|
+
allow_population_by_field_name = True
|
|
34
|
+
|
|
35
|
+
|
|
36
|
+
class EmbeddingModelConfigEmbeddingConfig_CohereEmbedding(CohereEmbeddingConfig):
|
|
37
|
+
type: typing_extensions.Literal["COHERE_EMBEDDING"]
|
|
38
|
+
|
|
39
|
+
class Config:
|
|
40
|
+
frozen = True
|
|
41
|
+
smart_union = True
|
|
42
|
+
allow_population_by_field_name = True
|
|
43
|
+
|
|
44
|
+
|
|
45
|
+
class EmbeddingModelConfigEmbeddingConfig_GeminiEmbedding(GeminiEmbeddingConfig):
|
|
46
|
+
type: typing_extensions.Literal["GEMINI_EMBEDDING"]
|
|
47
|
+
|
|
48
|
+
class Config:
|
|
49
|
+
frozen = True
|
|
50
|
+
smart_union = True
|
|
51
|
+
allow_population_by_field_name = True
|
|
52
|
+
|
|
53
|
+
|
|
54
|
+
class EmbeddingModelConfigEmbeddingConfig_HuggingfaceApiEmbedding(HuggingFaceInferenceApiEmbeddingConfig):
|
|
55
|
+
type: typing_extensions.Literal["HUGGINGFACE_API_EMBEDDING"]
|
|
56
|
+
|
|
57
|
+
class Config:
|
|
58
|
+
frozen = True
|
|
59
|
+
smart_union = True
|
|
60
|
+
allow_population_by_field_name = True
|
|
61
|
+
|
|
62
|
+
|
|
63
|
+
class EmbeddingModelConfigEmbeddingConfig_OpenaiEmbedding(OpenAiEmbeddingConfig):
|
|
64
|
+
type: typing_extensions.Literal["OPENAI_EMBEDDING"]
|
|
65
|
+
|
|
66
|
+
class Config:
|
|
67
|
+
frozen = True
|
|
68
|
+
smart_union = True
|
|
69
|
+
allow_population_by_field_name = True
|
|
70
|
+
|
|
71
|
+
|
|
72
|
+
class EmbeddingModelConfigEmbeddingConfig_VertexaiEmbedding(VertexAiEmbeddingConfig):
|
|
73
|
+
type: typing_extensions.Literal["VERTEXAI_EMBEDDING"]
|
|
74
|
+
|
|
75
|
+
class Config:
|
|
76
|
+
frozen = True
|
|
77
|
+
smart_union = True
|
|
78
|
+
allow_population_by_field_name = True
|
|
79
|
+
|
|
80
|
+
|
|
81
|
+
EmbeddingModelConfigEmbeddingConfig = typing.Union[
|
|
82
|
+
EmbeddingModelConfigEmbeddingConfig_AzureEmbedding,
|
|
83
|
+
EmbeddingModelConfigEmbeddingConfig_BedrockEmbedding,
|
|
84
|
+
EmbeddingModelConfigEmbeddingConfig_CohereEmbedding,
|
|
85
|
+
EmbeddingModelConfigEmbeddingConfig_GeminiEmbedding,
|
|
86
|
+
EmbeddingModelConfigEmbeddingConfig_HuggingfaceApiEmbedding,
|
|
87
|
+
EmbeddingModelConfigEmbeddingConfig_OpenaiEmbedding,
|
|
88
|
+
EmbeddingModelConfigEmbeddingConfig_VertexaiEmbedding,
|
|
89
|
+
]
|
|
@@ -0,0 +1,33 @@
|
|
|
1
|
+
# This file was auto-generated by Fern from our API Definition.
|
|
2
|
+
|
|
3
|
+
import datetime as dt
|
|
4
|
+
import typing
|
|
5
|
+
|
|
6
|
+
from ..core.datetime_utils import serialize_datetime
|
|
7
|
+
from .embedding_model_config_update_embedding_config import EmbeddingModelConfigUpdateEmbeddingConfig
|
|
8
|
+
|
|
9
|
+
try:
|
|
10
|
+
import pydantic
|
|
11
|
+
if pydantic.__version__.startswith("1."):
|
|
12
|
+
raise ImportError
|
|
13
|
+
import pydantic.v1 as pydantic # type: ignore
|
|
14
|
+
except ImportError:
|
|
15
|
+
import pydantic # type: ignore
|
|
16
|
+
|
|
17
|
+
|
|
18
|
+
class EmbeddingModelConfigUpdate(pydantic.BaseModel):
|
|
19
|
+
name: typing.Optional[str]
|
|
20
|
+
embedding_config: typing.Optional[EmbeddingModelConfigUpdateEmbeddingConfig]
|
|
21
|
+
|
|
22
|
+
def json(self, **kwargs: typing.Any) -> str:
|
|
23
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
24
|
+
return super().json(**kwargs_with_defaults)
|
|
25
|
+
|
|
26
|
+
def dict(self, **kwargs: typing.Any) -> typing.Dict[str, typing.Any]:
|
|
27
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
28
|
+
return super().dict(**kwargs_with_defaults)
|
|
29
|
+
|
|
30
|
+
class Config:
|
|
31
|
+
frozen = True
|
|
32
|
+
smart_union = True
|
|
33
|
+
json_encoders = {dt.datetime: serialize_datetime}
|
|
@@ -0,0 +1,89 @@
|
|
|
1
|
+
# This file was auto-generated by Fern from our API Definition.
|
|
2
|
+
|
|
3
|
+
from __future__ import annotations
|
|
4
|
+
|
|
5
|
+
import typing
|
|
6
|
+
|
|
7
|
+
import typing_extensions
|
|
8
|
+
|
|
9
|
+
from .azure_open_ai_embedding_config import AzureOpenAiEmbeddingConfig
|
|
10
|
+
from .bedrock_embedding_config import BedrockEmbeddingConfig
|
|
11
|
+
from .cohere_embedding_config import CohereEmbeddingConfig
|
|
12
|
+
from .gemini_embedding_config import GeminiEmbeddingConfig
|
|
13
|
+
from .hugging_face_inference_api_embedding_config import HuggingFaceInferenceApiEmbeddingConfig
|
|
14
|
+
from .open_ai_embedding_config import OpenAiEmbeddingConfig
|
|
15
|
+
from .vertex_ai_embedding_config import VertexAiEmbeddingConfig
|
|
16
|
+
|
|
17
|
+
|
|
18
|
+
class EmbeddingModelConfigUpdateEmbeddingConfig_AzureEmbedding(AzureOpenAiEmbeddingConfig):
|
|
19
|
+
type: typing_extensions.Literal["AZURE_EMBEDDING"]
|
|
20
|
+
|
|
21
|
+
class Config:
|
|
22
|
+
frozen = True
|
|
23
|
+
smart_union = True
|
|
24
|
+
allow_population_by_field_name = True
|
|
25
|
+
|
|
26
|
+
|
|
27
|
+
class EmbeddingModelConfigUpdateEmbeddingConfig_BedrockEmbedding(BedrockEmbeddingConfig):
|
|
28
|
+
type: typing_extensions.Literal["BEDROCK_EMBEDDING"]
|
|
29
|
+
|
|
30
|
+
class Config:
|
|
31
|
+
frozen = True
|
|
32
|
+
smart_union = True
|
|
33
|
+
allow_population_by_field_name = True
|
|
34
|
+
|
|
35
|
+
|
|
36
|
+
class EmbeddingModelConfigUpdateEmbeddingConfig_CohereEmbedding(CohereEmbeddingConfig):
|
|
37
|
+
type: typing_extensions.Literal["COHERE_EMBEDDING"]
|
|
38
|
+
|
|
39
|
+
class Config:
|
|
40
|
+
frozen = True
|
|
41
|
+
smart_union = True
|
|
42
|
+
allow_population_by_field_name = True
|
|
43
|
+
|
|
44
|
+
|
|
45
|
+
class EmbeddingModelConfigUpdateEmbeddingConfig_GeminiEmbedding(GeminiEmbeddingConfig):
|
|
46
|
+
type: typing_extensions.Literal["GEMINI_EMBEDDING"]
|
|
47
|
+
|
|
48
|
+
class Config:
|
|
49
|
+
frozen = True
|
|
50
|
+
smart_union = True
|
|
51
|
+
allow_population_by_field_name = True
|
|
52
|
+
|
|
53
|
+
|
|
54
|
+
class EmbeddingModelConfigUpdateEmbeddingConfig_HuggingfaceApiEmbedding(HuggingFaceInferenceApiEmbeddingConfig):
|
|
55
|
+
type: typing_extensions.Literal["HUGGINGFACE_API_EMBEDDING"]
|
|
56
|
+
|
|
57
|
+
class Config:
|
|
58
|
+
frozen = True
|
|
59
|
+
smart_union = True
|
|
60
|
+
allow_population_by_field_name = True
|
|
61
|
+
|
|
62
|
+
|
|
63
|
+
class EmbeddingModelConfigUpdateEmbeddingConfig_OpenaiEmbedding(OpenAiEmbeddingConfig):
|
|
64
|
+
type: typing_extensions.Literal["OPENAI_EMBEDDING"]
|
|
65
|
+
|
|
66
|
+
class Config:
|
|
67
|
+
frozen = True
|
|
68
|
+
smart_union = True
|
|
69
|
+
allow_population_by_field_name = True
|
|
70
|
+
|
|
71
|
+
|
|
72
|
+
class EmbeddingModelConfigUpdateEmbeddingConfig_VertexaiEmbedding(VertexAiEmbeddingConfig):
|
|
73
|
+
type: typing_extensions.Literal["VERTEXAI_EMBEDDING"]
|
|
74
|
+
|
|
75
|
+
class Config:
|
|
76
|
+
frozen = True
|
|
77
|
+
smart_union = True
|
|
78
|
+
allow_population_by_field_name = True
|
|
79
|
+
|
|
80
|
+
|
|
81
|
+
EmbeddingModelConfigUpdateEmbeddingConfig = typing.Union[
|
|
82
|
+
EmbeddingModelConfigUpdateEmbeddingConfig_AzureEmbedding,
|
|
83
|
+
EmbeddingModelConfigUpdateEmbeddingConfig_BedrockEmbedding,
|
|
84
|
+
EmbeddingModelConfigUpdateEmbeddingConfig_CohereEmbedding,
|
|
85
|
+
EmbeddingModelConfigUpdateEmbeddingConfig_GeminiEmbedding,
|
|
86
|
+
EmbeddingModelConfigUpdateEmbeddingConfig_HuggingfaceApiEmbedding,
|
|
87
|
+
EmbeddingModelConfigUpdateEmbeddingConfig_OpenaiEmbedding,
|
|
88
|
+
EmbeddingModelConfigUpdateEmbeddingConfig_VertexaiEmbedding,
|
|
89
|
+
]
|
|
@@ -0,0 +1,36 @@
|
|
|
1
|
+
# This file was auto-generated by Fern from our API Definition.
|
|
2
|
+
|
|
3
|
+
import datetime as dt
|
|
4
|
+
import typing
|
|
5
|
+
|
|
6
|
+
from ..core.datetime_utils import serialize_datetime
|
|
7
|
+
from .plan import Plan
|
|
8
|
+
from .usage import Usage
|
|
9
|
+
|
|
10
|
+
try:
|
|
11
|
+
import pydantic
|
|
12
|
+
if pydantic.__version__.startswith("1."):
|
|
13
|
+
raise ImportError
|
|
14
|
+
import pydantic.v1 as pydantic # type: ignore
|
|
15
|
+
except ImportError:
|
|
16
|
+
import pydantic # type: ignore
|
|
17
|
+
|
|
18
|
+
|
|
19
|
+
class IntervalUsageAndPlan(pydantic.BaseModel):
|
|
20
|
+
start_window: typing.Optional[dt.datetime]
|
|
21
|
+
end_window: typing.Optional[dt.datetime]
|
|
22
|
+
plan: typing.Optional[Plan]
|
|
23
|
+
usage: typing.Optional[Usage]
|
|
24
|
+
|
|
25
|
+
def json(self, **kwargs: typing.Any) -> str:
|
|
26
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
27
|
+
return super().json(**kwargs_with_defaults)
|
|
28
|
+
|
|
29
|
+
def dict(self, **kwargs: typing.Any) -> typing.Dict[str, typing.Any]:
|
|
30
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
31
|
+
return super().dict(**kwargs_with_defaults)
|
|
32
|
+
|
|
33
|
+
class Config:
|
|
34
|
+
frozen = True
|
|
35
|
+
smart_union = True
|
|
36
|
+
json_encoders = {dt.datetime: serialize_datetime}
|
|
@@ -25,6 +25,7 @@ class LlamaParseParameters(pydantic.BaseModel):
|
|
|
25
25
|
disable_ocr: typing.Optional[bool]
|
|
26
26
|
annotate_links: typing.Optional[bool]
|
|
27
27
|
disable_reconstruction: typing.Optional[bool]
|
|
28
|
+
disable_image_extraction: typing.Optional[bool]
|
|
28
29
|
invalidate_cache: typing.Optional[bool]
|
|
29
30
|
do_not_cache: typing.Optional[bool]
|
|
30
31
|
fast_mode: typing.Optional[bool]
|
|
@@ -32,6 +33,7 @@ class LlamaParseParameters(pydantic.BaseModel):
|
|
|
32
33
|
gpt_4_o_mode: typing.Optional[bool] = pydantic.Field(alias="gpt4o_mode")
|
|
33
34
|
gpt_4_o_api_key: typing.Optional[str] = pydantic.Field(alias="gpt4o_api_key")
|
|
34
35
|
do_not_unroll_columns: typing.Optional[bool]
|
|
36
|
+
guess_xlsx_sheet_name: typing.Optional[bool]
|
|
35
37
|
page_separator: typing.Optional[str]
|
|
36
38
|
bounding_box: typing.Optional[str]
|
|
37
39
|
target_pages: typing.Optional[str]
|
|
@@ -47,10 +49,18 @@ class LlamaParseParameters(pydantic.BaseModel):
|
|
|
47
49
|
continuous_mode: typing.Optional[bool]
|
|
48
50
|
s_3_input_path: typing.Optional[str] = pydantic.Field(alias="s3_input_path")
|
|
49
51
|
s_3_output_path_prefix: typing.Optional[str] = pydantic.Field(alias="s3_output_path_prefix")
|
|
52
|
+
project_id: typing.Optional[str]
|
|
50
53
|
azure_openai_deployment_name: typing.Optional[str]
|
|
51
54
|
azure_openai_endpoint: typing.Optional[str]
|
|
52
55
|
azure_openai_api_version: typing.Optional[str]
|
|
53
56
|
azure_openai_key: typing.Optional[str]
|
|
57
|
+
input_url: typing.Optional[str]
|
|
58
|
+
http_proxy: typing.Optional[str]
|
|
59
|
+
auto_mode: typing.Optional[bool]
|
|
60
|
+
auto_mode_trigger_on_regexp_in_page: typing.Optional[str]
|
|
61
|
+
auto_mode_trigger_on_text_in_page: typing.Optional[str]
|
|
62
|
+
auto_mode_trigger_on_table_in_page: typing.Optional[bool]
|
|
63
|
+
auto_mode_trigger_on_image_in_page: typing.Optional[bool]
|
|
54
64
|
|
|
55
65
|
def json(self, **kwargs: typing.Any) -> str:
|
|
56
66
|
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
@@ -18,7 +18,8 @@ class MarkdownNodeParser(pydantic.BaseModel):
|
|
|
18
18
|
"""
|
|
19
19
|
Markdown node parser.
|
|
20
20
|
|
|
21
|
-
Splits a document into Nodes using
|
|
21
|
+
Splits a document into Nodes using Markdown header-based splitting logic.
|
|
22
|
+
Each node contains its text content and the path of headers leading to it.
|
|
22
23
|
|
|
23
24
|
Args:
|
|
24
25
|
include_metadata (bool): whether to include metadata in nodes
|
|
@@ -0,0 +1,35 @@
|
|
|
1
|
+
# This file was auto-generated by Fern from our API Definition.
|
|
2
|
+
|
|
3
|
+
import datetime as dt
|
|
4
|
+
import typing
|
|
5
|
+
|
|
6
|
+
from ..core.datetime_utils import serialize_datetime
|
|
7
|
+
from .pipeline_file import PipelineFile
|
|
8
|
+
|
|
9
|
+
try:
|
|
10
|
+
import pydantic
|
|
11
|
+
if pydantic.__version__.startswith("1."):
|
|
12
|
+
raise ImportError
|
|
13
|
+
import pydantic.v1 as pydantic # type: ignore
|
|
14
|
+
except ImportError:
|
|
15
|
+
import pydantic # type: ignore
|
|
16
|
+
|
|
17
|
+
|
|
18
|
+
class PaginatedListPipelineFilesResponse(pydantic.BaseModel):
|
|
19
|
+
files: typing.List[PipelineFile] = pydantic.Field(description="The files to list")
|
|
20
|
+
limit: int = pydantic.Field(description="The limit of the files")
|
|
21
|
+
offset: int = pydantic.Field(description="The offset of the files")
|
|
22
|
+
total_count: int = pydantic.Field(description="The total number of files")
|
|
23
|
+
|
|
24
|
+
def json(self, **kwargs: typing.Any) -> str:
|
|
25
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
26
|
+
return super().json(**kwargs_with_defaults)
|
|
27
|
+
|
|
28
|
+
def dict(self, **kwargs: typing.Any) -> typing.Dict[str, typing.Any]:
|
|
29
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
30
|
+
return super().dict(**kwargs_with_defaults)
|
|
31
|
+
|
|
32
|
+
class Config:
|
|
33
|
+
frozen = True
|
|
34
|
+
smart_union = True
|
|
35
|
+
json_encoders = {dt.datetime: serialize_datetime}
|
llama_cloud/types/pipeline.py
CHANGED
|
@@ -33,6 +33,7 @@ class Pipeline(pydantic.BaseModel):
|
|
|
33
33
|
updated_at: typing.Optional[dt.datetime]
|
|
34
34
|
name: str
|
|
35
35
|
project_id: str
|
|
36
|
+
embedding_model_config_id: typing.Optional[str]
|
|
36
37
|
pipeline_type: typing.Optional[PipelineType] = pydantic.Field(
|
|
37
38
|
description="Type of pipeline. Either PLAYGROUND or MANAGED."
|
|
38
39
|
)
|
|
@@ -33,6 +33,7 @@ class PipelineCreate(pydantic.BaseModel):
|
|
|
33
33
|
)
|
|
34
34
|
configured_transformations: typing.Optional[typing.List[ConfiguredTransformationItem]]
|
|
35
35
|
data_sink_id: typing.Optional[str]
|
|
36
|
+
embedding_model_config_id: typing.Optional[str]
|
|
36
37
|
data_sink: typing.Optional[DataSinkCreate]
|
|
37
38
|
preset_retrieval_parameters: typing.Optional[PresetRetrievalParams] = pydantic.Field(
|
|
38
39
|
description="Preset retrieval parameters for the pipeline."
|
|
@@ -36,6 +36,7 @@ class PipelineFile(pydantic.BaseModel):
|
|
|
36
36
|
pipeline_id: str = pydantic.Field(description="The ID of the pipeline that the file is associated with")
|
|
37
37
|
custom_metadata: typing.Optional[typing.Dict[str, typing.Optional[PipelineFileCustomMetadataValue]]]
|
|
38
38
|
config_hash: typing.Optional[typing.Dict[str, typing.Optional[PipelineFileConfigHashValue]]]
|
|
39
|
+
indexed_page_count: typing.Optional[int]
|
|
39
40
|
|
|
40
41
|
def json(self, **kwargs: typing.Any) -> str:
|
|
41
42
|
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
@@ -0,0 +1,40 @@
|
|
|
1
|
+
# This file was auto-generated by Fern from our API Definition.
|
|
2
|
+
|
|
3
|
+
import datetime as dt
|
|
4
|
+
import typing
|
|
5
|
+
|
|
6
|
+
from ..core.datetime_utils import serialize_datetime
|
|
7
|
+
|
|
8
|
+
try:
|
|
9
|
+
import pydantic
|
|
10
|
+
if pydantic.__version__.startswith("1."):
|
|
11
|
+
raise ImportError
|
|
12
|
+
import pydantic.v1 as pydantic # type: ignore
|
|
13
|
+
except ImportError:
|
|
14
|
+
import pydantic # type: ignore
|
|
15
|
+
|
|
16
|
+
|
|
17
|
+
class Plan(pydantic.BaseModel):
|
|
18
|
+
total_users: typing.Optional[int]
|
|
19
|
+
total_indexes: typing.Optional[int]
|
|
20
|
+
total_indexed_pages: typing.Optional[int]
|
|
21
|
+
credits: typing.Optional[int]
|
|
22
|
+
has_payment_method: typing.Optional[bool]
|
|
23
|
+
free: typing.Optional[bool] = pydantic.Field(description="If is a free plan")
|
|
24
|
+
allowed_index: typing.Optional[bool] = pydantic.Field(description="If is allowed to use indexes")
|
|
25
|
+
allowed_external_index: typing.Optional[bool] = pydantic.Field(
|
|
26
|
+
description="If is allowed to use external data sources or sinks in indexes"
|
|
27
|
+
)
|
|
28
|
+
|
|
29
|
+
def json(self, **kwargs: typing.Any) -> str:
|
|
30
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
31
|
+
return super().json(**kwargs_with_defaults)
|
|
32
|
+
|
|
33
|
+
def dict(self, **kwargs: typing.Any) -> typing.Dict[str, typing.Any]:
|
|
34
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
35
|
+
return super().dict(**kwargs_with_defaults)
|
|
36
|
+
|
|
37
|
+
class Config:
|
|
38
|
+
frozen = True
|
|
39
|
+
smart_union = True
|
|
40
|
+
json_encoders = {dt.datetime: serialize_datetime}
|
|
@@ -0,0 +1,41 @@
|
|
|
1
|
+
# This file was auto-generated by Fern from our API Definition.
|
|
2
|
+
|
|
3
|
+
import datetime as dt
|
|
4
|
+
import typing
|
|
5
|
+
|
|
6
|
+
from ..core.datetime_utils import serialize_datetime
|
|
7
|
+
|
|
8
|
+
try:
|
|
9
|
+
import pydantic
|
|
10
|
+
if pydantic.__version__.startswith("1."):
|
|
11
|
+
raise ImportError
|
|
12
|
+
import pydantic.v1 as pydantic # type: ignore
|
|
13
|
+
except ImportError:
|
|
14
|
+
import pydantic # type: ignore
|
|
15
|
+
|
|
16
|
+
|
|
17
|
+
class Usage(pydantic.BaseModel):
|
|
18
|
+
"""
|
|
19
|
+
Response model; use UsageSubmission for tracking
|
|
20
|
+
"""
|
|
21
|
+
|
|
22
|
+
total_users: typing.Optional[int]
|
|
23
|
+
total_indexes: typing.Optional[int]
|
|
24
|
+
total_indexed_pages: typing.Optional[int]
|
|
25
|
+
extract_pages: typing.Optional[int]
|
|
26
|
+
parse_pages: typing.Optional[int]
|
|
27
|
+
index_pages: typing.Optional[int]
|
|
28
|
+
credits: typing.Optional[int]
|
|
29
|
+
|
|
30
|
+
def json(self, **kwargs: typing.Any) -> str:
|
|
31
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
32
|
+
return super().json(**kwargs_with_defaults)
|
|
33
|
+
|
|
34
|
+
def dict(self, **kwargs: typing.Any) -> typing.Dict[str, typing.Any]:
|
|
35
|
+
kwargs_with_defaults: typing.Any = {"by_alias": True, "exclude_unset": True, **kwargs}
|
|
36
|
+
return super().dict(**kwargs_with_defaults)
|
|
37
|
+
|
|
38
|
+
class Config:
|
|
39
|
+
frozen = True
|
|
40
|
+
smart_union = True
|
|
41
|
+
json_encoders = {dt.datetime: serialize_datetime}
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.1
|
|
2
2
|
Name: llama-cloud
|
|
3
|
-
Version: 0.1.
|
|
3
|
+
Version: 0.1.5
|
|
4
4
|
Summary:
|
|
5
5
|
License: MIT
|
|
6
6
|
Author: Logan Markewich
|
|
@@ -12,7 +12,6 @@ Classifier: Programming Language :: Python :: 3.8
|
|
|
12
12
|
Classifier: Programming Language :: Python :: 3.9
|
|
13
13
|
Classifier: Programming Language :: Python :: 3.10
|
|
14
14
|
Classifier: Programming Language :: Python :: 3.11
|
|
15
|
-
Classifier: Programming Language :: Python :: 3.12
|
|
16
15
|
Requires-Dist: httpx (>=0.20.0)
|
|
17
16
|
Requires-Dist: pydantic (>=1.10)
|
|
18
17
|
Description-Content-Type: text/markdown
|
|
@@ -1,5 +1,5 @@
|
|
|
1
|
-
llama_cloud/__init__.py,sha256=
|
|
2
|
-
llama_cloud/client.py,sha256=
|
|
1
|
+
llama_cloud/__init__.py,sha256=tr6MJv89iN1pgBzR0_hTaLZVYuA7dKwDjQuRgMwzVAk,17275
|
|
2
|
+
llama_cloud/client.py,sha256=d6OdGgwsNaFUCYZpU7KZBrFkirD4nfJriepKSC6Gi9w,4628
|
|
3
3
|
llama_cloud/core/__init__.py,sha256=QJS3CJ2TYP2E1Tge0CS6Z7r8LTNzJHQVX1hD3558eP0,519
|
|
4
4
|
llama_cloud/core/api_error.py,sha256=RE8LELok2QCjABadECTvtDp7qejA1VmINCh6TbqPwSE,426
|
|
5
5
|
llama_cloud/core/client_wrapper.py,sha256=xmj0jCdQ0ySzbSqHUWOkpRRy069y74I_HuXkWltcsVM,1507
|
|
@@ -9,11 +9,11 @@ llama_cloud/core/remove_none_from_dict.py,sha256=8m91FC3YuVem0Gm9_sXhJ2tGvP33owJ
|
|
|
9
9
|
llama_cloud/environment.py,sha256=q4q-uY5WgcSlzfHwEANOqFQPu0lstqvMnVOsSfifMKo,168
|
|
10
10
|
llama_cloud/errors/__init__.py,sha256=pbbVUFtB9LCocA1RMWMMF_RKjsy5YkOKX5BAuE49w6g,170
|
|
11
11
|
llama_cloud/errors/unprocessable_entity_error.py,sha256=FvR7XPlV3Xx5nu8HNlmLhBRdk4so_gCHjYT5PyZe6sM,313
|
|
12
|
-
llama_cloud/resources/__init__.py,sha256=
|
|
12
|
+
llama_cloud/resources/__init__.py,sha256=DPzHUs0XZAeGTrRPQ5kpt9yD5Ttya8H6fQbyYuIo1Oo,3153
|
|
13
13
|
llama_cloud/resources/component_definitions/__init__.py,sha256=FTtvy8EDg9nNNg9WCatVgKTRYV8-_v1roeGPAKoa_pw,65
|
|
14
14
|
llama_cloud/resources/component_definitions/client.py,sha256=YYfoXNa1qim2OdD5y4N5mvoBZKtrCuXS560mtqH_-1c,7569
|
|
15
15
|
llama_cloud/resources/data_sinks/__init__.py,sha256=ZHUjn3HbKhq_7QS1q74r2m5RGKF5lxcvF2P6pGvpcis,147
|
|
16
|
-
llama_cloud/resources/data_sinks/client.py,sha256=
|
|
16
|
+
llama_cloud/resources/data_sinks/client.py,sha256=yl_P7GhEELOL55_KirmEQc6ZE3tP2kJnvumLbJDRZYc,20559
|
|
17
17
|
llama_cloud/resources/data_sinks/types/__init__.py,sha256=M1aTcufJwiEZo9B0KmYj9PfkSd6I1ooFt9tpIRGwgg8,168
|
|
18
18
|
llama_cloud/resources/data_sinks/types/data_sink_update_component.py,sha256=EWbsPt3k_w_vySf01iiFanyN7UVNzSOM3weHzx-Y_rk,809
|
|
19
19
|
llama_cloud/resources/data_sources/__init__.py,sha256=McURkcNBGHXH1hmRDRmZI1dRzJrekCTHZsgv03r2oZI,227
|
|
@@ -21,6 +21,10 @@ llama_cloud/resources/data_sources/client.py,sha256=kBU8-LhYVXI1OzlTbHgw_mOrr-WQ
|
|
|
21
21
|
llama_cloud/resources/data_sources/types/__init__.py,sha256=Cd5xEECTzXqQSfJALfJPSjudlSLeb3RENeJVi8vwPbM,303
|
|
22
22
|
llama_cloud/resources/data_sources/types/data_source_update_component.py,sha256=u9sYcs3A4ZDzKjWCH3W9xIXCcLkZkVZxwoFOhEluqJU,1173
|
|
23
23
|
llama_cloud/resources/data_sources/types/data_source_update_custom_metadata_value.py,sha256=3aFC-p8MSxjhOu2nFtqk0pixj6RqNqcFnbOYngUdZUk,215
|
|
24
|
+
llama_cloud/resources/embedding_model_configs/__init__.py,sha256=cXDtKKq-gj7yjFjdQ5GrGyPs-T5tRV_0JjUMGlAbdUs,1115
|
|
25
|
+
llama_cloud/resources/embedding_model_configs/client.py,sha256=UNqZsaRZytcRvMIY_BAOgUHqUpgFHrHlY88189tdJik,15629
|
|
26
|
+
llama_cloud/resources/embedding_model_configs/types/__init__.py,sha256=6-rcDwJhw_0shz3CjrPvlYBYXJJ1bLn-PpplhOsQ79w,1156
|
|
27
|
+
llama_cloud/resources/embedding_model_configs/types/embedding_model_config_create_embedding_config.py,sha256=SQCHJk0AmBbKS5XKdcEJxhDhIMLQCmCI13IHC28v7vQ,3054
|
|
24
28
|
llama_cloud/resources/evals/__init__.py,sha256=FTtvy8EDg9nNNg9WCatVgKTRYV8-_v1roeGPAKoa_pw,65
|
|
25
29
|
llama_cloud/resources/evals/client.py,sha256=JyPHP9MsJ-15XHUVu-UjCcINo2IDPr2OageAqLBGlmw,27578
|
|
26
30
|
llama_cloud/resources/extraction/__init__.py,sha256=trseRsayeGiyGThI4s_Folw5AHmdTSEP3KPrlvNhfVw,255
|
|
@@ -28,23 +32,24 @@ llama_cloud/resources/extraction/client.py,sha256=i-oud3LOZgkfzQ8JcuKaSnLNwpWFL8
|
|
|
28
32
|
llama_cloud/resources/extraction/types/__init__.py,sha256=ePJKSJ6hGIsPnfpe0Sp5w4mBZgnZes4cdtZ8Gfw81Gc,347
|
|
29
33
|
llama_cloud/resources/extraction/types/extraction_schema_create_data_schema_value.py,sha256=igTdUjMeB-PI5xKrloRKHY-EvL6_V8OLshABu6Dyx4A,217
|
|
30
34
|
llama_cloud/resources/extraction/types/extraction_schema_update_data_schema_value.py,sha256=z_4tkLkWnHnd3Xa9uUctk9hG9Mo7GKU4dK4s2pm8qow,217
|
|
31
|
-
llama_cloud/resources/files/__init__.py,sha256=
|
|
32
|
-
llama_cloud/resources/files/client.py,sha256=
|
|
33
|
-
llama_cloud/resources/files/types/__init__.py,sha256=
|
|
35
|
+
llama_cloud/resources/files/__init__.py,sha256=VXhHrp72yZNsFKgiOn8PP2M0qOp8L9_bIIhwi1hdYHg,229
|
|
36
|
+
llama_cloud/resources/files/client.py,sha256=ZJtytxbHzuzxhcZAibd7CDbiB9eUzWZIxgyYDdrzQog,37256
|
|
37
|
+
llama_cloud/resources/files/types/__init__.py,sha256=QrzkdOU0N52HT3IkMFA0TH95_9A1FpoRY37mrPe6PZQ,308
|
|
38
|
+
llama_cloud/resources/files/types/file_create_from_url_resource_info_value.py,sha256=Wc8wFgujOO5pZvbbh2TMMzpa37GKZd14GYNJ9bdq7BE,214
|
|
34
39
|
llama_cloud/resources/files/types/file_create_resource_info_value.py,sha256=R7Y-CJf7fnbvIqE3xOI5XOrmPwLbVJLC7zpxMu8Zopk,201
|
|
35
40
|
llama_cloud/resources/organizations/__init__.py,sha256=FTtvy8EDg9nNNg9WCatVgKTRYV8-_v1roeGPAKoa_pw,65
|
|
36
|
-
llama_cloud/resources/organizations/client.py,sha256=
|
|
41
|
+
llama_cloud/resources/organizations/client.py,sha256=P9sMLcM46u-OtNEW9DHOu_y27MnG3MK9eloDfPNt9Is,55548
|
|
37
42
|
llama_cloud/resources/parsing/__init__.py,sha256=FTtvy8EDg9nNNg9WCatVgKTRYV8-_v1roeGPAKoa_pw,65
|
|
38
|
-
llama_cloud/resources/parsing/client.py,sha256=
|
|
43
|
+
llama_cloud/resources/parsing/client.py,sha256=5bmfxQnw28UHd0Vn4bKrm-hVk6dcbxS86dqxJPX5T_s,50040
|
|
39
44
|
llama_cloud/resources/pipelines/__init__.py,sha256=Mx7p3jDZRLMltsfywSufam_4AnHvmAfsxtMHVI72e-8,1083
|
|
40
|
-
llama_cloud/resources/pipelines/client.py,sha256=
|
|
45
|
+
llama_cloud/resources/pipelines/client.py,sha256=K2KLz5F-R4KlWOPVf0l3K8R7_VD8OX4oW4T5N-ndMc0,131705
|
|
41
46
|
llama_cloud/resources/pipelines/types/__init__.py,sha256=jjaMc0V3K1HZLMYZ6WT4ydMtBCVy-oF5koqTCovbDws,1202
|
|
42
47
|
llama_cloud/resources/pipelines/types/pipeline_file_update_custom_metadata_value.py,sha256=trI48WLxPcAqV9207Q6-3cj1nl4EGlZpw7En56ZsPgg,217
|
|
43
48
|
llama_cloud/resources/pipelines/types/pipeline_update_embedding_config.py,sha256=c8FF64fDrBMX_2RX4uY3CjbNc0Ss_AUJ4Eqs-KeV4Wc,2874
|
|
44
49
|
llama_cloud/resources/pipelines/types/pipeline_update_transform_config.py,sha256=KbkyULMv-qeS3qRd31ia6pd5rOdypS0o2UL42NRcA7E,321
|
|
45
50
|
llama_cloud/resources/projects/__init__.py,sha256=FTtvy8EDg9nNNg9WCatVgKTRYV8-_v1roeGPAKoa_pw,65
|
|
46
|
-
llama_cloud/resources/projects/client.py,sha256=
|
|
47
|
-
llama_cloud/types/__init__.py,sha256=
|
|
51
|
+
llama_cloud/resources/projects/client.py,sha256=yCtfQENHOQqqzzsqc9SjHv0c99t15neTp7IF0yuB4Yw,50726
|
|
52
|
+
llama_cloud/types/__init__.py,sha256=8077Wzq0-pXJEd6XTiXhkhWDlmCjRq-dE-0xB2wwhCE,19903
|
|
48
53
|
llama_cloud/types/advanced_mode_transform_config.py,sha256=4xCXye0_cPmVS1F8aNTx81sIaEPjQH9kiCCAIoqUzlI,1502
|
|
49
54
|
llama_cloud/types/advanced_mode_transform_config_chunking_config.py,sha256=wYbJnWLpeQDfhmDZz-wJfYzD1iGT5Jcxb9ga3mzUuvk,1983
|
|
50
55
|
llama_cloud/types/advanced_mode_transform_config_segmentation_config.py,sha256=anNGq0F5-IlbIW3kpC8OilzLJnUq5tdIcWHnRnmlYsg,1303
|
|
@@ -71,12 +76,12 @@ llama_cloud/types/cloud_jira_data_source.py,sha256=4fq0Ac1zxyqw3eVJV38JJsN_3xG0y
|
|
|
71
76
|
llama_cloud/types/cloud_milvus_vector_store.py,sha256=CHFTJSYPZKYPUU-jpB1MG8OwRvnPiT07o7cYCvQMZLA,1235
|
|
72
77
|
llama_cloud/types/cloud_mongo_db_atlas_vector_search.py,sha256=R-3zF5aH1PvkhXpGLGCFdfgS6Ehey8iYQFX6N0GZNA8,1725
|
|
73
78
|
llama_cloud/types/cloud_notion_page_data_source.py,sha256=-BC28uhoWX0IzmgyEluGR9OCJQj2UbcWV3DxJswM8E0,1179
|
|
74
|
-
llama_cloud/types/cloud_one_drive_data_source.py,sha256=
|
|
79
|
+
llama_cloud/types/cloud_one_drive_data_source.py,sha256=SjftRD8SimZuoeFseFSfIpFX313Y-74HTCfJk8ufFoQ,1518
|
|
75
80
|
llama_cloud/types/cloud_pinecone_vector_store.py,sha256=d1jEezwE6ndNG-2izgoO_m9tG3N1ZFvmeCXI2r3miFc,1724
|
|
76
|
-
llama_cloud/types/cloud_postgres_vector_store.py,sha256=
|
|
81
|
+
llama_cloud/types/cloud_postgres_vector_store.py,sha256=nWD7QcwUkDE2QOB0NaA5XLvP9Rinb_gIvb_JBe_CZC4,1235
|
|
77
82
|
llama_cloud/types/cloud_qdrant_vector_store.py,sha256=F-gjNArzwLWmqgPcC-ZxRqSrhTFZbv5kqmIXmnLPB5o,1718
|
|
78
83
|
llama_cloud/types/cloud_s_3_data_source.py,sha256=8UazWcol_fg7jJ7vQiGjEeYO-1io39M_kZXtSDdJeq8,1325
|
|
79
|
-
llama_cloud/types/cloud_sharepoint_data_source.py,sha256=
|
|
84
|
+
llama_cloud/types/cloud_sharepoint_data_source.py,sha256=0UbHQkBIiVjPCrIpydN1kztYp22p1boeyoj8v1Lb_Sg,1515
|
|
80
85
|
llama_cloud/types/cloud_slack_data_source.py,sha256=dDsYcBLchGrd9xMGJqIqNBAazDwc5OJvD-07a5U0G5I,1323
|
|
81
86
|
llama_cloud/types/code_splitter.py,sha256=8MJScSxk9LzByufokcWG3AHAnOjUt13VlV2w0SCXTLc,1987
|
|
82
87
|
llama_cloud/types/cohere_embedding.py,sha256=wkv_fVCA1WEroGawzPFExwmiJ75gPfzeeemty7NBlsM,1579
|
|
@@ -100,6 +105,10 @@ llama_cloud/types/data_source_create_custom_metadata_value.py,sha256=ejSsQNbszYQ
|
|
|
100
105
|
llama_cloud/types/data_source_custom_metadata_value.py,sha256=pTZn5yjZYmuOhsLABFJOKZblZUkRqo1CqLAuP5tKji4,209
|
|
101
106
|
llama_cloud/types/data_source_definition.py,sha256=HlSlTxzYcQJOSo_2OSroAE8vAr-otDvTNBSEkA54vL8,1575
|
|
102
107
|
llama_cloud/types/element_segmentation_config.py,sha256=QOBk8YFrgK0I2m3caqV5bpYaGXbk0fMSjZ4hUPZXZDI,959
|
|
108
|
+
llama_cloud/types/embedding_model_config.py,sha256=6-o0vsAX89eHQdCAG5sI317Aivr4Tvs6ycg9TqNgybo,1525
|
|
109
|
+
llama_cloud/types/embedding_model_config_embedding_config.py,sha256=9rmfeiJYhBPmSJCXp-qxkOAd9WPwL5Hks7jIKd8XCPM,2901
|
|
110
|
+
llama_cloud/types/embedding_model_config_update.py,sha256=BiA1KbFT-TSvy5OEyChd0dgDnQCKfBRxsDTvVKNj10Q,1175
|
|
111
|
+
llama_cloud/types/embedding_model_config_update_embedding_config.py,sha256=mrXFxzb9GRaH4UUnOe_05-uYUuiTgDDCRadAMbPmGgc,2991
|
|
103
112
|
llama_cloud/types/eval_dataset.py,sha256=FIP4uHqUXg0LxGPaq-LmW2aTcEdQk-i5AYLbGqsQSV0,1310
|
|
104
113
|
llama_cloud/types/eval_dataset_job_params.py,sha256=vcXLJWO581uigNvGAurPDgMeEFtQURWucLF5pemdeS0,1343
|
|
105
114
|
llama_cloud/types/eval_dataset_job_record.py,sha256=nqTvrus89MEn0m3mYP6PxUWlnLDKfvvJtOL2V0km0v8,2148
|
|
@@ -126,8 +135,9 @@ llama_cloud/types/hugging_face_inference_api_embedding_config.py,sha256=EFHhuPCx
|
|
|
126
135
|
llama_cloud/types/hugging_face_inference_api_embedding_token.py,sha256=A7-_YryBcsP4G5uRyJ9acao3XwX5-YC3NRndTeDAPj4,144
|
|
127
136
|
llama_cloud/types/ingestion_error_response.py,sha256=8u0cyT44dnpkNeUKemTvJMUqi_WyPcYQKP_DMTqaFPY,1259
|
|
128
137
|
llama_cloud/types/input_message.py,sha256=H0vsGsIo_J71d3NnHGzs7WytjEhNPzhOEDY9e_9Y_w0,1329
|
|
138
|
+
llama_cloud/types/interval_usage_and_plan.py,sha256=qRZs0MsbJ_X53YfgNujKnJjRYhMn2Bn6bjBUKKUZnZc,1161
|
|
129
139
|
llama_cloud/types/job_name_mapping.py,sha256=scAbHrxvowCE3jHRZyYr2bBE5wvMMdBw7zpQ-lp5dY0,1433
|
|
130
|
-
llama_cloud/types/llama_parse_parameters.py,sha256=
|
|
140
|
+
llama_cloud/types/llama_parse_parameters.py,sha256=xWqDwgJLBVvoebncdtufRaTyw7FT9kseC2UEz6GS2mY,3227
|
|
131
141
|
llama_cloud/types/llama_parse_supported_file_extensions.py,sha256=B_0N3f8Aq59W9FbsH50mGBUiyWTIXQjHFl739uAyaQw,11207
|
|
132
142
|
llama_cloud/types/llm.py,sha256=v5a7Cq4oSUh3LYYIpECOpV0llDVP7XbFvdlxsIXnmhI,2197
|
|
133
143
|
llama_cloud/types/llm_model_data.py,sha256=QgyFe03psw5Aon3w1LC6ovCa1o9MVNcaGcmpapw-4D0,1263
|
|
@@ -138,7 +148,7 @@ llama_cloud/types/local_eval_sets.py,sha256=XJSSriwRvkma889pPiBQrpRakKejKOX3tWPu
|
|
|
138
148
|
llama_cloud/types/managed_ingestion_status.py,sha256=IW5WpBSofGlJfypFrl3mp4yx9Lq4eHFs-1IOl1R33dI,1128
|
|
139
149
|
llama_cloud/types/managed_ingestion_status_response.py,sha256=36XBDaAyrqDeHRvinJSYcNcq3aPZ9zMe6aMz_hW2OIw,1326
|
|
140
150
|
llama_cloud/types/markdown_element_node_parser.py,sha256=NUqdU8BmyfSFK2rV6hCrvP6U1iB6aqZCVsvHWJQ49xU,1964
|
|
141
|
-
llama_cloud/types/markdown_node_parser.py,sha256=
|
|
151
|
+
llama_cloud/types/markdown_node_parser.py,sha256=1HGIKAbqU8DwCOCFcfbJZLRtfu1Vd4D-vybgY0wvh24,1690
|
|
142
152
|
llama_cloud/types/message_annotation.py,sha256=n4F9w4LxwmGvgXDk6E8YPTMu_g0yEjZhZ_eNFXdS_bc,1017
|
|
143
153
|
llama_cloud/types/message_role.py,sha256=38ES71HMWfKesfFqSkTBxDcqdNqJHlNYQr1pPKlxSXs,1208
|
|
144
154
|
llama_cloud/types/metadata_filter.py,sha256=dVdXY6i0aCkvJrs7ncQt4-S8jmBF9bBSp2VuWrmAVfI,1440
|
|
@@ -159,6 +169,7 @@ llama_cloud/types/page_screenshot_metadata.py,sha256=dXwWNDS7670xvIIuB1C_gLlsvAz
|
|
|
159
169
|
llama_cloud/types/page_screenshot_node_with_score.py,sha256=EdqoXbmARCz1DV14E2saCPshIeII709uM4cLwxw_mkM,1232
|
|
160
170
|
llama_cloud/types/page_segmentation_config.py,sha256=VH8uuxnubnJak1gSpS64OoMueHidhsDB-2eq2tVHbag,998
|
|
161
171
|
llama_cloud/types/page_splitter_node_parser.py,sha256=rQgS1CDk18UKA0r9OPvjdtM570jzFArdLCTxYAtZny8,1424
|
|
172
|
+
llama_cloud/types/paginated_list_pipeline_files_response.py,sha256=2TKR2oHSQRyLMqWz1qQBSIvz-ZJb8U_94367lwOJ2S4,1317
|
|
162
173
|
llama_cloud/types/parser_languages.py,sha256=Ps3IlaSt6tyxEI657N3-vZL96r2puk8wsf31cWnO-SI,10840
|
|
163
174
|
llama_cloud/types/parsing_history_item.py,sha256=_MVzf43t84PbmjOzsMLZ_NBoyiisigLWz-fr0ZxU63g,1183
|
|
164
175
|
llama_cloud/types/parsing_job.py,sha256=9hoKN4h-t0fka4-fX-79VbvcK2EEZRk2bDDZvCjaYZo,1093
|
|
@@ -168,9 +179,9 @@ llama_cloud/types/parsing_job_text_result.py,sha256=TP-7IRTWZLAZz7NYLkzi4PsGnaRJ
|
|
|
168
179
|
llama_cloud/types/parsing_usage.py,sha256=JLlozu-vIkcRKqWaOVJ9Z2TrY7peJRTzOpYjOThGKGQ,1012
|
|
169
180
|
llama_cloud/types/partition_names.py,sha256=zZZn-sn59gwch2fa7fGMwFWUEuu5Dfen3ZqKtcPnBEM,1877
|
|
170
181
|
llama_cloud/types/permission.py,sha256=LjhZdo0oLvk7ZVIF1d6Qja--AKH5Ri0naUhuJvZS6Ng,1345
|
|
171
|
-
llama_cloud/types/pipeline.py,sha256=
|
|
182
|
+
llama_cloud/types/pipeline.py,sha256=eVNfQjfQTArB3prPeDkfDK6PtfhhBxW7-_VhH9MzlsE,2789
|
|
172
183
|
llama_cloud/types/pipeline_configuration_hashes.py,sha256=7_MbOcPWV6iyMflJeXoo9vLzD04E5WM7YxYp4ls0jQs,1169
|
|
173
|
-
llama_cloud/types/pipeline_create.py,sha256=
|
|
184
|
+
llama_cloud/types/pipeline_create.py,sha256=Vw4AM75GBw7djCtRy7trwkxItF2vr3YhbDXInA-0zgc,2505
|
|
174
185
|
llama_cloud/types/pipeline_create_embedding_config.py,sha256=PQqmVBFUyZXYKKBmVQF2zPsGp1L6rje6g3RtXEcdfc8,2811
|
|
175
186
|
llama_cloud/types/pipeline_create_transform_config.py,sha256=HP6tzLsw_pomK1Ye2PYCS_XDZK_TMgg22mz17_zYKFg,303
|
|
176
187
|
llama_cloud/types/pipeline_data_source.py,sha256=zDSUzBCRCUdpbfMRtprGw1TKy4v9_rj789Lz31QMaTk,2067
|
|
@@ -179,7 +190,7 @@ llama_cloud/types/pipeline_data_source_create.py,sha256=wMsymqB-YGyf3jdQr-N5ODVG
|
|
|
179
190
|
llama_cloud/types/pipeline_data_source_custom_metadata_value.py,sha256=8n3r60sxMx4_udW0yzJZxzyWeK6L3cc2-jLGZFW4EDs,217
|
|
180
191
|
llama_cloud/types/pipeline_deployment.py,sha256=eVBrz032aPb2cqtIIVYT5MTHQvBNm89XazoNrRWVugo,1356
|
|
181
192
|
llama_cloud/types/pipeline_embedding_config.py,sha256=mpeJ6bOMvRUO12VTYbcHmgJ3ssHNKAUQMrF06j2t7Lc,2721
|
|
182
|
-
llama_cloud/types/pipeline_file.py,sha256=
|
|
193
|
+
llama_cloud/types/pipeline_file.py,sha256=ZRNnEKCLLCjHW8SJ2usCZ1un0-Cnu8KDc_0owMpyc8M,2190
|
|
183
194
|
llama_cloud/types/pipeline_file_config_hash_value.py,sha256=4lvLnDpzNAHdiMkGJTTNDTu3p3H7Nxw5MR1Mzte7-_M,201
|
|
184
195
|
llama_cloud/types/pipeline_file_create.py,sha256=yoMIzWED0ktKerE48kgzInBa3d0aNGO5JjTtDTDAn4A,1310
|
|
185
196
|
llama_cloud/types/pipeline_file_create_custom_metadata_value.py,sha256=olVj5yhQFx1QqWO1Wv9d6AtL-YyYO9_OYtOfcD2ZeGY,217
|
|
@@ -187,6 +198,7 @@ llama_cloud/types/pipeline_file_custom_metadata_value.py,sha256=ClFphYDNlHxeyLF5
|
|
|
187
198
|
llama_cloud/types/pipeline_file_resource_info_value.py,sha256=s3uFGQNwlUEr-X4TJZkW_kMBvX3h1sXRJoYlJRvHSDc,209
|
|
188
199
|
llama_cloud/types/pipeline_transform_config.py,sha256=zMr-ePLKGjbaScxbAHaSwYBL7rrNibVlnn0cbgElDfU,824
|
|
189
200
|
llama_cloud/types/pipeline_type.py,sha256=tTqrhxHP5xd7W2dQGD0e5FOv886nwJssyaVlXpWrtRo,551
|
|
201
|
+
llama_cloud/types/plan.py,sha256=rkyET7zaeWxAVHgceVsadTW3w3ZjnSsoPeoSbGM1GIE,1486
|
|
190
202
|
llama_cloud/types/playground_session.py,sha256=vDebFzSvw0TyhOFMa5VFY8S7rZvedl6GNVmOFJd5kZo,1816
|
|
191
203
|
llama_cloud/types/pooling.py,sha256=5Fr6c8rx9SDWwWzEvD78suob2d79ktodUtLUAUHMbP8,651
|
|
192
204
|
llama_cloud/types/preset_retrieval_params.py,sha256=1VQbPNgxpefJL9KayIqk1uFf3fvrONBjPDviz0rDWA4,1730
|
|
@@ -212,6 +224,7 @@ llama_cloud/types/text_node_with_score.py,sha256=k-KYWO_mgJBvO6xUfOD5W6v1Ku9E586
|
|
|
212
224
|
llama_cloud/types/token_chunking_config.py,sha256=XNvnTsNd--YOMQ_Ad8hoqhYgQftqkBHKVn6i7nJnMqs,1067
|
|
213
225
|
llama_cloud/types/token_text_splitter.py,sha256=iTT3x9yO021v757B2r-0Z-WFQiIESLqEJUCmUUwPQ_o,1899
|
|
214
226
|
llama_cloud/types/transformation_category_names.py,sha256=Wb7NBB0f-tEtfEZQis-iKy71SUKmmHFcXf6XLn6g0XU,545
|
|
227
|
+
llama_cloud/types/usage.py,sha256=HK8l0FNkyphy4ibqL5Kmj5yYSTzLo8-GU7Yeg9MDLEg,1284
|
|
215
228
|
llama_cloud/types/user_organization.py,sha256=Ydel7grMnKiPMWJmSWhCFCm3v_n286Gk36ANtDLNLd4,1770
|
|
216
229
|
llama_cloud/types/user_organization_create.py,sha256=Zj57s9xuYVnLW2p8i4j2QORL-G1y7Ab3avXE1baERQY,1189
|
|
217
230
|
llama_cloud/types/user_organization_delete.py,sha256=IDYLKfFAXfcJfkEpA0ARbaA0JDcEBe7fTLv833DZXHs,1104
|
|
@@ -221,7 +234,7 @@ llama_cloud/types/validation_error_loc_item.py,sha256=LAtjCHIllWRBFXvAZ5QZpp7CPX
|
|
|
221
234
|
llama_cloud/types/vertex_ai_embedding_config.py,sha256=DvQk2xMJFmo54MEXTzoM4KSADyhGm_ygmFyx6wIcQdw,1159
|
|
222
235
|
llama_cloud/types/vertex_embedding_mode.py,sha256=yY23FjuWU_DkXjBb3JoKV4SCMqel2BaIMltDqGnIowU,1217
|
|
223
236
|
llama_cloud/types/vertex_text_embedding.py,sha256=-C4fNCYfFl36ATdBMGFVPpiHIKxjk0KB1ERA2Ec20aU,1932
|
|
224
|
-
llama_cloud-0.1.
|
|
225
|
-
llama_cloud-0.1.
|
|
226
|
-
llama_cloud-0.1.
|
|
227
|
-
llama_cloud-0.1.
|
|
237
|
+
llama_cloud-0.1.5.dist-info/LICENSE,sha256=_iNqtPcw1Ue7dZKwOwgPtbegMUkWVy15hC7bffAdNmY,1067
|
|
238
|
+
llama_cloud-0.1.5.dist-info/METADATA,sha256=LUbLwhglZei6TLPO0yJJUmAFa-cZNI6193iqy5eoBA8,763
|
|
239
|
+
llama_cloud-0.1.5.dist-info/WHEEL,sha256=d2fvjOD7sXsVzChCqf0Ty0JbHKBaLYwDbGQDwQTnJ50,88
|
|
240
|
+
llama_cloud-0.1.5.dist-info/RECORD,,
|
|
File without changes
|