corvic-engine 0.3.0rc56__cp38-abi3-win_amd64.whl → 0.3.0rc58__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/engine/_native.pyd +0 -0
- corvic/model/_completion_model.py +9 -0
- corvic/model/_proto_orm_convert.py +2 -0
- corvic/model/_source.py +8 -0
- corvic/model/_space.py +11 -4
- corvic/op_graph/_schema.py +2 -4
- corvic/op_graph/_transformations.py +3 -3
- corvic/op_graph/ops.py +30 -12
- corvic/orm/__init__.py +1 -0
- corvic/orm/ids.py +6 -1
- corvic/system/in_memory_executor.py +42 -12
- corvic/table/table.py +9 -3
- {corvic_engine-0.3.0rc56.dist-info → corvic_engine-0.3.0rc58.dist-info}/METADATA +1 -1
- {corvic_engine-0.3.0rc56.dist-info → corvic_engine-0.3.0rc58.dist-info}/RECORD +18 -30
- corvic_generated/model/v1alpha/models_pb2.py +2 -2
- corvic_generated/model/v1alpha/models_pb2.pyi +6 -4
- corvic_generated/config/__init__.py +0 -0
- corvic_generated/config/v1/__init__.py +0 -0
- corvic_generated/config/v1/settings_pb2.py +0 -128
- corvic_generated/config/v1/settings_pb2.pyi +0 -389
- corvic_generated/config/v1/settings_pb2_grpc.py +0 -4
- corvic_generated/config/v1/settings_pb2_grpc.pyi +0 -17
- corvic_generated/platform/__init__.py +0 -0
- corvic_generated/platform/v1/__init__.py +0 -0
- corvic_generated/platform/v1/platform_pb2.py +0 -101
- corvic_generated/platform/v1/platform_pb2.pyi +0 -147
- corvic_generated/platform/v1/platform_pb2_grpc.py +0 -330
- corvic_generated/platform/v1/platform_pb2_grpc.pyi +0 -153
- {corvic_engine-0.3.0rc56.dist-info → corvic_engine-0.3.0rc58.dist-info}/WHEEL +0 -0
- {corvic_engine-0.3.0rc56.dist-info → corvic_engine-0.3.0rc58.dist-info}/licenses/LICENSE +0 -0
corvic/engine/_native.pyd
CHANGED
Binary file
|
@@ -121,6 +121,10 @@ class CompletionModel(
|
|
121
121
|
)
|
122
122
|
return None
|
123
123
|
|
124
|
+
@property
|
125
|
+
def is_validated(self) -> bool:
|
126
|
+
return self.proto_self.is_validated
|
127
|
+
|
124
128
|
@classmethod
|
125
129
|
def create(
|
126
130
|
cls,
|
@@ -213,3 +217,8 @@ class CompletionModel(
|
|
213
217
|
proto_self = copy.deepcopy(self.proto_self)
|
214
218
|
proto_self.last_validation_time.FromDatetime(last_validation_time)
|
215
219
|
return CompletionModel(self.client, proto_self)
|
220
|
+
|
221
|
+
def with_is_validated(self, *, is_validated: bool) -> CompletionModel:
|
222
|
+
proto_self = copy.deepcopy(self.proto_self)
|
223
|
+
proto_self.is_validated = is_validated
|
224
|
+
return CompletionModel(self.client, proto_self)
|
@@ -225,6 +225,7 @@ def completion_model_orm_to_proto(
|
|
225
225
|
last_validation_time=timestamp_orm_to_proto(
|
226
226
|
completion_model_orm.last_validation_time
|
227
227
|
),
|
228
|
+
is_validated=completion_model_orm.is_validated,
|
228
229
|
)
|
229
230
|
|
230
231
|
|
@@ -579,6 +580,7 @@ def completion_model_proto_to_orm(
|
|
579
580
|
parameters=proto_obj.parameters,
|
580
581
|
secret_api_key=proto_obj.secret_api_key,
|
581
582
|
last_validation_time=proto_obj.last_validation_time.ToDatetime(),
|
583
|
+
is_validated=proto_obj.is_validated,
|
582
584
|
)
|
583
585
|
return add_orm_org_mixin_to_session(
|
584
586
|
orm_obj, proto_obj, orm.CompletionModelID, session
|
corvic/model/_source.py
CHANGED
@@ -187,6 +187,14 @@ class Source(BelongsToRoomModel[SourceID, models_pb2.Source, orm.Source]):
|
|
187
187
|
proto_self=proto_self,
|
188
188
|
)
|
189
189
|
|
190
|
+
def with_property_table(self, props: Table) -> Self:
|
191
|
+
proto_self = copy.deepcopy(self.proto_self)
|
192
|
+
proto_self.prop_table_op_graph.CopyFrom(props.op_graph.to_proto())
|
193
|
+
return self.__class__(
|
194
|
+
self.client,
|
195
|
+
proto_self=proto_self,
|
196
|
+
)
|
197
|
+
|
190
198
|
@classmethod
|
191
199
|
def orm_load_options(cls) -> list[LoaderOption]:
|
192
200
|
return [
|
corvic/model/_space.py
CHANGED
@@ -836,13 +836,20 @@ class TabularSpace(Space):
|
|
836
836
|
pa.string(),
|
837
837
|
)
|
838
838
|
|
839
|
-
|
840
|
-
op.concat_list(
|
839
|
+
if len(embedding_column_tmp_names):
|
840
|
+
op = op.concat_list(
|
841
841
|
column_names=embedding_column_tmp_names,
|
842
842
|
concat_list_column_name=embedding_column_tmp_name,
|
843
|
+
).and_then(reduce_dimension)
|
844
|
+
else:
|
845
|
+
op = op.add_literal_column(
|
846
|
+
column_name=embedding_column_tmp_name,
|
847
|
+
literal=[],
|
848
|
+
dtype=pa.large_list(pa.float32()),
|
849
|
+
ftype=op_graph.feature_type.embedding(),
|
843
850
|
)
|
844
|
-
|
845
|
-
.and_then(select_columns)
|
851
|
+
op = (
|
852
|
+
op.and_then(select_columns)
|
846
853
|
.and_then(update_feature_types)
|
847
854
|
.and_then(rename_columns)
|
848
855
|
.and_then(add_literal_column)
|
corvic/op_graph/_schema.py
CHANGED
@@ -2,8 +2,6 @@
|
|
2
2
|
|
3
3
|
from __future__ import annotations
|
4
4
|
|
5
|
-
from collections.abc import Sequence
|
6
|
-
|
7
5
|
import polars as pl
|
8
6
|
import pyarrow as pa
|
9
7
|
|
@@ -14,7 +12,7 @@ from corvic.op_graph.feature_types import FeatureType
|
|
14
12
|
|
15
13
|
def _infer_possible_feature_types(
|
16
14
|
data_type: pa.DataType,
|
17
|
-
) ->
|
15
|
+
) -> list[FeatureType]:
|
18
16
|
if pa.types.is_integer(data_type):
|
19
17
|
# TODO(thunt): Add multi-categorical in future versions
|
20
18
|
return [
|
@@ -168,6 +166,6 @@ class Field:
|
|
168
166
|
def rename(self, new_name: str) -> Field:
|
169
167
|
return Field(new_name, self.dtype, self.ftype)
|
170
168
|
|
171
|
-
def possible_feature_types(self) ->
|
169
|
+
def possible_feature_types(self) -> list[FeatureType]:
|
172
170
|
"""Infer possible feature types given the data type."""
|
173
171
|
return _infer_possible_feature_types(self.dtype)
|
@@ -142,11 +142,11 @@ def replace_op_source( # noqa: C901
|
|
142
142
|
case op.AddLiteralColumn():
|
143
143
|
new_proto = root_op.to_proto()
|
144
144
|
new_proto.add_literal_column.source.CopyFrom(new_source.to_proto())
|
145
|
-
return Ok(op.from_proto(new_proto))
|
145
|
+
return Ok(op.from_proto(new_proto, skip_validate=True))
|
146
146
|
case op.CombineColumns():
|
147
147
|
new_proto = root_op.to_proto()
|
148
148
|
new_proto.combine_columns.source.CopyFrom(new_source.to_proto())
|
149
|
-
return Ok(op.from_proto(new_proto))
|
149
|
+
return Ok(op.from_proto(new_proto, skip_validate=True))
|
150
150
|
case op.EmbedColumn():
|
151
151
|
return new_source.embed_column(
|
152
152
|
column_name=root_op.column_name,
|
@@ -183,7 +183,7 @@ def replace_op_source( # noqa: C901
|
|
183
183
|
case op.TruncateList():
|
184
184
|
new_proto = root_op.to_proto()
|
185
185
|
new_proto.truncate_list.source.CopyFrom(new_source.to_proto())
|
186
|
-
return Ok(op.from_proto(new_proto))
|
186
|
+
return Ok(op.from_proto(new_proto, skip_validate=True))
|
187
187
|
case op.Union():
|
188
188
|
new_tables = list[op.Op]()
|
189
189
|
for table in root_op.sources():
|
corvic/op_graph/ops.py
CHANGED
@@ -59,7 +59,7 @@ from corvic.op_graph.row_filters import RowFilter
|
|
59
59
|
from corvic.op_graph.row_filters import from_proto as row_filters_from_proto
|
60
60
|
from corvic.op_graph.sample_strategy import SampleStrategy
|
61
61
|
from corvic.op_graph.sample_strategy import from_proto as sample_strategy_from_proto
|
62
|
-
from corvic.pa_scalar import PyValue, from_value, to_value
|
62
|
+
from corvic.pa_scalar import PyValue, Scalar, from_value, to_value
|
63
63
|
from corvic.proto_wrapper import OneofProtoWrapper
|
64
64
|
from corvic.result import InternalError, InvalidArgumentError, Ok
|
65
65
|
from corvic_generated.algorithm.graph.v1 import graph_pb2
|
@@ -1275,7 +1275,7 @@ class _Base(OneofProtoWrapper[table_pb2.TableComputeOp], ABC):
|
|
1275
1275
|
def add_literal_column(
|
1276
1276
|
self,
|
1277
1277
|
column_name: str,
|
1278
|
-
literal: struct_pb2.Value |
|
1278
|
+
literal: struct_pb2.Value | Scalar | PyValue,
|
1279
1279
|
dtype: pa.DataType,
|
1280
1280
|
ftype: FeatureType | None = None,
|
1281
1281
|
) -> Ok[AddLiteralColumn] | InvalidArgumentError:
|
@@ -1313,8 +1313,13 @@ class _Base(OneofProtoWrapper[table_pb2.TableComputeOp], ABC):
|
|
1313
1313
|
separator: str,
|
1314
1314
|
) -> Ok[CombineColumns] | InvalidArgumentError:
|
1315
1315
|
for col in column_names:
|
1316
|
-
|
1316
|
+
field = self.schema.get(col)
|
1317
|
+
if not field:
|
1317
1318
|
return InvalidArgumentError("no column with given name", given_name=col)
|
1319
|
+
if pa.types.is_binary(field.dtype) | pa.types.is_large_binary(field.dtype):
|
1320
|
+
return InvalidArgumentError(
|
1321
|
+
"cannot concat binary columns", given_name=col
|
1322
|
+
)
|
1318
1323
|
|
1319
1324
|
if self.schema.has_column(combined_column_name):
|
1320
1325
|
return InvalidArgumentError("name given for combined column already exists")
|
@@ -1698,6 +1703,9 @@ class _Base(OneofProtoWrapper[table_pb2.TableComputeOp], ABC):
|
|
1698
1703
|
Returns:
|
1699
1704
|
An AddDecisionTreeSummaryOp.
|
1700
1705
|
"""
|
1706
|
+
if max_depth < 0:
|
1707
|
+
return InvalidArgumentError("max_depth must be strictly positive")
|
1708
|
+
|
1701
1709
|
return Ok(
|
1702
1710
|
from_proto(
|
1703
1711
|
table_pb2.AddDecisionTreeSummaryOp(
|
@@ -2938,16 +2946,26 @@ def _make_schema_for_combine_columns(op: CombineColumns):
|
|
2938
2946
|
if column.ftype != ftype:
|
2939
2947
|
ftype = feature_type.unknown()
|
2940
2948
|
|
2941
|
-
|
2942
|
-
|
2943
|
-
|
2944
|
-
|
2949
|
+
if op.column_names:
|
2950
|
+
dtype = (
|
2951
|
+
pl.DataFrame(schema=schema.to_polars())
|
2952
|
+
.with_columns(
|
2953
|
+
pl.concat_list(*op.column_names).alias(op.combined_column_name)
|
2954
|
+
)
|
2955
|
+
.to_arrow()
|
2956
|
+
.schema.field(op.combined_column_name)
|
2957
|
+
.type
|
2958
|
+
)
|
2959
|
+
else:
|
2960
|
+
dtype = (
|
2961
|
+
pl.DataFrame(schema=schema.to_polars())
|
2962
|
+
.with_columns(
|
2963
|
+
pl.Series(op.combined_column_name, [], pl.List(pl.Float32))
|
2964
|
+
)
|
2965
|
+
.to_arrow()
|
2966
|
+
.schema.field(op.combined_column_name)
|
2967
|
+
.type
|
2945
2968
|
)
|
2946
|
-
.to_arrow()
|
2947
|
-
.schema.field(op.combined_column_name)
|
2948
|
-
.type
|
2949
|
-
)
|
2950
|
-
|
2951
2969
|
return Schema(
|
2952
2970
|
[
|
2953
2971
|
*op.source.schema,
|
corvic/orm/__init__.py
CHANGED
corvic/orm/ids.py
CHANGED
@@ -15,6 +15,8 @@ from corvic.result import Ok
|
|
15
15
|
|
16
16
|
ORMIdentifier = TypeVar("ORMIdentifier")
|
17
17
|
|
18
|
+
_MAX_INT_ID = 2**63 - 1
|
19
|
+
|
18
20
|
|
19
21
|
class BaseID(Generic[ORMIdentifier], abc.ABC):
|
20
22
|
"""Base class for all API object identifiers."""
|
@@ -72,7 +74,10 @@ class BaseIDFromInt(BaseID[int]):
|
|
72
74
|
if not self._value:
|
73
75
|
return InvalidORMIdentifierError("id was empty")
|
74
76
|
try:
|
75
|
-
|
77
|
+
value = int(self._value)
|
78
|
+
if value > _MAX_INT_ID:
|
79
|
+
return InvalidORMIdentifierError("id too large", id_value=self._value)
|
80
|
+
return Ok(value)
|
76
81
|
except ValueError:
|
77
82
|
return InvalidORMIdentifierError(
|
78
83
|
"conversion to orm failed", id_value=self._value
|
@@ -12,6 +12,7 @@ from typing import Any, Final, cast
|
|
12
12
|
|
13
13
|
import numpy as np
|
14
14
|
import polars as pl
|
15
|
+
import polars.selectors as cs
|
15
16
|
import pyarrow as pa
|
16
17
|
import pyarrow.parquet as pq
|
17
18
|
import structlog
|
@@ -778,9 +779,14 @@ class InMemoryExecutor(OpGraphExecutor):
|
|
778
779
|
)
|
779
780
|
|
780
781
|
case op_graph.ConcatList():
|
781
|
-
|
782
|
-
|
783
|
-
|
782
|
+
if op.column_names:
|
783
|
+
result_df = source_df.with_columns(
|
784
|
+
pl.concat_list(*op.column_names).alias(op.combined_column_name)
|
785
|
+
)
|
786
|
+
else:
|
787
|
+
result_df = source_df.with_columns(
|
788
|
+
pl.Series(op.combined_column_name, [])
|
789
|
+
)
|
784
790
|
|
785
791
|
return Ok(_SchemaAndBatches.from_dataframe(result_df, source_batches.metrics))
|
786
792
|
|
@@ -1394,17 +1400,41 @@ class InMemoryExecutor(OpGraphExecutor):
|
|
1394
1400
|
pass
|
1395
1401
|
case err:
|
1396
1402
|
return err
|
1403
|
+
|
1397
1404
|
df_input = _as_df(source_batches)
|
1405
|
+
dataframe = df_input[list({*op.feature_column_names, op.label_column_name})]
|
1406
|
+
boolean_columns = [
|
1407
|
+
name
|
1408
|
+
for name, dtype in dataframe.schema.items()
|
1409
|
+
if dtype == pl.Boolean() and name in op.feature_column_names
|
1410
|
+
]
|
1398
1411
|
|
1399
|
-
|
1400
|
-
|
1412
|
+
# Drop Nan and Null and infinite rows as not supported by decision tree
|
1413
|
+
dataframe = dataframe.with_columns(
|
1414
|
+
*[pl.col(col).cast(pl.Float32) for col in op.feature_column_names]
|
1415
|
+
)
|
1416
|
+
dataframe = dataframe.drop_nans().drop_nulls()
|
1417
|
+
try:
|
1418
|
+
# is_infinite is not implemented for all datatypes
|
1419
|
+
dataframe = dataframe.filter(~pl.any_horizontal(cs.numeric().is_infinite()))
|
1420
|
+
except pl.exceptions.InvalidOperationError as err:
|
1421
|
+
return InvalidArgumentError.from_(err)
|
1422
|
+
|
1423
|
+
if not len(dataframe):
|
1424
|
+
return InvalidArgumentError(
|
1425
|
+
"a minimum of 1 sample is required by DecisionTreeClassifier"
|
1426
|
+
)
|
1427
|
+
features = dataframe[op.feature_column_names]
|
1428
|
+
classes = dataframe[op.label_column_name]
|
1401
1429
|
max_depth = op.max_depth
|
1402
1430
|
|
1403
|
-
binary_columns = [
|
1404
|
-
name for name, dtype in features.schema.items() if dtype == pl.Boolean()
|
1405
|
-
]
|
1406
|
-
|
1407
1431
|
from sklearn.tree import DecisionTreeClassifier, export_graphviz, export_text
|
1432
|
+
from sklearn.utils.multiclass import check_classification_targets
|
1433
|
+
|
1434
|
+
try:
|
1435
|
+
check_classification_targets(classes)
|
1436
|
+
except ValueError as err:
|
1437
|
+
return InvalidArgumentError.from_(err)
|
1408
1438
|
|
1409
1439
|
decision_tree = DecisionTreeClassifier(random_state=0, max_depth=max_depth)
|
1410
1440
|
try:
|
@@ -1426,11 +1456,11 @@ class InMemoryExecutor(OpGraphExecutor):
|
|
1426
1456
|
max_depth=max_depth,
|
1427
1457
|
)
|
1428
1458
|
|
1429
|
-
for
|
1459
|
+
for boolean_column in boolean_columns:
|
1430
1460
|
tree_str = tree_str.replace(
|
1431
|
-
f"{
|
1461
|
+
f"{boolean_column} <= 0.50", f"NOT {boolean_column}"
|
1432
1462
|
)
|
1433
|
-
tree_str = tree_str.replace(f"{
|
1463
|
+
tree_str = tree_str.replace(f"{boolean_column} > 0.50", boolean_column)
|
1434
1464
|
|
1435
1465
|
metrics = source_batches.metrics.copy()
|
1436
1466
|
metrics[op.output_metric_key] = table_pb2.DecisionTreeSummary(
|
corvic/table/table.py
CHANGED
@@ -412,12 +412,18 @@ class Table:
|
|
412
412
|
case _:
|
413
413
|
return more_itertools.flatten(map(cls._get_staging_ops, op.sources()))
|
414
414
|
|
415
|
-
def head(self) -> InvalidArgumentError | Ok[Table]:
|
416
|
-
"""Get
|
417
|
-
return self.op_graph.limit_rows(num_rows=
|
415
|
+
def head(self, num_rows: int = 10) -> InvalidArgumentError | Ok[Table]:
|
416
|
+
"""Get the first `num_rows` rows of the table."""
|
417
|
+
return self.op_graph.limit_rows(num_rows=num_rows).map(
|
418
418
|
lambda op: Table(self.client, op)
|
419
419
|
)
|
420
420
|
|
421
|
+
def sample_rows(self, num_rows: int = 10) -> InvalidArgumentError | Ok[Table]:
|
422
|
+
"""Get a sample of `num_rows` rows of the table."""
|
423
|
+
return self.op_graph.sample_rows(
|
424
|
+
sample_strategy=op_graph.sample_strategy.uniform_random(), num_rows=num_rows
|
425
|
+
).map(lambda op: Table(self.client, op))
|
426
|
+
|
421
427
|
def distinct_rows(self) -> Table:
|
422
428
|
return Table(
|
423
429
|
self.client,
|
@@ -1,6 +1,6 @@
|
|
1
|
-
corvic_engine-0.3.
|
2
|
-
corvic_engine-0.3.
|
3
|
-
corvic_engine-0.3.
|
1
|
+
corvic_engine-0.3.0rc58.dist-info/METADATA,sha256=UwErGvd9THFwffnkC_XrZIyYqjlv-BIPxZmDqVcGy-o,1876
|
2
|
+
corvic_engine-0.3.0rc58.dist-info/WHEEL,sha256=hKPP3BCTWtTwj6SFaSI--T5aOGqh_llYfbZ_BsqivwA,94
|
3
|
+
corvic_engine-0.3.0rc58.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=zBnPiP-tStGSVMG_0-G_0ay6-yIX2aerW_oYRzAex74,1702
|
6
6
|
corvic/embed/node2vec.py,sha256=XIJjFDdT-JnmZ43lgP-K-dLgnR17L_uaJqBPAYlsPsk,11148
|
@@ -15,42 +15,42 @@ corvic/engine/__init__.py,sha256=XL4Vg7rNcBi29ccVelpeFizR9oJtGYXDn84W9zok9d4,975
|
|
15
15
|
corvic/model/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
16
16
|
corvic/model/_agent.py,sha256=8tle_IGhy0LTPd1nNXDfBypnzF3CI7S9fhZbDsVxnZc,4737
|
17
17
|
corvic/model/_base_model.py,sha256=WYBBPa1TeU9wchh-UBFlMwuQMDY5cKHBlDznhLbnSHA,8989
|
18
|
-
corvic/model/_completion_model.py,sha256=
|
18
|
+
corvic/model/_completion_model.py,sha256=SCt6ovMZo8cAeJbDlm7DR9po9xpaoHsIU_Xt-rtCsSE,7672
|
19
19
|
corvic/model/_defaults.py,sha256=yoKPPSmYJCE5YAD5jLTEmT4XNf_zXoggNK-uyG8MfVs,1524
|
20
20
|
corvic/model/_errors.py,sha256=Ctlq04SDwHzJPvLaL1rzqzwVqf2b50EILfW3cH4vnh8,261
|
21
21
|
corvic/model/_feature_type.py,sha256=Y-_-wa9fv7XaCAkxfjjoCLxxK2Ftfba-PMefD7bNXzs,917
|
22
22
|
corvic/model/_feature_view.py,sha256=gdcXzsMuxpJ7vwbIGYgZlLYNxi2zvdZXvFsb36x6lKg,49694
|
23
23
|
corvic/model/_pipeline.py,sha256=c16ap3yHQXqBmjG_2bMzz8hBYJCr14V2WxwlAYOw5Zw,16279
|
24
|
-
corvic/model/_proto_orm_convert.py,sha256=
|
24
|
+
corvic/model/_proto_orm_convert.py,sha256=6sYR0t9ZBb4r7r2DD7eJ143_90LFrZ_-eN7v1ImH62c,26223
|
25
25
|
corvic/model/_resource.py,sha256=w5m6mmD8KrHJ8efPTfRV0JKaCmkDRaxlGeuRMmVbw10,7773
|
26
26
|
corvic/model/_room.py,sha256=36mXngZ38L4mr6_LgUm-QgsUUaoGMiYQRfvXLV_jd-4,2914
|
27
|
-
corvic/model/_source.py,sha256=
|
28
|
-
corvic/model/_space.py,sha256=
|
27
|
+
corvic/model/_source.py,sha256=8AZQylOWuOuj-czSTLLbCZMkjFHAgwYQjNhxadRpvPI,9897
|
28
|
+
corvic/model/_space.py,sha256=ZljalsBDrcnsx2sUOpJd6qQO2nFYDFttNoJMiLdGTBM,35922
|
29
29
|
corvic/model/__init__.py,sha256=Lb-yC04t17Hr2TlnGfn5Ewzd2h1nH4hb9tKdMNAak9s,3075
|
30
30
|
corvic/op_graph/aggregation.py,sha256=8X6vqXD7dLHrhYJU0BqmhUsWGbzD1zSP5Db5VHdIru4,6187
|
31
31
|
corvic/op_graph/encoders.py,sha256=93wYoBCn_us5lRCkqvjaP0LTg3LBB3yEfhzICv06bB0,10460
|
32
32
|
corvic/op_graph/errors.py,sha256=I4NE5053d0deGm5xx5EmyP4f98qx42xnIsW1IA-2hy4,163
|
33
33
|
corvic/op_graph/feature_types.py,sha256=ZE6onUGW4Xa7tPL4XgRVQ1Tvj5FVJJ66di3ShDTR0Ak,9623
|
34
|
-
corvic/op_graph/ops.py,sha256=
|
34
|
+
corvic/op_graph/ops.py,sha256=1YOFnnN6WgzBajkXRM9UgdMLd-NEfa4tRmIQVj5cyeo,110637
|
35
35
|
corvic/op_graph/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
36
36
|
corvic/op_graph/row_filters/_jsonlogic.py,sha256=tBd-wOwE6AIx9XEkuSVdBx9iB08nsdHJdvNzEmWzrB0,6432
|
37
37
|
corvic/op_graph/row_filters/_row_filters.py,sha256=d7oUbB-vThi-Kn5GupGnEwr5UNlsGFgCgR3Q7NR_tkI,9554
|
38
38
|
corvic/op_graph/row_filters/__init__.py,sha256=1sibH_kLw7t_9bpRccnEGWqdCiN0VaUh9LMMIMCRyL8,575
|
39
39
|
corvic/op_graph/sample_strategy.py,sha256=DrbtJ3ORkIRfyIE_FdlOh_UMnCW_K9jL1LeonVYb3bU,3007
|
40
|
-
corvic/op_graph/_schema.py,sha256=
|
41
|
-
corvic/op_graph/_transformations.py,sha256=
|
40
|
+
corvic/op_graph/_schema.py,sha256=7Uuun9e6PRrtOeJLsFD8VzkwWeUpbnBcD37NpMKOcmQ,5685
|
41
|
+
corvic/op_graph/_transformations.py,sha256=FZGJmlNttUvPaSWnc0zbonEY2_6R2jAlxcdmMh1z0oc,9505
|
42
42
|
corvic/op_graph/__init__.py,sha256=1DMrQfuuS3FkLa9DXYDjSDLurdxxpG5H1jB2ctaa9xo,1444
|
43
43
|
corvic/orm/base.py,sha256=95nkqycCZ1FaWAhTsa7zbZ0YuwNFkMUW7Wk8yhtYau8,8824
|
44
44
|
corvic/orm/errors.py,sha256=uFhFXpVG6pby1lndJZHGHxv3Y0Fbt0RiaZ-CqDfuY1o,545
|
45
45
|
corvic/orm/func/utc_func.py,sha256=-FC6w9wBWXejMv1AICT2Gg7tdkSo7gqL2dFT-YKPGQ4,4518
|
46
46
|
corvic/orm/func/uuid_func.py,sha256=oXPjDGAl3mvlNtvcvBrLmRRHPJgtKffShIPbHm-EswA,1152
|
47
47
|
corvic/orm/func/__init__.py,sha256=X47bbG7G-rDGmRkEGMq4Vn7mPKePdx724xQIwd_pUc0,471
|
48
|
-
corvic/orm/ids.py,sha256=
|
48
|
+
corvic/orm/ids.py,sha256=a_TXCG86qC42d2ENnOW3S3Ok38KR96DHCq3grHmUQeI,6788
|
49
49
|
corvic/orm/keys.py,sha256=Ag6Xbpvxev-VByT1KJ8ChUn9vKVEzkkMXxrjvtADCtY,2182
|
50
50
|
corvic/orm/mixins.py,sha256=HfmzJ7LblHtddbbkDmv7nNWURL87Bnj8NeOnNbfmSN4,17794
|
51
51
|
corvic/orm/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
52
52
|
corvic/orm/_proto_columns.py,sha256=tcOu92UjFJFYZLasS6sWJQBDRK26yrnmpTii_LDY4iw,913
|
53
|
-
corvic/orm/__init__.py,sha256=
|
53
|
+
corvic/orm/__init__.py,sha256=ZHTYIfQVdurMyNs8wfZZKqh8XtzRmV9fne6h_bCjjOg,14904
|
54
54
|
corvic/pa_scalar/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
55
55
|
corvic/pa_scalar/_const.py,sha256=1nk6w3Y7crd3J5jSCq7DRVa1lcGk4H1RUr1l4NjnlzE,868
|
56
56
|
corvic/pa_scalar/_from_value.py,sha256=fS3TNPcPI3jAKGmcUIhn8rdqdQEAwgTLEneVxFUeK6M,27531
|
@@ -68,7 +68,7 @@ corvic/sql/parse_ops.py,sha256=1ZXVlDzIzqwW_KP0mwMxaY91tLSXqpeaUHyrGJkh56o,29444
|
|
68
68
|
corvic/sql/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
69
69
|
corvic/sql/__init__.py,sha256=kZ1a39KVZ08P8Bg6XuXDLD_dTQX0k620u4nwxZF4SnY,303
|
70
70
|
corvic/system/client.py,sha256=hGhZX8RtHrFEOlOmJNlUHktOZrutOwNYUY_a1htQSrg,821
|
71
|
-
corvic/system/in_memory_executor.py,sha256=
|
71
|
+
corvic/system/in_memory_executor.py,sha256=tRYzoVCNHemlpPfYRaVM_Nc3uFsLYaOFof1nVR-6hGc,68943
|
72
72
|
corvic/system/op_graph_executor.py,sha256=gXFnVkemS5EwNegJdU-xVAfMLPULqMFPF7d3EG3AD_U,3482
|
73
73
|
corvic/system/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
74
74
|
corvic/system/staging.py,sha256=K5P5moiuAMfPx7lxK4mArxeURBwKoyB6x9HGu9JJ16E,1846
|
@@ -86,7 +86,7 @@ corvic/system_sqlite/rdbms_blob_store.py,sha256=gTP_tQfTVb3wzZkzo8ys1zaz0rSrERzb
|
|
86
86
|
corvic/system_sqlite/staging.py,sha256=P6XdWhjpgcpOZkYxKEjpsTxaAdBKOeSVfARjqt4_xJA,16948
|
87
87
|
corvic/system_sqlite/__init__.py,sha256=F4UN9vFsXiDY2AKk1jYZPuWWJpSugKHS7ghXeZYlbZs,390
|
88
88
|
corvic/table/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
89
|
-
corvic/table/table.py,sha256=
|
89
|
+
corvic/table/table.py,sha256=v3MTV_nHaSAXFjPurn0Gp9Pe4UVL8RhYUHhxR6MVfmE,25396
|
90
90
|
corvic/table/__init__.py,sha256=Gj0IR8BQF5PZK92Us7PP0ZigMsVyrfWJupzH8TgzRQk,588
|
91
91
|
corvic/version/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
92
92
|
corvic/version/__init__.py,sha256=JlkRLvKXsu3zIxhdynO_0Ub5NfQOvGjfwCRkNnaOu9U,1125
|
@@ -118,10 +118,6 @@ corvic_generated/completion/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMp
|
|
118
118
|
corvic_generated/completion/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
119
119
|
corvic_generated/completion/v1/service_pb2.py,sha256=8TDBnCltTufSOhu6ORl0rNLN-VrgDqk7GyVHNeByBXE,8667
|
120
120
|
corvic_generated/completion/v1/service_pb2_grpc.py,sha256=R7lMx8mkw7f62RcIDQDg8JG980szQ8CXb2a5eDFn_9k,9934
|
121
|
-
corvic_generated/config/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
122
|
-
corvic_generated/config/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
123
|
-
corvic_generated/config/v1/settings_pb2.py,sha256=bjuZ18uc10uRUpnkd94tIPu_5L6OUc0Ex3mrUe_LXdM,18972
|
124
|
-
corvic_generated/config/v1/settings_pb2_grpc.py,sha256=_bXoS025FcWrXR1E_3Mh4GHB1RMvgz8lIpit-Awnf-s,163
|
125
121
|
corvic_generated/embedding/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
126
122
|
corvic_generated/embedding/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
127
123
|
corvic_generated/embedding/v1/models_pb2.py,sha256=uQDda8455N2roSi7gkFED5BqPzjw2RNDgtuSBDhJmac,4433
|
@@ -156,7 +152,7 @@ corvic_generated/ingest/v2/table_pb2.py,sha256=aTJHaliZm5DMtp7gslNxyn9uDagz-2-_e
|
|
156
152
|
corvic_generated/ingest/v2/table_pb2_grpc.py,sha256=tVs7wMWyAfvHcCQEiUOHLwaptKxgMFG6E7Ki9vNmmvQ,8151
|
157
153
|
corvic_generated/model/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
158
154
|
corvic_generated/model/v1alpha/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
159
|
-
corvic_generated/model/v1alpha/models_pb2.py,sha256=
|
155
|
+
corvic_generated/model/v1alpha/models_pb2.py,sha256=oFxUP38jQeVN96p_2UiiQk9FlcD0VCJlWWSBmWGnGt0,8758
|
160
156
|
corvic_generated/model/v1alpha/models_pb2_grpc.py,sha256=_bXoS025FcWrXR1E_3Mh4GHB1RMvgz8lIpit-Awnf-s,163
|
161
157
|
corvic_generated/orm/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
162
158
|
corvic_generated/orm/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
@@ -174,10 +170,6 @@ corvic_generated/orm/v1/space_pb2.py,sha256=grI4123GBbA-iHnbtbK8xyfIv1lZL1hDl3q4
|
|
174
170
|
corvic_generated/orm/v1/space_pb2_grpc.py,sha256=_bXoS025FcWrXR1E_3Mh4GHB1RMvgz8lIpit-Awnf-s,163
|
175
171
|
corvic_generated/orm/v1/table_pb2.py,sha256=QQwgItxOncMAM_BG9tWX4K3_vYgtlsGoOXocExcQTJI,40062
|
176
172
|
corvic_generated/orm/v1/table_pb2_grpc.py,sha256=ixBOrA7wwNxEQCRT1kO2N_LayeFYEdFJjVRkkhesWbY,4558
|
177
|
-
corvic_generated/platform/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
178
|
-
corvic_generated/platform/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
179
|
-
corvic_generated/platform/v1/platform_pb2.py,sha256=Il1UYttRhPk54stIbednz8rnyrEqvp5d9cNXp2bzwag,10662
|
180
|
-
corvic_generated/platform/v1/platform_pb2_grpc.py,sha256=sx3PmrtfiqZqW2Mr9NyYyKXfv4dYimbBZfvFxhE197g,17052
|
181
173
|
corvic_generated/query/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
182
174
|
corvic_generated/query/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
183
175
|
corvic_generated/query/v1/query_pb2.py,sha256=cRHixYUF9eihJ2GGL9r3Ny49cfsK_zWsBCnLv23JzYs,2831
|
@@ -194,8 +186,6 @@ corvic_generated/chat/v1/service_pb2.pyi,sha256=iabNe0VyNMsIJGNqmhfbRYeiBhzsU8PO
|
|
194
186
|
corvic_generated/chat/v1/service_pb2_grpc.pyi,sha256=9bZeagkccoC9gMxKPz2XO7TZaQGFdchGsprju5QAH5o,4535
|
195
187
|
corvic_generated/completion/v1/service_pb2.pyi,sha256=gWcunnjJ2gknykF6u_7IOzqmTeAcFT9K0o-7JYdNmRc,9901
|
196
188
|
corvic_generated/completion/v1/service_pb2_grpc.pyi,sha256=ru5rR05kzIP7fqVMGkGKELC3p4bVz8zfCDcvEVeNofY,4557
|
197
|
-
corvic_generated/config/v1/settings_pb2.pyi,sha256=yYFCykAJdLP17izNyhfjBx24Z4qNqEKFx1RdUgUV7Qg,22547
|
198
|
-
corvic_generated/config/v1/settings_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
199
189
|
corvic_generated/embedding/v1/models_pb2.pyi,sha256=yM8zBLxeARMolH1lRJLO4hNKWKAHF0xsygAKmMufBj0,4270
|
200
190
|
corvic_generated/embedding/v1/models_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
201
191
|
corvic_generated/feature/v1/experiment_pb2.pyi,sha256=0UMOnoNbWSsMygd97plbKdPrBZe212qOPJHY7MLsNco,8081
|
@@ -220,7 +210,7 @@ corvic_generated/ingest/v2/source_pb2.pyi,sha256=k7FdbgurQLk0JA1WiTUerznzxLv8b50
|
|
220
210
|
corvic_generated/ingest/v2/source_pb2_grpc.pyi,sha256=VG5gpql2SREHgqMC_ycT-QJBVpPeSYKOYS2COgGrZa4,6195
|
221
211
|
corvic_generated/ingest/v2/table_pb2.pyi,sha256=p22F8kv0HfM-9OzGP88bLofxmUtxfLR5eVN0HOxXiEo,4382
|
222
212
|
corvic_generated/ingest/v2/table_pb2_grpc.pyi,sha256=AEXYNtrU4xyENumcCrkD2FmFV7T1UVidxxeZ5pyE4Qc,4554
|
223
|
-
corvic_generated/model/v1alpha/models_pb2.pyi,sha256=
|
213
|
+
corvic_generated/model/v1alpha/models_pb2.pyi,sha256=qNh5zs650L-pbr4CGyD8hBFm9NMpkaIwXXPLKLP_Y9o,11626
|
224
214
|
corvic_generated/model/v1alpha/models_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
225
215
|
corvic_generated/orm/v1/agent_pb2.pyi,sha256=AxcZC0AJqiOyu_5quSMR-E0MjVhDY7b5ym4uZa7WFug,4670
|
226
216
|
corvic_generated/orm/v1/agent_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
@@ -236,13 +226,11 @@ corvic_generated/orm/v1/space_pb2.pyi,sha256=qKMymobwu_qQAlFxayifiUkQBpjrK9tAgoQ
|
|
236
226
|
corvic_generated/orm/v1/space_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
237
227
|
corvic_generated/orm/v1/table_pb2.pyi,sha256=FsWPyzsP-1Ocj4rEyFHPHHCLmgX-135lH9zHLcVB33I,50224
|
238
228
|
corvic_generated/orm/v1/table_pb2_grpc.pyi,sha256=K4hyNndkiKpxt9PYxcn_98RTpb4yxET3Um2rDe3VJTI,2499
|
239
|
-
corvic_generated/platform/v1/platform_pb2.pyi,sha256=y6kR7rBuar5cFgn7vTaAVTETOsmki-fC4I-4Y1M8JrQ,5627
|
240
|
-
corvic_generated/platform/v1/platform_pb2_grpc.pyi,sha256=wlnUjgSOjBJzyG6ubpMv9H9XD_jJUQyUsgYIyx_hx20,7652
|
241
229
|
corvic_generated/query/v1/query_pb2.pyi,sha256=scOTjQSNmG1mPrgx9cMN8anovQMpfJDSJnoMN0P8J1s,2972
|
242
230
|
corvic_generated/query/v1/query_pb2_grpc.pyi,sha256=Uy_oO0HSK_QlJsjneYktgFi67gMcq9GtEsM5I1CoPy8,1494
|
243
231
|
corvic_generated/status/v1/event_pb2.pyi,sha256=eU-ibrYpvEAJSIDlSa62-bC96AQU1ykFi3_sQ1RzBvo,2027
|
244
232
|
corvic_generated/status/v1/event_pb2_grpc.pyi,sha256=H9-ADaiKR9iyVZvmnXutZqWwRRCDxjUIktkfJrJFIHg,417
|
245
233
|
corvic_generated/status/v1/service_pb2.pyi,sha256=iXLR2FOKQJpBgvBzpD2kVwcYOCksP2aRwK4JYaI9CBw,558
|
246
234
|
corvic_generated/status/v1/service_pb2_grpc.pyi,sha256=OoAnaZ64FD0UTzPoRhYvQU8ecoilhHj3ySjSfHbVDaU,1501
|
247
|
-
corvic/engine/_native.pyd,sha256=
|
248
|
-
corvic_engine-0.3.
|
235
|
+
corvic/engine/_native.pyd,sha256=71YWbiO7_T8NQINxJkwt2wp6esYiatB4MdSOGLKbkJM,438272
|
236
|
+
corvic_engine-0.3.0rc58.dist-info/RECORD,,
|
@@ -22,7 +22,7 @@ from corvic_generated.status.v1 import event_pb2 as corvic_dot_status_dot_v1_dot
|
|
22
22
|
from google.protobuf import timestamp_pb2 as google_dot_protobuf_dot_timestamp__pb2
|
23
23
|
|
24
24
|
|
25
|
-
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n!corvic/model/v1alpha/models.proto\x12\x14\x63orvic.model.v1alpha\x1a\x19\x63orvic/orm/v1/agent.proto\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\"\xd8\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>\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\"\x85\x02\n\x05\x41gent\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12\x17\n\x07room_id\x18\x03 \x01(\tR\x06roomId\x12I\n\x10\x61gent_parameters\x18\x04 \x01(\x0b\x32\x1e.corvic.orm.v1.AgentParametersR\x0f\x61gentParameters\x12\x15\n\x06org_id\x18\x05 \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_atJ\x04\x08\x06\x10\x07R\x08messages\"\
|
25
|
+
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n!corvic/model/v1alpha/models.proto\x12\x14\x63orvic.model.v1alpha\x1a\x19\x63orvic/orm/v1/agent.proto\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\"\xd8\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>\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\"\x85\x02\n\x05\x41gent\x12\x0e\n\x02id\x18\x01 \x01(\tR\x02id\x12\x12\n\x04name\x18\x02 \x01(\tR\x04name\x12\x17\n\x07room_id\x18\x03 \x01(\tR\x06roomId\x12I\n\x10\x61gent_parameters\x18\x04 \x01(\x0b\x32\x1e.corvic.orm.v1.AgentParametersR\x0f\x61gentParameters\x12\x15\n\x06org_id\x18\x05 \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_atJ\x04\x08\x06\x10\x07R\x08messages\"\xbc\x03\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\x0cis_validated\x18\t \x01(\x08R\x0bisValidated\x12>\n\ncreated_at\x18\x07 \x01(\x0b\x32\x1a.google.protobuf.TimestampH\x01R\tcreatedAt\x88\x01\x01\x42\x17\n\x15_last_validation_timeB\r\n\x0b_created_atb\x06proto3')
|
26
26
|
|
27
27
|
_globals = globals()
|
28
28
|
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
@@ -50,5 +50,5 @@ if _descriptor._USE_C_DESCRIPTORS == False:
|
|
50
50
|
_globals['_AGENT']._serialized_start=2932
|
51
51
|
_globals['_AGENT']._serialized_end=3193
|
52
52
|
_globals['_COMPLETIONMODEL']._serialized_start=3196
|
53
|
-
_globals['_COMPLETIONMODEL']._serialized_end=
|
53
|
+
_globals['_COMPLETIONMODEL']._serialized_end=3640
|
54
54
|
# @@protoc_insertion_point(module_scope)
|
@@ -183,21 +183,23 @@ class Agent(_message.Message):
|
|
183
183
|
def __init__(self, id: _Optional[str] = ..., name: _Optional[str] = ..., room_id: _Optional[str] = ..., agent_parameters: _Optional[_Union[_agent_pb2.AgentParameters, _Mapping]] = ..., org_id: _Optional[str] = ..., created_at: _Optional[_Union[_timestamp_pb2.Timestamp, _Mapping]] = ...) -> None: ...
|
184
184
|
|
185
185
|
class CompletionModel(_message.Message):
|
186
|
-
__slots__ = ("id", "name", "description", "org_id", "parameters", "secret_api_key", "
|
186
|
+
__slots__ = ("id", "name", "description", "org_id", "parameters", "secret_api_key", "last_validation_time", "is_validated", "created_at")
|
187
187
|
ID_FIELD_NUMBER: _ClassVar[int]
|
188
188
|
NAME_FIELD_NUMBER: _ClassVar[int]
|
189
189
|
DESCRIPTION_FIELD_NUMBER: _ClassVar[int]
|
190
190
|
ORG_ID_FIELD_NUMBER: _ClassVar[int]
|
191
191
|
PARAMETERS_FIELD_NUMBER: _ClassVar[int]
|
192
192
|
SECRET_API_KEY_FIELD_NUMBER: _ClassVar[int]
|
193
|
-
CREATED_AT_FIELD_NUMBER: _ClassVar[int]
|
194
193
|
LAST_VALIDATION_TIME_FIELD_NUMBER: _ClassVar[int]
|
194
|
+
IS_VALIDATED_FIELD_NUMBER: _ClassVar[int]
|
195
|
+
CREATED_AT_FIELD_NUMBER: _ClassVar[int]
|
195
196
|
id: str
|
196
197
|
name: str
|
197
198
|
description: str
|
198
199
|
org_id: str
|
199
200
|
parameters: _completion_model_pb2.CompletionModelParameters
|
200
201
|
secret_api_key: str
|
201
|
-
created_at: _timestamp_pb2.Timestamp
|
202
202
|
last_validation_time: _timestamp_pb2.Timestamp
|
203
|
-
|
203
|
+
is_validated: bool
|
204
|
+
created_at: _timestamp_pb2.Timestamp
|
205
|
+
def __init__(self, id: _Optional[str] = ..., name: _Optional[str] = ..., description: _Optional[str] = ..., org_id: _Optional[str] = ..., parameters: _Optional[_Union[_completion_model_pb2.CompletionModelParameters, _Mapping]] = ..., secret_api_key: _Optional[str] = ..., last_validation_time: _Optional[_Union[_timestamp_pb2.Timestamp, _Mapping]] = ..., is_validated: bool = ..., created_at: _Optional[_Union[_timestamp_pb2.Timestamp, _Mapping]] = ...) -> None: ...
|
File without changes
|
File without changes
|