corvic-engine 0.3.0rc69__cp38-abi3-win_amd64.whl → 0.3.0rc71__cp38-abi3-win_amd64.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.
- corvic/embedding_metric/embeddings.py +2 -2
- corvic/engine/_native.pyd +0 -0
- corvic/model/__init__.py +2 -0
- corvic/model/_base_model.py +17 -4
- corvic/model/_completion_model.py +5 -12
- corvic/model/_proto_orm_convert.py +2 -0
- corvic/model/_resource.py +20 -1
- corvic/model/_source.py +0 -2
- corvic/op_graph/ops.py +5 -3
- corvic/orm/__init__.py +3 -0
- corvic/system/_embedder.py +19 -13
- corvic/system/_image_embedder.py +15 -11
- corvic/system/in_memory_executor.py +8 -2
- corvic/system_sqlite/fs_blob_store.py +7 -1
- corvic/system_sqlite/staging.py +0 -2
- {corvic_engine-0.3.0rc69.dist-info → corvic_engine-0.3.0rc71.dist-info}/METADATA +1 -1
- {corvic_engine-0.3.0rc69.dist-info → corvic_engine-0.3.0rc71.dist-info}/RECORD +22 -22
- corvic_generated/feature/v2/space_pb2.py +8 -10
- corvic_generated/model/v1alpha/models_pb2.py +16 -16
- corvic_generated/model/v1alpha/models_pb2.pyi +4 -2
- {corvic_engine-0.3.0rc69.dist-info → corvic_engine-0.3.0rc71.dist-info}/WHEEL +0 -0
- {corvic_engine-0.3.0rc69.dist-info → corvic_engine-0.3.0rc71.dist-info}/licenses/LICENSE +0 -0
@@ -39,10 +39,10 @@ def norm(
|
|
39
39
|
*,
|
40
40
|
keepdims: bool = False,
|
41
41
|
) -> float | NDArray[Any]:
|
42
|
-
return linalg.norm(
|
42
|
+
return linalg.norm( # pyright: ignore[reportReturnType]
|
43
43
|
x=x,
|
44
44
|
ord=order,
|
45
|
-
axis=axis,
|
45
|
+
axis=axis,
|
46
46
|
keepdims=keepdims,
|
47
47
|
)
|
48
48
|
|
corvic/engine/_native.pyd
CHANGED
Binary file
|
corvic/model/__init__.py
CHANGED
@@ -7,6 +7,7 @@ from corvic.model._base_model import (
|
|
7
7
|
BelongsToRoomModel,
|
8
8
|
HasProtoSelf,
|
9
9
|
UsesOrmID,
|
10
|
+
non_empty_timestamp_to_datetime,
|
10
11
|
)
|
11
12
|
from corvic.model._completion_model import (
|
12
13
|
CompletionModel,
|
@@ -120,6 +121,7 @@ __all__ = [
|
|
120
121
|
"embedding_model_proto_to_name",
|
121
122
|
"feature_type",
|
122
123
|
"image_model_proto_to_name",
|
124
|
+
"non_empty_timestamp_to_datetime",
|
123
125
|
"space_orm_to_proto",
|
124
126
|
"timestamp_orm_to_proto",
|
125
127
|
]
|
corvic/model/_base_model.py
CHANGED
@@ -10,6 +10,7 @@ from typing import Final, Generic, Self
|
|
10
10
|
import sqlalchemy as sa
|
11
11
|
import sqlalchemy.orm as sa_orm
|
12
12
|
import structlog
|
13
|
+
from google.protobuf import timestamp_pb2
|
13
14
|
|
14
15
|
from corvic import orm, system
|
15
16
|
from corvic.model._proto_orm_convert import (
|
@@ -26,6 +27,16 @@ from corvic.result import InvalidArgumentError, NotFoundError, Ok
|
|
26
27
|
|
27
28
|
_logger = structlog.get_logger()
|
28
29
|
|
30
|
+
_EMPTY_PROTO_TIMESTAMP = timestamp_pb2.Timestamp(seconds=0, nanos=0)
|
31
|
+
|
32
|
+
|
33
|
+
def non_empty_timestamp_to_datetime(
|
34
|
+
timestamp: timestamp_pb2.Timestamp,
|
35
|
+
) -> datetime.datetime | None:
|
36
|
+
if timestamp != _EMPTY_PROTO_TIMESTAMP:
|
37
|
+
return timestamp.ToDatetime(tzinfo=datetime.UTC)
|
38
|
+
return None
|
39
|
+
|
29
40
|
|
30
41
|
def _generate_uncommitted_id_str():
|
31
42
|
return f"{UNCOMMITTED_ID_PREFIX}{uuid.uuid4()}"
|
@@ -52,9 +63,7 @@ class HasProtoSelf(Generic[ProtoObj], abc.ABC):
|
|
52
63
|
|
53
64
|
@property
|
54
65
|
def created_at(self) -> datetime.datetime | None:
|
55
|
-
|
56
|
-
return self.proto_self.created_at.ToDatetime(tzinfo=datetime.UTC)
|
57
|
-
return None
|
66
|
+
return non_empty_timestamp_to_datetime(self.proto_self.created_at)
|
58
67
|
|
59
68
|
|
60
69
|
class UsesOrmID(Generic[ID, ProtoObj], HasProtoSelf[ProtoObj]):
|
@@ -75,6 +84,10 @@ class UsesOrmID(Generic[ID, ProtoObj], HasProtoSelf[ProtoObj]):
|
|
75
84
|
class BaseModel(Generic[ID, ProtoObj, OrmObj], UsesOrmID[ID, ProtoObj]):
|
76
85
|
"""Base for orm wrappers providing a unified update mechanism."""
|
77
86
|
|
87
|
+
@property
|
88
|
+
def created_at(self) -> datetime.datetime | None:
|
89
|
+
return non_empty_timestamp_to_datetime(self.proto_self.created_at)
|
90
|
+
|
78
91
|
@classmethod
|
79
92
|
@abc.abstractmethod
|
80
93
|
def orm_class(cls) -> type[OrmObj]: ...
|
@@ -160,7 +173,7 @@ class BaseModel(Generic[ID, ProtoObj, OrmObj], UsesOrmID[ID, ProtoObj]):
|
|
160
173
|
query = query.filter_by(room_id=room_id)
|
161
174
|
if created_before:
|
162
175
|
query = query.filter(orm_class.created_at < created_before)
|
163
|
-
if ids:
|
176
|
+
if ids is not None:
|
164
177
|
query = query.filter(orm_class.id.in_(ids))
|
165
178
|
if additional_query_transform:
|
166
179
|
query = additional_query_transform(query)
|
@@ -7,11 +7,10 @@ import datetime
|
|
7
7
|
from collections.abc import Iterable, Sequence
|
8
8
|
from typing import Literal, TypeAlias
|
9
9
|
|
10
|
-
from google.protobuf import timestamp_pb2
|
11
10
|
from sqlalchemy import orm as sa_orm
|
12
11
|
|
13
12
|
from corvic import orm, system
|
14
|
-
from corvic.model._base_model import BelongsToOrgModel
|
13
|
+
from corvic.model._base_model import BelongsToOrgModel, non_empty_timestamp_to_datetime
|
15
14
|
from corvic.model._defaults import Defaults
|
16
15
|
from corvic.model._proto_orm_convert import (
|
17
16
|
completion_model_delete_orms,
|
@@ -25,8 +24,6 @@ from corvic_generated.orm.v1 import completion_model_pb2
|
|
25
24
|
CompletionModelID: TypeAlias = orm.CompletionModelID
|
26
25
|
OrgID: TypeAlias = orm.OrgID
|
27
26
|
|
28
|
-
UNIX_TIMESTAMP_START_DATETIME = timestamp_pb2.Timestamp(seconds=0, nanos=0)
|
29
|
-
|
30
27
|
|
31
28
|
class CompletionModel(
|
32
29
|
BelongsToOrgModel[
|
@@ -115,17 +112,13 @@ class CompletionModel(
|
|
115
112
|
|
116
113
|
@property
|
117
114
|
def last_validation_time(self) -> datetime.datetime | None:
|
118
|
-
|
119
|
-
return self.proto_self.last_validation_time.ToDatetime(tzinfo=datetime.UTC)
|
120
|
-
return None
|
115
|
+
return non_empty_timestamp_to_datetime(self.proto_self.last_validation_time)
|
121
116
|
|
122
117
|
@property
|
123
118
|
def last_successful_validation(self) -> datetime.datetime | None:
|
124
|
-
|
125
|
-
|
126
|
-
|
127
|
-
)
|
128
|
-
return None
|
119
|
+
return non_empty_timestamp_to_datetime(
|
120
|
+
self.proto_self.last_successful_validation
|
121
|
+
)
|
129
122
|
|
130
123
|
@classmethod
|
131
124
|
def create(
|
@@ -101,6 +101,7 @@ def resource_orm_to_proto(resource_orm: orm.Resource) -> models_pb2.Resource:
|
|
101
101
|
room_id=str(resource_orm.room_id),
|
102
102
|
org_id=str(resource_orm.org_id),
|
103
103
|
recent_events=[resource_orm.latest_event] if resource_orm.latest_event else [],
|
104
|
+
is_terminal=bool(resource_orm.is_terminal),
|
104
105
|
pipeline_id=pipeline_id,
|
105
106
|
pipeline_input_name=pipeline_input_name,
|
106
107
|
created_at=timestamp_orm_to_proto(resource_orm.created_at),
|
@@ -300,6 +301,7 @@ def resource_proto_to_orm(
|
|
300
301
|
size=proto_obj.size,
|
301
302
|
original_path=proto_obj.original_path,
|
302
303
|
latest_event=proto_obj.recent_events[-1] if proto_obj.recent_events else None,
|
304
|
+
is_terminal=proto_obj.is_terminal,
|
303
305
|
)
|
304
306
|
add_orm_room_mixin_to_session(orm_obj, proto_obj, orm.ResourceID, session)
|
305
307
|
|
corvic/model/_resource.py
CHANGED
@@ -98,6 +98,8 @@ class Resource(BelongsToRoomModel[ResourceID, models_pb2.Resource, orm.Resource]
|
|
98
98
|
|
99
99
|
@property
|
100
100
|
def is_terminal(self) -> bool:
|
101
|
+
if self.proto_self.is_terminal:
|
102
|
+
return True
|
101
103
|
if not self.latest_event:
|
102
104
|
return False
|
103
105
|
return self.latest_event.event_type in [
|
@@ -108,6 +110,10 @@ class Resource(BelongsToRoomModel[ResourceID, models_pb2.Resource, orm.Resource]
|
|
108
110
|
def with_event(self, event: event_pb2.Event) -> Resource:
|
109
111
|
new_proto = copy.copy(self.proto_self)
|
110
112
|
new_proto.recent_events.append(event)
|
113
|
+
new_proto.is_terminal = event.event_type in [
|
114
|
+
event_pb2.EVENT_TYPE_FINISHED,
|
115
|
+
event_pb2.EVENT_TYPE_ERROR,
|
116
|
+
]
|
111
117
|
return Resource(self.client, proto_self=new_proto)
|
112
118
|
|
113
119
|
@classmethod
|
@@ -119,7 +125,7 @@ class Resource(BelongsToRoomModel[ResourceID, models_pb2.Resource, orm.Resource]
|
|
119
125
|
]
|
120
126
|
|
121
127
|
@classmethod
|
122
|
-
def list(
|
128
|
+
def list( # noqa: PLR0913
|
123
129
|
cls,
|
124
130
|
*,
|
125
131
|
room_id: RoomID | None = None,
|
@@ -128,6 +134,7 @@ class Resource(BelongsToRoomModel[ResourceID, models_pb2.Resource, orm.Resource]
|
|
128
134
|
created_before: datetime.datetime | None = None,
|
129
135
|
client: system.Client | None = None,
|
130
136
|
ids: Iterable[ResourceID] | None = None,
|
137
|
+
is_terminal: bool | None = None,
|
131
138
|
existing_session: sa_orm.Session | None = None,
|
132
139
|
url: str | None = None,
|
133
140
|
) -> Ok[list[Resource]] | NotFoundError | InvalidArgumentError:
|
@@ -145,6 +152,18 @@ class Resource(BelongsToRoomModel[ResourceID, models_pb2.Resource, orm.Resource]
|
|
145
152
|
)
|
146
153
|
)
|
147
154
|
)
|
155
|
+
match is_terminal:
|
156
|
+
case True:
|
157
|
+
query = query.where(orm.Resource.is_terminal.is_(True))
|
158
|
+
case False:
|
159
|
+
query = query.where(
|
160
|
+
sa.or_(
|
161
|
+
orm.Resource.is_terminal.is_(False),
|
162
|
+
orm.Resource.is_terminal.is_(None),
|
163
|
+
)
|
164
|
+
)
|
165
|
+
case None:
|
166
|
+
pass
|
148
167
|
return query
|
149
168
|
|
150
169
|
match cls.list_as_proto(
|
corvic/model/_source.py
CHANGED
@@ -278,8 +278,6 @@ class Source(BelongsToRoomModel[SourceID, models_pb2.Source, orm.Source]):
|
|
278
278
|
|
279
279
|
@functools.cached_property
|
280
280
|
def prop_table(self):
|
281
|
-
if self.proto_self.prop_table_op_graph is None:
|
282
|
-
return None
|
283
281
|
return Table.from_ops(
|
284
282
|
self.client, op_graph.op.from_proto(self.proto_self.prop_table_op_graph)
|
285
283
|
)
|
corvic/op_graph/ops.py
CHANGED
@@ -946,7 +946,9 @@ class _Base(OneofProtoWrapper[table_pb2.TableComputeOp], ABC):
|
|
946
946
|
)
|
947
947
|
)
|
948
948
|
|
949
|
-
def rename_columns(
|
949
|
+
def rename_columns(
|
950
|
+
self, old_name_to_new: Mapping[str, str]
|
951
|
+
) -> InvalidArgumentError | Ok[RenameColumns]:
|
950
952
|
match self._check_columns_valid(old_name_to_new):
|
951
953
|
case InvalidArgumentError() as err:
|
952
954
|
return err
|
@@ -1743,8 +1745,8 @@ class _Base(OneofProtoWrapper[table_pb2.TableComputeOp], ABC):
|
|
1743
1745
|
sample_strategy: SampleStrategy,
|
1744
1746
|
num_rows: int,
|
1745
1747
|
):
|
1746
|
-
if num_rows
|
1747
|
-
return InvalidArgumentError("num_rows must be
|
1748
|
+
if num_rows < 0:
|
1749
|
+
return InvalidArgumentError("num_rows must be non-negative")
|
1748
1750
|
|
1749
1751
|
return Ok(
|
1750
1752
|
from_proto(
|
corvic/orm/__init__.py
CHANGED
@@ -126,6 +126,9 @@ class Resource(BelongsToOrgMixin, BelongsToRoomMixin, Base, kw_only=True):
|
|
126
126
|
latest_event: sa_orm.Mapped[event_pb2.Event | None] = sa_orm.mapped_column(
|
127
127
|
default=None, nullable=True
|
128
128
|
)
|
129
|
+
is_terminal: sa_orm.Mapped[bool | None] = sa_orm.mapped_column(
|
130
|
+
default=None, nullable=True
|
131
|
+
)
|
129
132
|
pipeline_ref: sa_orm.Mapped[PipelineInput | None] = sa_orm.relationship(
|
130
133
|
init=False, viewonly=True
|
131
134
|
)
|
corvic/system/_embedder.py
CHANGED
@@ -2,7 +2,7 @@ import asyncio
|
|
2
2
|
import dataclasses
|
3
3
|
from collections.abc import Sequence
|
4
4
|
from concurrent.futures import ThreadPoolExecutor
|
5
|
-
from typing import TYPE_CHECKING, Any, Literal, Protocol
|
5
|
+
from typing import TYPE_CHECKING, Any, Literal, Protocol, cast
|
6
6
|
|
7
7
|
import numpy as np
|
8
8
|
import polars as pl
|
@@ -11,7 +11,7 @@ from corvic import orm
|
|
11
11
|
from corvic.result import InternalError, InvalidArgumentError, Ok
|
12
12
|
|
13
13
|
if TYPE_CHECKING:
|
14
|
-
from transformers import (
|
14
|
+
from transformers.models.clip import (
|
15
15
|
CLIPModel,
|
16
16
|
CLIPProcessor,
|
17
17
|
)
|
@@ -102,19 +102,22 @@ class ClipText(TextEmbedder):
|
|
102
102
|
"""
|
103
103
|
|
104
104
|
def _load_models(self):
|
105
|
-
from transformers import (
|
105
|
+
from transformers.models.clip import (
|
106
106
|
CLIPModel,
|
107
107
|
CLIPProcessor,
|
108
108
|
)
|
109
109
|
|
110
|
-
model
|
110
|
+
model = CLIPModel.from_pretrained( # pyright: ignore[reportUnknownMemberType]
|
111
111
|
pretrained_model_name_or_path="openai/clip-vit-base-patch32",
|
112
112
|
revision="5812e510083bb2d23fa43778a39ac065d205ed4d",
|
113
113
|
)
|
114
|
-
processor
|
115
|
-
|
116
|
-
|
117
|
-
|
114
|
+
processor = cast(
|
115
|
+
CLIPProcessor,
|
116
|
+
CLIPProcessor.from_pretrained( # pyright: ignore[reportUnknownMemberType]
|
117
|
+
pretrained_model_name_or_path="openai/clip-vit-base-patch32",
|
118
|
+
revision="5812e510083bb2d23fa43778a39ac065d205ed4d",
|
119
|
+
use_fast=False,
|
120
|
+
),
|
118
121
|
)
|
119
122
|
return ClipModels(model=model, processor=processor)
|
120
123
|
|
@@ -135,14 +138,17 @@ class ClipText(TextEmbedder):
|
|
135
138
|
import torch
|
136
139
|
|
137
140
|
with torch.no_grad():
|
138
|
-
inputs
|
139
|
-
|
140
|
-
|
141
|
-
|
141
|
+
inputs = cast(
|
142
|
+
dict[str, torch.Tensor],
|
143
|
+
processor(
|
144
|
+
text=context.inputs,
|
145
|
+
return_tensors="pt",
|
146
|
+
padding=True,
|
147
|
+
),
|
142
148
|
)
|
143
149
|
text_features = model.get_text_features(input_ids=inputs["input_ids"])
|
144
150
|
|
145
|
-
text_features_numpy
|
151
|
+
text_features_numpy = cast(np.ndarray[Any, Any], text_features.numpy()) # pyright: ignore[reportUnknownMemberType]
|
146
152
|
|
147
153
|
return Ok(
|
148
154
|
EmbedTextResult(
|
corvic/system/_image_embedder.py
CHANGED
@@ -2,7 +2,7 @@ import asyncio
|
|
2
2
|
import dataclasses
|
3
3
|
from concurrent.futures import ThreadPoolExecutor
|
4
4
|
from io import BytesIO
|
5
|
-
from typing import TYPE_CHECKING, Any
|
5
|
+
from typing import TYPE_CHECKING, Any, cast
|
6
6
|
|
7
7
|
import numpy as np
|
8
8
|
import polars as pl
|
@@ -16,7 +16,7 @@ from corvic.system._embedder import (
|
|
16
16
|
|
17
17
|
if TYPE_CHECKING:
|
18
18
|
from PIL import Image
|
19
|
-
from transformers import (
|
19
|
+
from transformers.models.clip import (
|
20
20
|
CLIPModel,
|
21
21
|
CLIPProcessor,
|
22
22
|
)
|
@@ -93,19 +93,22 @@ class Clip(ImageEmbedder):
|
|
93
93
|
"""
|
94
94
|
|
95
95
|
def _load_models(self):
|
96
|
-
from transformers import (
|
96
|
+
from transformers.models.clip import (
|
97
97
|
CLIPModel,
|
98
98
|
CLIPProcessor,
|
99
99
|
)
|
100
100
|
|
101
|
-
model
|
101
|
+
model = CLIPModel.from_pretrained( # pyright: ignore[reportUnknownMemberType]
|
102
102
|
pretrained_model_name_or_path="openai/clip-vit-base-patch32",
|
103
103
|
revision="5812e510083bb2d23fa43778a39ac065d205ed4d",
|
104
104
|
)
|
105
|
-
processor
|
106
|
-
|
107
|
-
|
108
|
-
|
105
|
+
processor = cast(
|
106
|
+
CLIPProcessor,
|
107
|
+
CLIPProcessor.from_pretrained( # pyright: ignore[reportUnknownMemberType]
|
108
|
+
pretrained_model_name_or_path="openai/clip-vit-base-patch32",
|
109
|
+
revision="5812e510083bb2d23fa43778a39ac065d205ed4d",
|
110
|
+
use_fast=False,
|
111
|
+
),
|
109
112
|
)
|
110
113
|
return ClipModels(model=model, processor=processor)
|
111
114
|
|
@@ -146,14 +149,15 @@ class Clip(ImageEmbedder):
|
|
146
149
|
import torch
|
147
150
|
|
148
151
|
with torch.no_grad():
|
149
|
-
inputs
|
150
|
-
|
152
|
+
inputs = cast(
|
153
|
+
dict[str, torch.FloatTensor],
|
154
|
+
processor(images=images, return_tensors="pt"),
|
151
155
|
)
|
152
156
|
image_features = model.get_image_features(
|
153
157
|
pixel_values=inputs["pixel_values"]
|
154
158
|
)
|
155
159
|
|
156
|
-
image_features_numpy
|
160
|
+
image_features_numpy = cast(np.ndarray[Any, Any], image_features.numpy()) # pyright: ignore[reportUnknownMemberType]
|
157
161
|
return Ok(
|
158
162
|
EmbedImageResult(
|
159
163
|
context=context,
|
@@ -243,6 +243,12 @@ class _SlicedTable:
|
|
243
243
|
slice_args: TableSliceArgs | None
|
244
244
|
|
245
245
|
|
246
|
+
def _default_computed_batches_for_op_graph() -> (
|
247
|
+
dict[_SlicedTable, _LazyFrameWithMetrics]
|
248
|
+
):
|
249
|
+
return {}
|
250
|
+
|
251
|
+
|
246
252
|
@dataclasses.dataclass
|
247
253
|
class _InMemoryExecutionContext(AbstractContextManager["_InMemoryExecutionContext"]):
|
248
254
|
exec_context: ExecutionContext
|
@@ -253,7 +259,7 @@ class _InMemoryExecutionContext(AbstractContextManager["_InMemoryExecutionContex
|
|
253
259
|
# contract only guarantees one iteration and these might be accessed more than
|
254
260
|
# once
|
255
261
|
computed_batches_for_op_graph: dict[_SlicedTable, _LazyFrameWithMetrics] = (
|
256
|
-
dataclasses.field(default_factory=
|
262
|
+
dataclasses.field(default_factory=_default_computed_batches_for_op_graph)
|
257
263
|
)
|
258
264
|
exit_stack: ExitStack = dataclasses.field(default_factory=ExitStack)
|
259
265
|
lock: asyncio.Lock = dataclasses.field(default_factory=asyncio.Lock)
|
@@ -1688,7 +1694,7 @@ class InMemoryExecutor(OpGraphExecutor):
|
|
1688
1694
|
sliced_table in context.output_tables
|
1689
1695
|
or sliced_table in context.reused_tables
|
1690
1696
|
):
|
1691
|
-
# collect the lazy frame since it will be
|
1697
|
+
# collect the lazy frame since it will be reused to avoid
|
1692
1698
|
# re-computation
|
1693
1699
|
dataframe = lfm.data.collect()
|
1694
1700
|
lfm = _LazyFrameWithMetrics(dataframe.lazy(), lfm.metrics)
|
@@ -42,11 +42,17 @@ def _signed_url_to_bucket_blob(url: str) -> tuple[str, str]:
|
|
42
42
|
return match.group(1), urllib.parse.unquote_plus(match.group(2))
|
43
43
|
|
44
44
|
|
45
|
+
def _default_user_metadata() -> dict[str, Any]:
|
46
|
+
return {}
|
47
|
+
|
48
|
+
|
45
49
|
@dataclasses.dataclass
|
46
50
|
class BlobMetadata:
|
47
51
|
"""Data about blobs."""
|
48
52
|
|
49
|
-
user_metadata: dict[str, Any] = dataclasses.field(
|
53
|
+
user_metadata: dict[str, Any] = dataclasses.field(
|
54
|
+
default_factory=_default_user_metadata
|
55
|
+
)
|
50
56
|
content_type: str = ""
|
51
57
|
md5_hash: str | None = None
|
52
58
|
size: int | None = None
|
corvic/system_sqlite/staging.py
CHANGED
@@ -1,36 +1,36 @@
|
|
1
|
-
corvic_engine-0.3.
|
2
|
-
corvic_engine-0.3.
|
3
|
-
corvic_engine-0.3.
|
1
|
+
corvic_engine-0.3.0rc71.dist-info/METADATA,sha256=cJkn4ymCzB4gGENGUthmUeQngNSeyO9nQ2zTzHrA5v0,1814
|
2
|
+
corvic_engine-0.3.0rc71.dist-info/WHEEL,sha256=hKPP3BCTWtTwj6SFaSI--T5aOGqh_llYfbZ_BsqivwA,94
|
3
|
+
corvic_engine-0.3.0rc71.dist-info/licenses/LICENSE,sha256=DSS1OD0oIgssKOmAzkMRBv5jvvVuZQbrIv8lpl9DXY8,1035
|
4
4
|
corvic/context/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
5
5
|
corvic/context/__init__.py,sha256=J69SWL27p4euoS3e_Z1K-rqSFRzGdBT3ryuRfM9r9cM,1498
|
6
6
|
corvic/embed/node2vec.py,sha256=Qep1lYMKN4nL4z6Ftylr0pj2aJ2LJmWRmnZV27xYJ-M,11251
|
7
7
|
corvic/embed/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
8
8
|
corvic/embed/__init__.py,sha256=cZZSrRXmezJuTafcQgrB1rbitqXZTVY1B5ryRzAlvgs,144
|
9
|
-
corvic/embedding_metric/embeddings.py,sha256=
|
9
|
+
corvic/embedding_metric/embeddings.py,sha256=XCiMzoGdRSmCOJnBDnxm3xlU0L_vrXwUxEjwdMv1FMI,14036
|
10
10
|
corvic/embedding_metric/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
11
11
|
corvic/embedding_metric/__init__.py,sha256=8a-QKSQNbiksueHk5LdkugjZr6wasP4ff8A-Jsn5gUI,536
|
12
12
|
corvic/engine/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
13
13
|
corvic/engine/_native.pyi,sha256=KYMPtvXqHZ-jMgZohLf4se3rr-rBpCihmjANcr6s8ag,1390
|
14
14
|
corvic/engine/__init__.py,sha256=XL4Vg7rNcBi29ccVelpeFizR9oJtGYXDn84W9zok9d4,975
|
15
15
|
corvic/model/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
16
|
-
corvic/model/_base_model.py,sha256=
|
17
|
-
corvic/model/_completion_model.py,sha256=
|
16
|
+
corvic/model/_base_model.py,sha256=JSFEPHeou1oUXlIrNhUVjjAHjwCjoFIWPpz2X9sUYmI,9527
|
17
|
+
corvic/model/_completion_model.py,sha256=HMp3yCgRtPUUf0KMAw5GoVXAlrfPhQ9h6ytEIkY9yEs,7634
|
18
18
|
corvic/model/_defaults.py,sha256=yoKPPSmYJCE5YAD5jLTEmT4XNf_zXoggNK-uyG8MfVs,1524
|
19
19
|
corvic/model/_errors.py,sha256=Ctlq04SDwHzJPvLaL1rzqzwVqf2b50EILfW3cH4vnh8,261
|
20
20
|
corvic/model/_feature_type.py,sha256=Y-_-wa9fv7XaCAkxfjjoCLxxK2Ftfba-PMefD7bNXzs,917
|
21
21
|
corvic/model/_feature_view.py,sha256=vRh9eVDlais8enZVymQtwPz8vd3QtwSRYR1CnlKtCnA,49698
|
22
22
|
corvic/model/_pipeline.py,sha256=rAhs3gawRORJnnOtjtyWMz6HkTBkVJlyWAP1jB45q4c,16249
|
23
|
-
corvic/model/_proto_orm_convert.py,sha256=
|
24
|
-
corvic/model/_resource.py,sha256=
|
23
|
+
corvic/model/_proto_orm_convert.py,sha256=OnpHJGfIH_J8RtdNZBL1_TYvd8FjkFTkoNfbVFt5vbM,23506
|
24
|
+
corvic/model/_resource.py,sha256=R973-POS5HDCo7hIoxsBNauH1YAPisZDFLrWIxjygbk,8495
|
25
25
|
corvic/model/_room.py,sha256=36mXngZ38L4mr6_LgUm-QgsUUaoGMiYQRfvXLV_jd-4,2914
|
26
|
-
corvic/model/_source.py,sha256=
|
26
|
+
corvic/model/_source.py,sha256=evgqs_6-IK2dl35EJpcc3rD5yTCUZudcQYL24vLTElg,9785
|
27
27
|
corvic/model/_space.py,sha256=Yo9c1JZqXZdNEcwyov5je2siei2hk7UymP_z5BU8UHU,36475
|
28
|
-
corvic/model/__init__.py,sha256=
|
28
|
+
corvic/model/__init__.py,sha256=ZtMq8LTJE013v-OoVq0muo0aqomNGrjmXwKfS8wd4CU,3075
|
29
29
|
corvic/op_graph/aggregation.py,sha256=8X6vqXD7dLHrhYJU0BqmhUsWGbzD1zSP5Db5VHdIru4,6187
|
30
30
|
corvic/op_graph/encoders.py,sha256=93wYoBCn_us5lRCkqvjaP0LTg3LBB3yEfhzICv06bB0,10460
|
31
31
|
corvic/op_graph/errors.py,sha256=I4NE5053d0deGm5xx5EmyP4f98qx42xnIsW1IA-2hy4,163
|
32
32
|
corvic/op_graph/feature_types.py,sha256=ZE6onUGW4Xa7tPL4XgRVQ1Tvj5FVJJ66di3ShDTR0Ak,9623
|
33
|
-
corvic/op_graph/ops.py,sha256=
|
33
|
+
corvic/op_graph/ops.py,sha256=ab6dinm3RVoyzX6LjNmb0T3bUxsMVj5FUDaw-9p_Nhw,111831
|
34
34
|
corvic/op_graph/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
35
35
|
corvic/op_graph/row_filters/_jsonlogic.py,sha256=0UdwOZmIGp4yuExHM3qqAnJYmcGv7iuc3vLub3GD-9Y,7685
|
36
36
|
corvic/op_graph/row_filters/_row_filters.py,sha256=p3O7tJbLsy65Vs7shAiDjpdM4RzYA4-fyzwskt15pPk,9469
|
@@ -49,7 +49,7 @@ corvic/orm/keys.py,sha256=Ag6Xbpvxev-VByT1KJ8ChUn9vKVEzkkMXxrjvtADCtY,2182
|
|
49
49
|
corvic/orm/mixins.py,sha256=tBsXLdP_7vuNmyVe70yCfIzrPz9oX7dM67IToChzPBs,17995
|
50
50
|
corvic/orm/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
51
51
|
corvic/orm/_proto_columns.py,sha256=tcOu92UjFJFYZLasS6sWJQBDRK26yrnmpTii_LDY4iw,913
|
52
|
-
corvic/orm/__init__.py,sha256=
|
52
|
+
corvic/orm/__init__.py,sha256=P5P-yDBHaPKDM5bH3MurOgXx8CgZk6oxwuW6ZxoTOCE,12431
|
53
53
|
corvic/pa_scalar/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
54
54
|
corvic/pa_scalar/_const.py,sha256=1nk6w3Y7crd3J5jSCq7DRVa1lcGk4H1RUr1l4NjnlzE,868
|
55
55
|
corvic/pa_scalar/_from_value.py,sha256=fS3TNPcPI3jAKGmcUIhn8rdqdQEAwgTLEneVxFUeK6M,27531
|
@@ -67,23 +67,23 @@ corvic/sql/parse_ops.py,sha256=5jm2CHycTqzdu9apXTgcvwwyBVpjf7n5waqKfIa84JA,29940
|
|
67
67
|
corvic/sql/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
68
68
|
corvic/sql/__init__.py,sha256=kZ1a39KVZ08P8Bg6XuXDLD_dTQX0k620u4nwxZF4SnY,303
|
69
69
|
corvic/system/client.py,sha256=JcA-fPraqDkl9f8BiClS0qeGY6wzKcEDPymutWrJo54,812
|
70
|
-
corvic/system/in_memory_executor.py,sha256=
|
70
|
+
corvic/system/in_memory_executor.py,sha256=XX0g252uzeMWINyb8TVpB-yTkuQyKOAFyKZbKNEJzy4,66556
|
71
71
|
corvic/system/op_graph_executor.py,sha256=dFxbM_kk5ybPxs3NwyuW3Xg-xCB031toWCFv8eEW8qE,3639
|
72
72
|
corvic/system/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
73
73
|
corvic/system/staging.py,sha256=K5P5moiuAMfPx7lxK4mArxeURBwKoyB6x9HGu9JJ16E,1846
|
74
74
|
corvic/system/storage.py,sha256=ypX6e9D3r4hzhrCgtpPi3ftEDxc8kdN-nByZc6_aCRI,5551
|
75
75
|
corvic/system/_column_encoding.py,sha256=feSWIv4vKstVq-aavWPk53YucUiq7rZvuyofqTicXBE,7574
|
76
76
|
corvic/system/_dimension_reduction.py,sha256=vyD8wOs0vE-hlVnCrBTjStTowAPWYREqnQ_bVuGYvis,2907
|
77
|
-
corvic/system/_embedder.py,sha256=
|
78
|
-
corvic/system/_image_embedder.py,sha256=
|
77
|
+
corvic/system/_embedder.py,sha256=urkPAwtv-jFs2hrDHTxM7_UwsrMiyew_-Y0zTG8W5qY,5422
|
78
|
+
corvic/system/_image_embedder.py,sha256=i595n22L8rmiZQ0sT3JTu_RBJrcU_5Vl95K2HPJtGGw,10447
|
79
79
|
corvic/system/_planner.py,sha256=ecL-HW8PVz5eWJ1Ktf-RAD2IdZkHu3GuBtXdqElo4ts,8210
|
80
80
|
corvic/system/_text_embedder.py,sha256=NDi--3_tzwIWVImjhFWmp8dHmydGGXNu6GYH8qODsIc,4000
|
81
81
|
corvic/system/__init__.py,sha256=U28LyDwpirtG0WDXqE6dzkx8PipvY2rtZSex03C7xlY,2792
|
82
82
|
corvic/system_sqlite/client.py,sha256=NNrcHxCoHPs8piR_-mGEA1KZ2m54OAhHg8DZvI9fWD0,7475
|
83
|
-
corvic/system_sqlite/fs_blob_store.py,sha256=
|
83
|
+
corvic/system_sqlite/fs_blob_store.py,sha256=NTLzLFd56QNqA-iCxNjFAC-YePfXqWWTO9i_o1dJRr0,8563
|
84
84
|
corvic/system_sqlite/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
85
85
|
corvic/system_sqlite/rdbms_blob_store.py,sha256=gTP_tQfTVb3wzZkzo8ys1zaz0rSrERzb57rqMHVpuBA,10563
|
86
|
-
corvic/system_sqlite/staging.py,sha256=
|
86
|
+
corvic/system_sqlite/staging.py,sha256=9WjXT_XT3wGCFgx9dieOGjHcuu2ZEaFWMChQaISMEIs,17332
|
87
87
|
corvic/system_sqlite/__init__.py,sha256=F4UN9vFsXiDY2AKk1jYZPuWWJpSugKHS7ghXeZYlbZs,390
|
88
88
|
corvic/table/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
89
89
|
corvic/table/table.py,sha256=6LYDaPnLL5QVhQcjK3tP3YDWxMvJQsZYEVHbnzQXRB0,25812
|
@@ -115,7 +115,7 @@ corvic_generated/feature/v1/space_pb2_grpc.py,sha256=4zW43K2lSvrMRuPrr9Qu6bqcALP
|
|
115
115
|
corvic_generated/feature/v2/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
116
116
|
corvic_generated/feature/v2/feature_view_pb2.py,sha256=UA9GtA4-xT6tQYwW8OPkT7v2UUbkr9jAC109dvghT0Y,10707
|
117
117
|
corvic_generated/feature/v2/feature_view_pb2_grpc.py,sha256=7cFfkmpQvdsuzPaeMrc0wAv2lyiHzmG6G-nWc8l6VHo,10945
|
118
|
-
corvic_generated/feature/v2/space_pb2.py,sha256=
|
118
|
+
corvic_generated/feature/v2/space_pb2.py,sha256=i5Cigs5oBwDXq12MqwWF2z_X6_pwzM--w04TyylEt0Q,21227
|
119
119
|
corvic_generated/feature/v2/space_pb2_grpc.py,sha256=OJ8bqDou85cxgOBpMYv-KZ85jZWriXCt1UzT3WuBpIk,18779
|
120
120
|
corvic_generated/ingest/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
121
121
|
corvic_generated/ingest/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
@@ -136,7 +136,7 @@ corvic_generated/ingest/v2/table_pb2.py,sha256=b13aZweLIH7e-kZHe_00w6Sndgz3Bg1OD
|
|
136
136
|
corvic_generated/ingest/v2/table_pb2_grpc.py,sha256=tVs7wMWyAfvHcCQEiUOHLwaptKxgMFG6E7Ki9vNmmvQ,8151
|
137
137
|
corvic_generated/model/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
138
138
|
corvic_generated/model/v1alpha/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
139
|
-
corvic_generated/model/v1alpha/models_pb2.py,sha256=
|
139
|
+
corvic_generated/model/v1alpha/models_pb2.py,sha256=pm68TXaXbRu4SQqxfZVgdtjKe42sjr4qSJlLojs9qAU,8255
|
140
140
|
corvic_generated/model/v1alpha/models_pb2_grpc.py,sha256=_bXoS025FcWrXR1E_3Mh4GHB1RMvgz8lIpit-Awnf-s,163
|
141
141
|
corvic_generated/orm/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
142
142
|
corvic_generated/orm/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
@@ -186,7 +186,7 @@ corvic_generated/ingest/v2/source_pb2.pyi,sha256=k7FdbgurQLk0JA1WiTUerznzxLv8b50
|
|
186
186
|
corvic_generated/ingest/v2/source_pb2_grpc.pyi,sha256=VG5gpql2SREHgqMC_ycT-QJBVpPeSYKOYS2COgGrZa4,6195
|
187
187
|
corvic_generated/ingest/v2/table_pb2.pyi,sha256=p22F8kv0HfM-9OzGP88bLofxmUtxfLR5eVN0HOxXiEo,4382
|
188
188
|
corvic_generated/ingest/v2/table_pb2_grpc.pyi,sha256=AEXYNtrU4xyENumcCrkD2FmFV7T1UVidxxeZ5pyE4Qc,4554
|
189
|
-
corvic_generated/model/v1alpha/models_pb2.pyi,sha256=
|
189
|
+
corvic_generated/model/v1alpha/models_pb2.pyi,sha256=hnOYypsP5u4ZJnL26TVaCaJm9r5lu4px3HqhTy2IWN0,10962
|
190
190
|
corvic_generated/model/v1alpha/models_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
191
191
|
corvic_generated/orm/v1/agent_pb2.pyi,sha256=WRUrntKx3-eFEs2uYuZ__9H7VL-yY5dZ3HuWDyTsmvA,5069
|
192
192
|
corvic_generated/orm/v1/agent_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
@@ -206,5 +206,5 @@ corvic_generated/status/v1/event_pb2.pyi,sha256=eU-ibrYpvEAJSIDlSa62-bC96AQU1ykF
|
|
206
206
|
corvic_generated/status/v1/event_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
207
207
|
corvic_generated/status/v1/service_pb2.pyi,sha256=iXLR2FOKQJpBgvBzpD2kVwcYOCksP2aRwK4JYaI9CBw,558
|
208
208
|
corvic_generated/status/v1/service_pb2_grpc.pyi,sha256=OoAnaZ64FD0UTzPoRhYvQU8ecoilhHj3ySjSfHbVDaU,1501
|
209
|
-
corvic/engine/_native.pyd,sha256=
|
210
|
-
corvic_engine-0.3.
|
209
|
+
corvic/engine/_native.pyd,sha256=6Z2NRW6p7UWKoFEQqYEA5f6d8EpqdiWHB-mvmCgRIbI,438272
|
210
|
+
corvic_engine-0.3.0rc71.dist-info/RECORD,,
|
@@ -21,7 +21,7 @@ from google.protobuf import struct_pb2 as google_dot_protobuf_dot_struct__pb2
|
|
21
21
|
from google.protobuf import timestamp_pb2 as google_dot_protobuf_dot_timestamp__pb2
|
22
22
|
|
23
23
|
|
24
|
-
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n\x1d\x63orvic/feature/v2/space.proto\x12\x11\x63orvic.feature.v2\x1a\x1b\x62uf/validate/validate.proto\x1a%corvic/algorithm/graph/v1/graph.proto\x1a corvic/embedding/v1/models.proto\x1a\x1c\x63orvic/status/v1/event.proto\x1a google/protobuf/descriptor.proto\x1a\x1cgoogle/protobuf/struct.proto\x1a\x1fgoogle/protobuf/timestamp.proto\"\xc0\x06\n\nParameters\x12\x8e\x01\n\x0f\x66\x65\x61ture_view_id\x18\x04 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\rfeatureViewId\x12p\n\x1b\x63olumn_embedding_parameters\x18\x02 \x01(\x0b\x32..corvic.embedding.v1.ColumnEmbeddingParametersH\x00R\x19\x63olumnEmbeddingParameters\x12`\n\x13node2vec_parameters\x18\x03 \x01(\x0b\x32-.corvic.algorithm.graph.v1.Node2VecParametersH\x00R\x12node2vecParameters\x12p\n\x17\x63oncat_string_and_embed\x18\x05 \x01(\x0b\x32\x33.corvic.embedding.v1.ConcatStringAndEmbedParametersB\x02\x18\x01H\x00R\x14\x63oncatStringAndEmbed\x12n\n\x1b\x63oncat_and_embed_parameters\x18\x06 \x01(\x0b\x32-.corvic.embedding.v1.ConcatAndEmbedParametersH\x00R\x18\x63oncatAndEmbedParameters\x12n\n\x1b\x65mbed_and_concat_parameters\x18\x07 \x01(\x0b\x32-.corvic.embedding.v1.EmbedAndConcatParametersH\x00R\x18\x65mbedAndConcatParameters\x12\x61\n\x16\x65mbed_image_parameters\x18\x08 \x01(\x0b\x32).corvic.embedding.v1.EmbedImageParametersH\x00R\x14\x65mbedImageParametersB\x08\n\x06paramsJ\x04\x08\x01\x10\x02R\x08space_id\"\xa2\x01\n\x10\x45mbeddingMetrics\x12\x15\n\x06ne_sum\x18\x01 \x01(\x02R\x05neSum\x12)\n\x10\x63ondition_number\x18\x02 \x01(\x02R\x0f\x63onditionNumber\x12+\n\x11rcondition_number\x18\x04 \x01(\x02R\x10rconditionNumber\x12\x1f\n\x0bstable_rank\x18\x03 \x01(\x02R\nstableRank\"\xd2\x03\n\nSpaceEntry\x12\x17\n\x07room_id\x18\x01 \x01(\tR\x06roomId\x12\x19\n\x08space_id\x18\x02 \x01(\tR\x07spaceId\x12\x39\n\ncreated_at\x18\x03 \x01(\x0b\x32\x1a.google.protobuf.TimestampR\tcreatedAt\x12\x12\n\x04name\x18\x04 \x01(\tR\x04name\x12 \n\x0b\x64\x65scription\x18\x05 \x01(\tR\x0b\x64\x65scription\x12\x35\n\x06params\x18\x06 \x03(\x0b\x32\x1d.corvic.feature.v2.ParametersR\x06params\x12<\n\rrecent_events\x18\x07 \x03(\x0b\x32\x17.corvic.status.v1.EventR\x0crecentEvents\x12P\n\x11\x65mbedding_metrics\x18\x08 \x01(\x0b\x32#.corvic.feature.v2.EmbeddingMetricsR\x10\x65mbeddingMetrics\x12;\n\nspace_type\x18\t \x01(\x0e\x32\x1c.corvic.feature.v2.SpaceTypeR\tspaceType\x12\x1b\n\tauto_sync\x18\n \x01(\x08R\x08\x61utoSync\"\xde\x01\n\rSpaceRunEntry\x12\x17\n\x07room_id\x18\x01 \x01(\tR\x06roomId\x12\x19\n\x08space_id\x18\x02 \x01(\tR\x07spaceId\x12 \n\x0cspace_run_id\x18\x03 \x01(\tR\nspaceRunId\x12\x39\n\ncreated_at\x18\x04 \x01(\x0b\x32\x1a.google.protobuf.TimestampR\tcreatedAt\x12<\n\rrecent_events\x18\x05 \x03(\x0b\x32\x17.corvic.status.v1.EventR\x0crecentEvents\"\x95\x01\n\x0fGetSpaceRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\"R\n\x10GetSpaceResponse\x12>\n\x0bspace_entry\x18\x01 \x01(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\nspaceEntry\"\x94\x01\n\x11ListSpacesRequest\x12\x7f\n\x07room_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x06roomId\"X\n\x12ListSpacesResponse\x12\x42\n\rspace_entries\x18\x01 \x03(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\x0cspaceEntries\"\xb6\x02\n\x12\x43reateSpaceRequest\x12\x7f\n\x07room_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x06roomId\x12*\n\x0b\x64\x65scription\x18\x02 \x01(\tB\x08\xbaH\x05r\x03\x18\xe8\x07R\x0b\x64\x65scription\x12\x35\n\x06params\x18\x03 \x03(\x0b\x32\x1d.corvic.feature.v2.ParametersR\x06params\x12\x1b\n\tauto_sync\x18\x04 \x01(\x08R\x08\x61utoSync\x12\x1f\n\x04name\x18\x05 \x01(\tB\x0b\xbaH\x08r\x03\x18\x96\x01\xd8\x01\x01R\x04name\"U\n\x13\x43reateSpaceResponse\x12>\n\x0bspace_entry\x18\x01 \x01(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\nspaceEntry\"\x8c\x01\n\x12\x44\x65leteSpaceRequest\x12v\n\x02id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x02id\"\x15\n\x13\x44\x65leteSpaceResponse\"\x9b\x01\n\x15GetSpaceResultRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\"7\n\x16GetSpaceResultResponse\x12\x1d\n\nsigned_url\x18\x01 \x01(\tR\tsignedUrl\"\xa2\x01\n\x1cGetSpaceVisualizationRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\"f\n\x10\x45mbeddingRowData\x12\x17\n\x07node_id\x18\x03 \x01(\tR\x06nodeId\x12\x1b\n\tnode_type\x18\x04 \x01(\tR\x08nodeType\x12\x1c\n\tembedding\x18\x02 \x03(\x02R\tembedding\"`\n\x12\x45mbeddingTableData\x12J\n\x0e\x65mbedding_rows\x18\x01 \x03(\x0b\x32#.corvic.feature.v2.EmbeddingRowDataR\rembeddingRows\"\xa4\x01\n\x1dGetSpaceVisualizationResponse\x12G\n\x0b\x63oordinates\x18\x01 \x01(\x0b\x32%.corvic.feature.v2.EmbeddingTableDataR\x0b\x63oordinates\x12:\n\x19\x66raction_points_retrieved\x18\x02 \x01(\x02R\x17\x66ractionPointsRetrieved\"V\n\tSourceKey\x12\x1b\n\tsource_id\x18\x01 \x01(\tR\x08sourceId\x12,\n\x05value\x18\x02 \x01(\x0b\x32\x16.google.protobuf.ValueR\x05value\"f\n\x11VisualizationData\x12;\n\nsource_key\x18\x01 \x01(\x0b\x32\x1c.corvic.feature.v2.SourceKeyR\tsourceKey\x12\x14\n\x05point\x18\x02 \x03(\x02R\x05point\"\xea\x02\n\x17GetVisualizationRequest\x12\x82\x01\n\x08space_id\x18\x01 \x01(\tBg\xbaHdr\x02\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')\xd8\x01\x01R\x07spaceId\x12\x89\x01\n\x0cspace_run_id\x18\x04 \x01(\tBg\xbaHdr\x02\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')\xd8\x01\x01R\nspaceRunId\x12\x16\n\x06\x63ursor\x18\x02 \x01(\tR\x06\x63ursor\x12&\n\nnum_points\x18\x03 \x01(\x05\x42\x07\xbaH\x04\x1a\x02 \x00R\tnumPoints\"l\n\x18GetVisualizationResponse\x12\x16\n\x06\x63ursor\x18\x01 \x01(\tR\x06\x63ursor\x12\x38\n\x04\x64\x61ta\x18\x02 \x03(\x0b\x32$.corvic.feature.v2.VisualizationDataR\x04\x64\x61ta\"\x8d\x01\n\x1aListSpacerunsCursorPayload\x12\x19\n\x08space_id\x18\x01 \x01(\tR\x07spaceId\x12T\n\x19\x63reate_time_of_last_entry\x18\x02 \x01(\x0b\x32\x1a.google.protobuf.TimestampR\x15\x63reateTimeOfLastEntry\"\xb3\x01\n\x14ListSpaceRunsRequest\x12\x82\x01\n\x08space_id\x18\x01 \x01(\tBg\xbaHdr\x02\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')\xd8\x01\x01R\x07spaceId\x12\x16\n\x06\x63ursor\x18\x02 \x01(\tR\x06\x63ursor\"}\n\x15ListSpaceRunsResponse\x12L\n\x11space_run_entries\x18\x01 \x03(\x0b\x32 .corvic.feature.v2.SpaceRunEntryR\x0fspaceRunEntries\x12\x16\n\x06\x63ursor\x18\x02 \x01(\tR\x06\x63ursor\"\x9f\x01\n\x12GetSpaceRunRequest\x12\x88\x01\n\x0cspace_run_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\nspaceRunId\"_\n\x13GetSpaceRunResponse\x12H\n\x0fspace_run_entry\x18\x01 \x01(\x0b\x32 .corvic.feature.v2.SpaceRunEntryR\rspaceRunEntry\"\xb0\x02\n\x11PatchSpaceRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\x12#\n\tauto_sync\x18\x02 \x01(\x08\x42\x06\xbaH\x03\xc8\x01\x01R\x08\x61utoSync\x12\x31\n\x0enew_space_name\x18\x03 \x01(\tB\x0b\xbaH\x08r\x03\x18\x96\x01\xd8\x01\x01R\x0cnewSpaceName\x12?\n\x15new_space_description\x18\x04 \x01(\tB\x0b\xbaH\x08r\x03\x18\xe8\x07\xd8\x01\x01R\x13newSpaceDescription\"T\n\x12PatchSpaceResponse\x12>\n\x0bspace_entry\x18\x01 \x01(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\nspaceEntry*\x89\x01\n\tSpaceType\x12\x1a\n\x16SPACE_TYPE_UNSPECIFIED\x10\x00\x12\x19\n\x15SPACE_TYPE_RELATIONAL\x10\x01\x12\x17\n\x13SPACE_TYPE_SEMANTIC\x10\x02\x12\x16\n\x12SPACE_TYPE_TABULAR\x10\x03\x12\x14\n\x10SPACE_TYPE_IMAGE\x10\x04\x32\x90\x08\n\x0cSpaceService\x12X\n\x08GetSpace\x12\".corvic.feature.v2.GetSpaceRequest\x1a#.corvic.feature.v2.GetSpaceResponse\"\x03\x90\x02\x01\x12[\n\nPatchSpace\x12$.corvic.feature.v2.PatchSpaceRequest\x1a%.corvic.feature.v2.PatchSpaceResponse\"\x00\x12^\n\x0b\x43reateSpace\x12%.corvic.feature.v2.CreateSpaceRequest\x1a&.corvic.feature.v2.CreateSpaceResponse\"\x00\x12^\n\x0b\x44\x65leteSpace\x12%.corvic.feature.v2.DeleteSpaceRequest\x1a&.corvic.feature.v2.DeleteSpaceResponse\"\x00\x12^\n\nListSpaces\x12$.corvic.feature.v2.ListSpacesRequest\x1a%.corvic.feature.v2.ListSpacesResponse\"\x03\x90\x02\x01\x12j\n\x0eGetSpaceResult\x12(.corvic.feature.v2.GetSpaceResultRequest\x1a).corvic.feature.v2.GetSpaceResultResponse\"\x03\x90\x02\x01\x12\x7f\n\x15GetSpaceVisualization\x12/.corvic.feature.v2.GetSpaceVisualizationRequest\x1a\x30.corvic.feature.v2.GetSpaceVisualizationResponse\"\x03\x90\x02\x01\x12p\n\x10GetVisualization\x12*.corvic.feature.v2.GetVisualizationRequest\x1a+.corvic.feature.v2.GetVisualizationResponse\"\x03\x90\x02\x01\x12g\n\rListSpaceRuns\x12\'.corvic.feature.v2.ListSpaceRunsRequest\x1a(.corvic.feature.v2.ListSpaceRunsResponse\"\x03\x90\x02\x01\x12\x61\n\x0bGetSpaceRun\x12%.corvic.feature.v2.GetSpaceRunRequest\x1a&.corvic.feature.v2.GetSpaceRunResponse\"\x03\x90\x02\x01\x62\x06proto3')
|
24
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n\x1d\x63orvic/feature/v2/space.proto\x12\x11\x63orvic.feature.v2\x1a\x1b\x62uf/validate/validate.proto\x1a%corvic/algorithm/graph/v1/graph.proto\x1a corvic/embedding/v1/models.proto\x1a\x1c\x63orvic/status/v1/event.proto\x1a google/protobuf/descriptor.proto\x1a\x1cgoogle/protobuf/struct.proto\x1a\x1fgoogle/protobuf/timestamp.proto\"\xc0\x06\n\nParameters\x12\x8e\x01\n\x0f\x66\x65\x61ture_view_id\x18\x04 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\rfeatureViewId\x12p\n\x1b\x63olumn_embedding_parameters\x18\x02 \x01(\x0b\x32..corvic.embedding.v1.ColumnEmbeddingParametersH\x00R\x19\x63olumnEmbeddingParameters\x12`\n\x13node2vec_parameters\x18\x03 \x01(\x0b\x32-.corvic.algorithm.graph.v1.Node2VecParametersH\x00R\x12node2vecParameters\x12p\n\x17\x63oncat_string_and_embed\x18\x05 \x01(\x0b\x32\x33.corvic.embedding.v1.ConcatStringAndEmbedParametersB\x02\x18\x01H\x00R\x14\x63oncatStringAndEmbed\x12n\n\x1b\x63oncat_and_embed_parameters\x18\x06 \x01(\x0b\x32-.corvic.embedding.v1.ConcatAndEmbedParametersH\x00R\x18\x63oncatAndEmbedParameters\x12n\n\x1b\x65mbed_and_concat_parameters\x18\x07 \x01(\x0b\x32-.corvic.embedding.v1.EmbedAndConcatParametersH\x00R\x18\x65mbedAndConcatParameters\x12\x61\n\x16\x65mbed_image_parameters\x18\x08 \x01(\x0b\x32).corvic.embedding.v1.EmbedImageParametersH\x00R\x14\x65mbedImageParametersB\x08\n\x06paramsJ\x04\x08\x01\x10\x02R\x08space_id\"\xa2\x01\n\x10\x45mbeddingMetrics\x12\x15\n\x06ne_sum\x18\x01 \x01(\x02R\x05neSum\x12)\n\x10\x63ondition_number\x18\x02 \x01(\x02R\x0f\x63onditionNumber\x12+\n\x11rcondition_number\x18\x04 \x01(\x02R\x10rconditionNumber\x12\x1f\n\x0bstable_rank\x18\x03 \x01(\x02R\nstableRank\"\xd2\x03\n\nSpaceEntry\x12\x17\n\x07room_id\x18\x01 \x01(\tR\x06roomId\x12\x19\n\x08space_id\x18\x02 \x01(\tR\x07spaceId\x12\x39\n\ncreated_at\x18\x03 \x01(\x0b\x32\x1a.google.protobuf.TimestampR\tcreatedAt\x12\x12\n\x04name\x18\x04 \x01(\tR\x04name\x12 \n\x0b\x64\x65scription\x18\x05 \x01(\tR\x0b\x64\x65scription\x12\x35\n\x06params\x18\x06 \x03(\x0b\x32\x1d.corvic.feature.v2.ParametersR\x06params\x12<\n\rrecent_events\x18\x07 \x03(\x0b\x32\x17.corvic.status.v1.EventR\x0crecentEvents\x12P\n\x11\x65mbedding_metrics\x18\x08 \x01(\x0b\x32#.corvic.feature.v2.EmbeddingMetricsR\x10\x65mbeddingMetrics\x12;\n\nspace_type\x18\t \x01(\x0e\x32\x1c.corvic.feature.v2.SpaceTypeR\tspaceType\x12\x1b\n\tauto_sync\x18\n \x01(\x08R\x08\x61utoSync\"\xde\x01\n\rSpaceRunEntry\x12\x17\n\x07room_id\x18\x01 \x01(\tR\x06roomId\x12\x19\n\x08space_id\x18\x02 \x01(\tR\x07spaceId\x12 \n\x0cspace_run_id\x18\x03 \x01(\tR\nspaceRunId\x12\x39\n\ncreated_at\x18\x04 \x01(\x0b\x32\x1a.google.protobuf.TimestampR\tcreatedAt\x12<\n\rrecent_events\x18\x05 \x03(\x0b\x32\x17.corvic.status.v1.EventR\x0crecentEvents\"\x95\x01\n\x0fGetSpaceRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\"R\n\x10GetSpaceResponse\x12>\n\x0bspace_entry\x18\x01 \x01(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\nspaceEntry\"\x94\x01\n\x11ListSpacesRequest\x12\x7f\n\x07room_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x06roomId\"X\n\x12ListSpacesResponse\x12\x42\n\rspace_entries\x18\x01 \x03(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\x0cspaceEntries\"\xb6\x02\n\x12\x43reateSpaceRequest\x12\x7f\n\x07room_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x06roomId\x12*\n\x0b\x64\x65scription\x18\x02 \x01(\tB\x08\xbaH\x05r\x03\x18\xe8\x07R\x0b\x64\x65scription\x12\x35\n\x06params\x18\x03 \x03(\x0b\x32\x1d.corvic.feature.v2.ParametersR\x06params\x12\x1b\n\tauto_sync\x18\x04 \x01(\x08R\x08\x61utoSync\x12\x1f\n\x04name\x18\x05 \x01(\tB\x0b\xbaH\x08r\x03\x18\x96\x01\xd8\x01\x01R\x04name\"U\n\x13\x43reateSpaceResponse\x12>\n\x0bspace_entry\x18\x01 \x01(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\nspaceEntry\"\x8c\x01\n\x12\x44\x65leteSpaceRequest\x12v\n\x02id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x02id\"\x15\n\x13\x44\x65leteSpaceResponse\"\x9b\x01\n\x15GetSpaceResultRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\"7\n\x16GetSpaceResultResponse\x12\x1d\n\nsigned_url\x18\x01 \x01(\tR\tsignedUrl\"\xa2\x01\n\x1cGetSpaceVisualizationRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\"f\n\x10\x45mbeddingRowData\x12\x17\n\x07node_id\x18\x03 \x01(\tR\x06nodeId\x12\x1b\n\tnode_type\x18\x04 \x01(\tR\x08nodeType\x12\x1c\n\tembedding\x18\x02 \x03(\x02R\tembedding\"`\n\x12\x45mbeddingTableData\x12J\n\x0e\x65mbedding_rows\x18\x01 \x03(\x0b\x32#.corvic.feature.v2.EmbeddingRowDataR\rembeddingRows\"\xa4\x01\n\x1dGetSpaceVisualizationResponse\x12G\n\x0b\x63oordinates\x18\x01 \x01(\x0b\x32%.corvic.feature.v2.EmbeddingTableDataR\x0b\x63oordinates\x12:\n\x19\x66raction_points_retrieved\x18\x02 \x01(\x02R\x17\x66ractionPointsRetrieved\"V\n\tSourceKey\x12\x1b\n\tsource_id\x18\x01 \x01(\tR\x08sourceId\x12,\n\x05value\x18\x02 \x01(\x0b\x32\x16.google.protobuf.ValueR\x05value\"f\n\x11VisualizationData\x12;\n\nsource_key\x18\x01 \x01(\x0b\x32\x1c.corvic.feature.v2.SourceKeyR\tsourceKey\x12\x14\n\x05point\x18\x02 \x03(\x02R\x05point\"\xea\x02\n\x17GetVisualizationRequest\x12\x82\x01\n\x08space_id\x18\x01 \x01(\tBg\xbaHdr\x02\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')\xd8\x01\x01R\x07spaceId\x12\x89\x01\n\x0cspace_run_id\x18\x04 \x01(\tBg\xbaHdr\x02\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')\xd8\x01\x01R\nspaceRunId\x12\x16\n\x06\x63ursor\x18\x02 \x01(\tR\x06\x63ursor\x12&\n\nnum_points\x18\x03 \x01(\x05\x42\x07\xbaH\x04\x1a\x02 \x00R\tnumPoints\"l\n\x18GetVisualizationResponse\x12\x16\n\x06\x63ursor\x18\x01 \x01(\tR\x06\x63ursor\x12\x38\n\x04\x64\x61ta\x18\x02 \x03(\x0b\x32$.corvic.feature.v2.VisualizationDataR\x04\x64\x61ta\"\x8d\x01\n\x1aListSpacerunsCursorPayload\x12\x19\n\x08space_id\x18\x01 \x01(\tR\x07spaceId\x12T\n\x19\x63reate_time_of_last_entry\x18\x02 \x01(\x0b\x32\x1a.google.protobuf.TimestampR\x15\x63reateTimeOfLastEntry\"\xb3\x01\n\x14ListSpaceRunsRequest\x12\x82\x01\n\x08space_id\x18\x01 \x01(\tBg\xbaHdr\x02\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')\xd8\x01\x01R\x07spaceId\x12\x16\n\x06\x63ursor\x18\x02 \x01(\tR\x06\x63ursor\"}\n\x15ListSpaceRunsResponse\x12L\n\x11space_run_entries\x18\x01 \x03(\x0b\x32 .corvic.feature.v2.SpaceRunEntryR\x0fspaceRunEntries\x12\x16\n\x06\x63ursor\x18\x02 \x01(\tR\x06\x63ursor\"\x9f\x01\n\x12GetSpaceRunRequest\x12\x88\x01\n\x0cspace_run_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\nspaceRunId\"_\n\x13GetSpaceRunResponse\x12H\n\x0fspace_run_entry\x18\x01 \x01(\x0b\x32 .corvic.feature.v2.SpaceRunEntryR\rspaceRunEntry\"\xa8\x02\n\x11PatchSpaceRequest\x12\x81\x01\n\x08space_id\x18\x01 \x01(\tBf\xbaHcr\x04\x10\x01\x18\x14\xba\x01Z\n\x0estring.pattern\x12\x16value must be a number\x1a\x30this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')R\x07spaceId\x12\x1b\n\tauto_sync\x18\x02 \x01(\x08R\x08\x61utoSync\x12\x31\n\x0enew_space_name\x18\x03 \x01(\tB\x0b\xbaH\x08r\x03\x18\x96\x01\xd8\x01\x01R\x0cnewSpaceName\x12?\n\x15new_space_description\x18\x04 \x01(\tB\x0b\xbaH\x08r\x03\x18\xe8\x07\xd8\x01\x01R\x13newSpaceDescription\"T\n\x12PatchSpaceResponse\x12>\n\x0bspace_entry\x18\x01 \x01(\x0b\x32\x1d.corvic.feature.v2.SpaceEntryR\nspaceEntry*\x89\x01\n\tSpaceType\x12\x1a\n\x16SPACE_TYPE_UNSPECIFIED\x10\x00\x12\x19\n\x15SPACE_TYPE_RELATIONAL\x10\x01\x12\x17\n\x13SPACE_TYPE_SEMANTIC\x10\x02\x12\x16\n\x12SPACE_TYPE_TABULAR\x10\x03\x12\x14\n\x10SPACE_TYPE_IMAGE\x10\x04\x32\x90\x08\n\x0cSpaceService\x12X\n\x08GetSpace\x12\".corvic.feature.v2.GetSpaceRequest\x1a#.corvic.feature.v2.GetSpaceResponse\"\x03\x90\x02\x01\x12[\n\nPatchSpace\x12$.corvic.feature.v2.PatchSpaceRequest\x1a%.corvic.feature.v2.PatchSpaceResponse\"\x00\x12^\n\x0b\x43reateSpace\x12%.corvic.feature.v2.CreateSpaceRequest\x1a&.corvic.feature.v2.CreateSpaceResponse\"\x00\x12^\n\x0b\x44\x65leteSpace\x12%.corvic.feature.v2.DeleteSpaceRequest\x1a&.corvic.feature.v2.DeleteSpaceResponse\"\x00\x12^\n\nListSpaces\x12$.corvic.feature.v2.ListSpacesRequest\x1a%.corvic.feature.v2.ListSpacesResponse\"\x03\x90\x02\x01\x12j\n\x0eGetSpaceResult\x12(.corvic.feature.v2.GetSpaceResultRequest\x1a).corvic.feature.v2.GetSpaceResultResponse\"\x03\x90\x02\x01\x12\x7f\n\x15GetSpaceVisualization\x12/.corvic.feature.v2.GetSpaceVisualizationRequest\x1a\x30.corvic.feature.v2.GetSpaceVisualizationResponse\"\x03\x90\x02\x01\x12p\n\x10GetVisualization\x12*.corvic.feature.v2.GetVisualizationRequest\x1a+.corvic.feature.v2.GetVisualizationResponse\"\x03\x90\x02\x01\x12g\n\rListSpaceRuns\x12\'.corvic.feature.v2.ListSpaceRunsRequest\x1a(.corvic.feature.v2.ListSpaceRunsResponse\"\x03\x90\x02\x01\x12\x61\n\x0bGetSpaceRun\x12%.corvic.feature.v2.GetSpaceRunRequest\x1a&.corvic.feature.v2.GetSpaceRunResponse\"\x03\x90\x02\x01\x62\x06proto3')
|
25
25
|
|
26
26
|
_globals = globals()
|
27
27
|
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
@@ -60,8 +60,6 @@ if _descriptor._USE_C_DESCRIPTORS == False:
|
|
60
60
|
_globals['_GETSPACERUNREQUEST'].fields_by_name['space_run_id']._serialized_options = b'\272Hcr\004\020\001\030\024\272\001Z\n\016string.pattern\022\026value must be a number\0320this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')'
|
61
61
|
_globals['_PATCHSPACEREQUEST'].fields_by_name['space_id']._options = None
|
62
62
|
_globals['_PATCHSPACEREQUEST'].fields_by_name['space_id']._serialized_options = b'\272Hcr\004\020\001\030\024\272\001Z\n\016string.pattern\022\026value must be a number\0320this.matches(\'^[0-9]+$\') && !this.endsWith(\'\\n\')'
|
63
|
-
_globals['_PATCHSPACEREQUEST'].fields_by_name['auto_sync']._options = None
|
64
|
-
_globals['_PATCHSPACEREQUEST'].fields_by_name['auto_sync']._serialized_options = b'\272H\003\310\001\001'
|
65
63
|
_globals['_PATCHSPACEREQUEST'].fields_by_name['new_space_name']._options = None
|
66
64
|
_globals['_PATCHSPACEREQUEST'].fields_by_name['new_space_name']._serialized_options = b'\272H\010r\003\030\226\001\330\001\001'
|
67
65
|
_globals['_PATCHSPACEREQUEST'].fields_by_name['new_space_description']._options = None
|
@@ -80,8 +78,8 @@ if _descriptor._USE_C_DESCRIPTORS == False:
|
|
80
78
|
_globals['_SPACESERVICE'].methods_by_name['ListSpaceRuns']._serialized_options = b'\220\002\001'
|
81
79
|
_globals['_SPACESERVICE'].methods_by_name['GetSpaceRun']._options = None
|
82
80
|
_globals['_SPACESERVICE'].methods_by_name['GetSpaceRun']._serialized_options = b'\220\002\001'
|
83
|
-
_globals['_SPACETYPE']._serialized_start=
|
84
|
-
_globals['_SPACETYPE']._serialized_end=
|
81
|
+
_globals['_SPACETYPE']._serialized_start=5532
|
82
|
+
_globals['_SPACETYPE']._serialized_end=5669
|
85
83
|
_globals['_PARAMETERS']._serialized_start=282
|
86
84
|
_globals['_PARAMETERS']._serialized_end=1114
|
87
85
|
_globals['_EMBEDDINGMETRICS']._serialized_start=1117
|
@@ -137,9 +135,9 @@ if _descriptor._USE_C_DESCRIPTORS == False:
|
|
137
135
|
_globals['_GETSPACERUNRESPONSE']._serialized_start=5049
|
138
136
|
_globals['_GETSPACERUNRESPONSE']._serialized_end=5144
|
139
137
|
_globals['_PATCHSPACEREQUEST']._serialized_start=5147
|
140
|
-
_globals['_PATCHSPACEREQUEST']._serialized_end=
|
141
|
-
_globals['_PATCHSPACERESPONSE']._serialized_start=
|
142
|
-
_globals['_PATCHSPACERESPONSE']._serialized_end=
|
143
|
-
_globals['_SPACESERVICE']._serialized_start=
|
144
|
-
_globals['_SPACESERVICE']._serialized_end=
|
138
|
+
_globals['_PATCHSPACEREQUEST']._serialized_end=5443
|
139
|
+
_globals['_PATCHSPACERESPONSE']._serialized_start=5445
|
140
|
+
_globals['_PATCHSPACERESPONSE']._serialized_end=5529
|
141
|
+
_globals['_SPACESERVICE']._serialized_start=5672
|
142
|
+
_globals['_SPACESERVICE']._serialized_end=6712
|
145
143
|
# @@protoc_insertion_point(module_scope)
|
@@ -21,7 +21,7 @@ from corvic_generated.status.v1 import event_pb2 as corvic_dot_status_dot_v1_dot
|
|
21
21
|
from google.protobuf import timestamp_pb2 as google_dot_protobuf_dot_timestamp__pb2
|
22
22
|
|
23
23
|
|
24
|
-
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n!corvic/model/v1alpha/models.proto\x12\x14\x63orvic.model.v1alpha\x1a$corvic/orm/v1/completion_model.proto\x1a corvic/orm/v1/feature_view.proto\x1a\x1c\x63orvic/orm/v1/pipeline.proto\x1a\x19\x63orvic/orm/v1/space.proto\x1a\x19\x63orvic/orm/v1/table.proto\x1a\x1c\x63orvic/status/v1/event.proto\x1a\x1fgoogle/protobuf/timestamp.proto\"\x90\x01\n\x04Room\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12\x15\n\x06org_id\x18\x03 \x01(\tR\x05orgId\x12>\n\ncreated_at\x18\x04 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x42\r\n\x0b_created_at\"\
|
24
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n!corvic/model/v1alpha/models.proto\x12\x14\x63orvic.model.v1alpha\x1a$corvic/orm/v1/completion_model.proto\x1a corvic/orm/v1/feature_view.proto\x1a\x1c\x63orvic/orm/v1/pipeline.proto\x1a\x19\x63orvic/orm/v1/space.proto\x1a\x19\x63orvic/orm/v1/table.proto\x1a\x1c\x63orvic/status/v1/event.proto\x1a\x1fgoogle/protobuf/timestamp.proto\"\x90\x01\n\x04Room\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12\x15\n\x06org_id\x18\x03 \x01(\tR\x05orgId\x12>\n\ncreated_at\x18\x04 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x42\r\n\x0b_created_at\"\xf9\x03\n\x08Resource\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12 \n\x0b\x64\x65scription\x18\x03 \x01(\tR\x0b\x64\x65scription\x12\x1b\n\tmime_type\x18\x04 \x01(\tR\x08mimeType\x12\x10\n\x03url\x18\x05 \x01(\tR\x03url\x12\x12\n\x04size\x18\x06 \x01(\x04R\x04size\x12\x10\n\x03md5\x18\x07 \x01(\tR\x03md5\x12#\n\roriginal_path\x18\x08 \x01(\tR\x0coriginalPath\x12\x17\n\x07room_id\x18\t \x01(\tR\x06roomId\x12\x15\n\x06org_id\x18\x0b \x01(\tR\x05orgId\x12\x1f\n\x0bpipeline_id\x18\r \x01(\tR\npipelineId\x12.\n\x13pipeline_input_name\x18\x0f \x01(\tR\x11pipelineInputName\x12<\n\rrecent_events\x18\x0e \x03(\x0b\x32\x17.corvic.status.v1.EventR\x0crecentEvents\x12\x1f\n\x0bis_terminal\x18\x10 \x01(\x08R\nisTerminal\x12>\n\ncreated_at\x18\x0c \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x42\r\n\x0b_created_at\"\xfc\x02\n\x06Source\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12\x43\n\x0etable_op_graph\x18\x03 \x01(\x0b\x32\x1d.corvic.orm.v1.TableComputeOpR\x0ctableOpGraph\x12\x17\n\x07room_id\x18\x04 \x01(\tR\x06roomId\x12\x15\n\x06org_id\x18\x06 \x01(\tR\x05orgId\x12\x1f\n\x0bpipeline_id\x18\x08 \x01(\tR\npipelineId\x12>\n\ncreated_at\x18\x07 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x12Q\n\x13prop_table_op_graph\x18\t \x01(\x0b\x32\x1d.corvic.orm.v1.TableComputeOpH\x01R\x10propTableOpGraph\x88\x01\x01\x42\r\n\x0b_created_atB\x16\n\x14_prop_table_op_graph\"\xe9\x03\n\x08Pipeline\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12 \n\x0b\x64\x65scription\x18\t \x01(\tR\x0b\x64\x65scription\x12\x17\n\x07room_id\x18\x03 \x01(\tR\x06roomId\x12X\n\x0esource_outputs\x18\x05 \x03(\x0b\x32\x31.corvic.model.v1alpha.Pipeline.SourceOutputsEntryR\rsourceOutputs\x12^\n\x17pipeline_transformation\x18\x06 \x01(\x0b\x32%.corvic.orm.v1.PipelineTransformationR\x16pipelineTransformation\x12\x15\n\x06org_id\x18\x07 \x01(\tR\x05orgId\x12>\n\ncreated_at\x18\x08 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x1a^\n\x12SourceOutputsEntry\x12\x10\n\x03key\x18\x01 \x01(\tR\x03key\x12\x32\n\x05value\x18\x02 \x01(\x0b\x32\x1c.corvic.model.v1alpha.SourceR\x05value:\x02\x38\x01\x42\r\n\x0b_created_at\"\xca\x02\n\x11\x46\x65\x61tureViewSource\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x34\n\x06source\x18\x02 \x01(\x0b\x32\x1c.corvic.model.v1alpha.SourceR\x06source\x12\x43\n\x0etable_op_graph\x18\x03 \x01(\x0b\x32\x1d.corvic.orm.v1.TableComputeOpR\x0ctableOpGraph\x12+\n\x11\x64rop_disconnected\x18\x04 \x01(\x08R\x10\x64ropDisconnected\x12\x15\n\x06org_id\x18\x05 \x01(\tR\x05orgId\x12>\n\ncreated_at\x18\x06 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x12\x17\n\x07room_id\x18\x07 \x01(\tR\x06roomIdB\r\n\x0b_created_at\"\x9c\x03\n\x0b\x46\x65\x61tureView\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12 \n\x0b\x64\x65scription\x18\x03 \x01(\tR\x0b\x64\x65scription\x12\x17\n\x07room_id\x18\x04 \x01(\tR\x06roomId\x12P\n\x13\x66\x65\x61ture_view_output\x18\x05 \x01(\x0b\x32 .corvic.orm.v1.FeatureViewOutputR\x11\x66\x65\x61tureViewOutput\x12Y\n\x14\x66\x65\x61ture_view_sources\x18\x06 \x03(\x0b\x32\'.corvic.model.v1alpha.FeatureViewSourceR\x12\x66\x65\x61tureViewSources\x12\x1b\n\tspace_ids\x18\x07 \x03(\tR\x08spaceIds\x12\x15\n\x06org_id\x18\x08 \x01(\tR\x05orgId\x12>\n\ncreated_at\x18\t \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x42\r\n\x0b_created_at\"\xfa\x02\n\x05Space\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12 \n\x0b\x64\x65scription\x18\x03 \x01(\tR\x0b\x64\x65scription\x12\x17\n\x07room_id\x18\x04 \x01(\tR\x06roomId\x12I\n\x10space_parameters\x18\x05 \x01(\x0b\x32\x1e.corvic.orm.v1.SpaceParametersR\x0fspaceParameters\x12\x44\n\x0c\x66\x65\x61ture_view\x18\x06 \x01(\x0b\x32!.corvic.model.v1alpha.FeatureViewR\x0b\x66\x65\x61tureView\x12\x1b\n\tauto_sync\x18\t \x01(\x08R\x08\x61utoSync\x12\x15\n\x06org_id\x18\x07 \x01(\tR\x05orgId\x12>\n\ncreated_at\x18\x08 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\tcreatedAt\x88\x01\x01\x42\r\n\x0b_created_at\"\x97\x04\n\x0f\x43ompletionModel\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12 \n\x0b\x64\x65scription\x18\x03 \x01(\tR\x0b\x64\x65scription\x12\x15\n\x06org_id\x18\x04 \x01(\tR\x05orgId\x12H\n\nparameters\x18\x05 \x01(\x0b\x32(.corvic.orm.v1.CompletionModelParametersR\nparameters\x12$\n\x0esecret_api_key\x18\x06 \x01(\tR\x0csecretApiKey\x12Q\n\x14last_validation_time\x18\x08 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x00R\x12lastValidationTime\x88\x01\x01\x12]\n\x1alast_successful_validation\x18\t \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x01R\x18lastSuccessfulValidation\x88\x01\x01\x12>\n\ncreated_at\x18\x07 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x02R\tcreatedAt\x88\x01\x01\x42\x17\n\x15_last_validation_timeB\x1d\n\x1b_last_successful_validationB\r\n\x0b_created_atb\x06proto3')
|
25
25
|
|
26
26
|
_globals = globals()
|
27
27
|
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
@@ -33,19 +33,19 @@ if _descriptor._USE_C_DESCRIPTORS == False:
|
|
33
33
|
_globals['_ROOM']._serialized_start=279
|
34
34
|
_globals['_ROOM']._serialized_end=423
|
35
35
|
_globals['_RESOURCE']._serialized_start=426
|
36
|
-
_globals['_RESOURCE']._serialized_end=
|
37
|
-
_globals['_SOURCE']._serialized_start=
|
38
|
-
_globals['_SOURCE']._serialized_end=
|
39
|
-
_globals['_PIPELINE']._serialized_start=
|
40
|
-
_globals['_PIPELINE']._serialized_end=
|
41
|
-
_globals['_PIPELINE_SOURCEOUTPUTSENTRY']._serialized_start=
|
42
|
-
_globals['_PIPELINE_SOURCEOUTPUTSENTRY']._serialized_end=
|
43
|
-
_globals['_FEATUREVIEWSOURCE']._serialized_start=
|
44
|
-
_globals['_FEATUREVIEWSOURCE']._serialized_end=
|
45
|
-
_globals['_FEATUREVIEW']._serialized_start=
|
46
|
-
_globals['_FEATUREVIEW']._serialized_end=
|
47
|
-
_globals['_SPACE']._serialized_start=
|
48
|
-
_globals['_SPACE']._serialized_end=
|
49
|
-
_globals['_COMPLETIONMODEL']._serialized_start=
|
50
|
-
_globals['_COMPLETIONMODEL']._serialized_end=
|
36
|
+
_globals['_RESOURCE']._serialized_end=931
|
37
|
+
_globals['_SOURCE']._serialized_start=934
|
38
|
+
_globals['_SOURCE']._serialized_end=1314
|
39
|
+
_globals['_PIPELINE']._serialized_start=1317
|
40
|
+
_globals['_PIPELINE']._serialized_end=1806
|
41
|
+
_globals['_PIPELINE_SOURCEOUTPUTSENTRY']._serialized_start=1697
|
42
|
+
_globals['_PIPELINE_SOURCEOUTPUTSENTRY']._serialized_end=1791
|
43
|
+
_globals['_FEATUREVIEWSOURCE']._serialized_start=1809
|
44
|
+
_globals['_FEATUREVIEWSOURCE']._serialized_end=2139
|
45
|
+
_globals['_FEATUREVIEW']._serialized_start=2142
|
46
|
+
_globals['_FEATUREVIEW']._serialized_end=2554
|
47
|
+
_globals['_SPACE']._serialized_start=2557
|
48
|
+
_globals['_SPACE']._serialized_end=2935
|
49
|
+
_globals['_COMPLETIONMODEL']._serialized_start=2938
|
50
|
+
_globals['_COMPLETIONMODEL']._serialized_end=3473
|
51
51
|
# @@protoc_insertion_point(module_scope)
|
@@ -25,7 +25,7 @@ class Room(_message.Message):
|
|
25
25
|
def __init__(self, id: _Optional[str] = ..., name: _Optional[str] = ..., org_id: _Optional[str] = ..., created_at: _Optional[_Union[_timestamp_pb2.Timestamp, _Mapping]] = ...) -> None: ...
|
26
26
|
|
27
27
|
class Resource(_message.Message):
|
28
|
-
__slots__ = ("id", "name", "description", "mime_type", "url", "size", "md5", "original_path", "room_id", "org_id", "pipeline_id", "pipeline_input_name", "recent_events", "created_at")
|
28
|
+
__slots__ = ("id", "name", "description", "mime_type", "url", "size", "md5", "original_path", "room_id", "org_id", "pipeline_id", "pipeline_input_name", "recent_events", "is_terminal", "created_at")
|
29
29
|
ID_FIELD_NUMBER: _ClassVar[int]
|
30
30
|
NAME_FIELD_NUMBER: _ClassVar[int]
|
31
31
|
DESCRIPTION_FIELD_NUMBER: _ClassVar[int]
|
@@ -39,6 +39,7 @@ class Resource(_message.Message):
|
|
39
39
|
PIPELINE_ID_FIELD_NUMBER: _ClassVar[int]
|
40
40
|
PIPELINE_INPUT_NAME_FIELD_NUMBER: _ClassVar[int]
|
41
41
|
RECENT_EVENTS_FIELD_NUMBER: _ClassVar[int]
|
42
|
+
IS_TERMINAL_FIELD_NUMBER: _ClassVar[int]
|
42
43
|
CREATED_AT_FIELD_NUMBER: _ClassVar[int]
|
43
44
|
id: str
|
44
45
|
name: str
|
@@ -53,8 +54,9 @@ class Resource(_message.Message):
|
|
53
54
|
pipeline_id: str
|
54
55
|
pipeline_input_name: str
|
55
56
|
recent_events: _containers.RepeatedCompositeFieldContainer[_event_pb2.Event]
|
57
|
+
is_terminal: bool
|
56
58
|
created_at: _timestamp_pb2.Timestamp
|
57
|
-
def __init__(self, id: _Optional[str] = ..., name: _Optional[str] = ..., description: _Optional[str] = ..., mime_type: _Optional[str] = ..., url: _Optional[str] = ..., size: _Optional[int] = ..., md5: _Optional[str] = ..., original_path: _Optional[str] = ..., room_id: _Optional[str] = ..., org_id: _Optional[str] = ..., pipeline_id: _Optional[str] = ..., pipeline_input_name: _Optional[str] = ..., recent_events: _Optional[_Iterable[_Union[_event_pb2.Event, _Mapping]]] = ..., created_at: _Optional[_Union[_timestamp_pb2.Timestamp, _Mapping]] = ...) -> None: ...
|
59
|
+
def __init__(self, id: _Optional[str] = ..., name: _Optional[str] = ..., description: _Optional[str] = ..., mime_type: _Optional[str] = ..., url: _Optional[str] = ..., size: _Optional[int] = ..., md5: _Optional[str] = ..., original_path: _Optional[str] = ..., room_id: _Optional[str] = ..., org_id: _Optional[str] = ..., pipeline_id: _Optional[str] = ..., pipeline_input_name: _Optional[str] = ..., recent_events: _Optional[_Iterable[_Union[_event_pb2.Event, _Mapping]]] = ..., is_terminal: bool = ..., created_at: _Optional[_Union[_timestamp_pb2.Timestamp, _Mapping]] = ...) -> None: ...
|
58
60
|
|
59
61
|
class Source(_message.Message):
|
60
62
|
__slots__ = ("id", "name", "table_op_graph", "room_id", "org_id", "pipeline_id", "created_at", "prop_table_op_graph")
|
File without changes
|
File without changes
|