mplang-nightly 0.1.dev149__py3-none-any.whl → 0.1.dev150__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- mplang/core/expr/evaluator.py +1 -1
- mplang/core/primitive.py +1 -1
- mplang/device.py +4 -4
- mplang/{backend → kernels}/builtin.py +1 -1
- mplang/{backend → kernels}/context.py +9 -9
- mplang/{backend → kernels}/crypto.py +1 -1
- mplang/{backend → kernels}/phe.py +1 -1
- mplang/{backend → kernels}/spu.py +1 -1
- mplang/{backend → kernels}/sql_duckdb.py +1 -1
- mplang/{backend → kernels}/stablehlo.py +1 -1
- mplang/{backend → kernels}/tee.py +1 -1
- mplang/{frontend → ops}/__init__.py +11 -11
- mplang/{frontend → ops}/builtin.py +1 -1
- mplang/{frontend → ops}/crypto.py +1 -1
- mplang/{frontend → ops}/ibis_cc.py +1 -1
- mplang/{frontend → ops}/jax_cc.py +1 -1
- mplang/{frontend → ops}/phe.py +1 -1
- mplang/{frontend → ops}/spu.py +1 -1
- mplang/{frontend → ops}/sql.py +1 -1
- mplang/{frontend → ops}/tee.py +1 -1
- mplang/runtime/data_providers.py +1 -1
- mplang/runtime/resource.py +2 -2
- mplang/runtime/server.py +1 -1
- mplang/runtime/simulation.py +5 -4
- mplang/simp/__init__.py +7 -7
- mplang/simp/smpc.py +1 -1
- {mplang_nightly-0.1.dev149.dist-info → mplang_nightly-0.1.dev150.dist-info}/METADATA +1 -1
- {mplang_nightly-0.1.dev149.dist-info → mplang_nightly-0.1.dev150.dist-info}/RECORD +34 -34
- /mplang/{backend → kernels}/__init__.py +0 -0
- /mplang/{backend → kernels}/base.py +0 -0
- /mplang/{frontend → ops}/base.py +0 -0
- {mplang_nightly-0.1.dev149.dist-info → mplang_nightly-0.1.dev150.dist-info}/WHEEL +0 -0
- {mplang_nightly-0.1.dev149.dist-info → mplang_nightly-0.1.dev150.dist-info}/entry_points.txt +0 -0
- {mplang_nightly-0.1.dev149.dist-info → mplang_nightly-0.1.dev150.dist-info}/licenses/LICENSE +0 -0
mplang/core/expr/evaluator.py
CHANGED
@@ -27,7 +27,6 @@ from __future__ import annotations
|
|
27
27
|
from dataclasses import dataclass
|
28
28
|
from typing import Any, Protocol
|
29
29
|
|
30
|
-
from mplang.backend.context import RuntimeContext
|
31
30
|
from mplang.core.comm import ICommunicator
|
32
31
|
from mplang.core.expr.ast import (
|
33
32
|
AccessExpr,
|
@@ -47,6 +46,7 @@ from mplang.core.expr.visitor import ExprVisitor
|
|
47
46
|
from mplang.core.expr.walk import walk_dataflow
|
48
47
|
from mplang.core.mask import Mask
|
49
48
|
from mplang.core.pfunc import PFunction
|
49
|
+
from mplang.kernels.context import RuntimeContext
|
50
50
|
|
51
51
|
|
52
52
|
class IEvaluator(Protocol):
|
mplang/core/primitive.py
CHANGED
@@ -47,7 +47,7 @@ from mplang.core.pfunc import PFunction
|
|
47
47
|
from mplang.core.table import TableLike
|
48
48
|
from mplang.core.tensor import ScalarType, Shape, TensorLike
|
49
49
|
from mplang.core.tracer import TraceContext, TraceVar, trace
|
50
|
-
from mplang.
|
50
|
+
from mplang.ops import builtin
|
51
51
|
from mplang.utils.func_utils import var_demorph, var_morph
|
52
52
|
|
53
53
|
|
mplang/device.py
CHANGED
@@ -35,10 +35,10 @@ from mplang.core import InterpContext, MPObject, primitive
|
|
35
35
|
from mplang.core.cluster import ClusterSpec, Device
|
36
36
|
from mplang.core.context_mgr import cur_ctx
|
37
37
|
from mplang.core.tensor import TensorType
|
38
|
-
from mplang.
|
39
|
-
from mplang.
|
40
|
-
from mplang.
|
41
|
-
from mplang.
|
38
|
+
from mplang.ops import builtin, crypto, ibis_cc, jax_cc, tee
|
39
|
+
from mplang.ops.base import FeOperation
|
40
|
+
from mplang.ops.ibis_cc import IbisCompiler
|
41
|
+
from mplang.ops.jax_cc import JaxCompiler
|
42
42
|
from mplang.simp import mpi, smpc
|
43
43
|
|
44
44
|
# Automatic transfer between devices when parameter is not on the target device.
|
@@ -19,10 +19,10 @@ from typing import Any
|
|
19
19
|
import numpy as np
|
20
20
|
import pandas as pd
|
21
21
|
|
22
|
-
from mplang.backend.base import cur_kctx, kernel_def
|
23
22
|
from mplang.core.pfunc import PFunction
|
24
23
|
from mplang.core.table import TableType
|
25
24
|
from mplang.core.tensor import TensorType
|
25
|
+
from mplang.kernels.base import cur_kctx, kernel_def
|
26
26
|
from mplang.runtime.data_providers import get_provider, resolve_uri
|
27
27
|
from mplang.utils import table_utils
|
28
28
|
|
@@ -17,12 +17,12 @@ from __future__ import annotations
|
|
17
17
|
from collections.abc import Mapping
|
18
18
|
from typing import Any
|
19
19
|
|
20
|
-
from mplang.backend import base
|
21
|
-
from mplang.backend.base import KernelContext, get_kernel_spec, kernel_exists
|
22
20
|
from mplang.core.dtype import UINT8, DType
|
23
21
|
from mplang.core.pfunc import PFunction
|
24
22
|
from mplang.core.table import TableLike, TableType
|
25
23
|
from mplang.core.tensor import TensorLike, TensorType
|
24
|
+
from mplang.kernels import base
|
25
|
+
from mplang.kernels.base import KernelContext, get_kernel_spec, kernel_exists
|
26
26
|
|
27
27
|
# Default bindings
|
28
28
|
# Import kernel implementation modules explicitly so their @kernel_def entries
|
@@ -35,13 +35,13 @@ def _ensure_impl_imported() -> None:
|
|
35
35
|
global _IMPL_IMPORTED
|
36
36
|
if _IMPL_IMPORTED:
|
37
37
|
return
|
38
|
-
from mplang.
|
39
|
-
from mplang.
|
40
|
-
from mplang.
|
41
|
-
from mplang.
|
42
|
-
from mplang.
|
43
|
-
from mplang.
|
44
|
-
from mplang.
|
38
|
+
from mplang.kernels import builtin as _impl_builtin # noqa: F401
|
39
|
+
from mplang.kernels import crypto as _impl_crypto # noqa: F401
|
40
|
+
from mplang.kernels import phe as _impl_phe # noqa: F401
|
41
|
+
from mplang.kernels import spu as _impl_spu # noqa: F401
|
42
|
+
from mplang.kernels import sql_duckdb as _impl_sql_duckdb # noqa: F401
|
43
|
+
from mplang.kernels import stablehlo as _impl_stablehlo # noqa: F401
|
44
|
+
from mplang.kernels import tee as _impl_tee # noqa: F401
|
45
45
|
|
46
46
|
_IMPL_IMPORTED = True
|
47
47
|
|
@@ -19,8 +19,8 @@ from typing import Any
|
|
19
19
|
|
20
20
|
import numpy as np
|
21
21
|
|
22
|
-
from mplang.backend.base import cur_kctx, kernel_def
|
23
22
|
from mplang.core.pfunc import PFunction
|
23
|
+
from mplang.kernels.base import cur_kctx, kernel_def
|
24
24
|
from mplang.utils.crypto import blake2b
|
25
25
|
|
26
26
|
__all__: list[str] = [] # flat kernels only
|
@@ -19,10 +19,10 @@ from typing import Any
|
|
19
19
|
import numpy as np
|
20
20
|
from lightphe import LightPHE
|
21
21
|
|
22
|
-
from mplang.backend.base import kernel_def
|
23
22
|
from mplang.core.dtype import DType
|
24
23
|
from mplang.core.mptype import TensorLike
|
25
24
|
from mplang.core.pfunc import PFunction
|
25
|
+
from mplang.kernels.base import kernel_def
|
26
26
|
|
27
27
|
# This controls the decimal precision used in lightPHE for float operations
|
28
28
|
# we force it to 0 to only support integer operations
|
@@ -21,9 +21,9 @@ import numpy as np
|
|
21
21
|
import spu.api as spu_api
|
22
22
|
import spu.libspu as libspu
|
23
23
|
|
24
|
-
from mplang.backend.base import cur_kctx, kernel_def
|
25
24
|
from mplang.core.mptype import TensorLike
|
26
25
|
from mplang.core.pfunc import PFunction
|
26
|
+
from mplang.kernels.base import cur_kctx, kernel_def
|
27
27
|
from mplang.runtime.link_comm import LinkCommunicator
|
28
28
|
|
29
29
|
|
@@ -21,8 +21,8 @@ import jax.numpy as jnp
|
|
21
21
|
from jax._src import xla_bridge
|
22
22
|
from jax.lib import xla_client as xc
|
23
23
|
|
24
|
-
from mplang.backend.base import cur_kctx, kernel_def
|
25
24
|
from mplang.core.pfunc import PFunction
|
25
|
+
from mplang.kernels.base import cur_kctx, kernel_def
|
26
26
|
|
27
27
|
|
28
28
|
@kernel_def("mlir.stablehlo")
|
@@ -19,8 +19,8 @@ import os
|
|
19
19
|
import numpy as np
|
20
20
|
from numpy.typing import NDArray
|
21
21
|
|
22
|
-
from mplang.backend.base import cur_kctx, kernel_def
|
23
22
|
from mplang.core.pfunc import PFunction
|
23
|
+
from mplang.kernels.base import cur_kctx, kernel_def
|
24
24
|
|
25
25
|
__all__: list[str] = []
|
26
26
|
|
@@ -19,17 +19,17 @@ This module contains compilers that transform high-level functions into
|
|
19
19
|
portable, serializable intermediate representations.
|
20
20
|
"""
|
21
21
|
|
22
|
-
from mplang.
|
23
|
-
from mplang.
|
24
|
-
from mplang.
|
25
|
-
from mplang.
|
26
|
-
from mplang.
|
27
|
-
from mplang.
|
28
|
-
from mplang.
|
29
|
-
from mplang.
|
30
|
-
from mplang.
|
31
|
-
from mplang.
|
32
|
-
from mplang.
|
22
|
+
from mplang.ops import builtin as builtin
|
23
|
+
from mplang.ops import crypto as crypto
|
24
|
+
from mplang.ops import ibis_cc as ibis_cc
|
25
|
+
from mplang.ops import jax_cc as jax_cc
|
26
|
+
from mplang.ops import phe as phe
|
27
|
+
from mplang.ops import spu as spu
|
28
|
+
from mplang.ops import tee as tee
|
29
|
+
from mplang.ops.base import FeOperation as FeOperation
|
30
|
+
from mplang.ops.ibis_cc import ibis_compile as ibis_compile
|
31
|
+
from mplang.ops.jax_cc import jax_compile as jax_compile
|
32
|
+
from mplang.ops.sql import sql_run as sql_run
|
33
33
|
|
34
34
|
__all__ = [
|
35
35
|
"FeOperation",
|
@@ -20,7 +20,7 @@ from mplang.core.mpobject import MPObject # Needed for constant() triad return
|
|
20
20
|
from mplang.core.pfunc import PFunction
|
21
21
|
from mplang.core.table import TableLike, TableType
|
22
22
|
from mplang.core.tensor import ScalarType, Shape, TensorLike, TensorType
|
23
|
-
from mplang.
|
23
|
+
from mplang.ops.base import stateless_mod
|
24
24
|
from mplang.utils import table_utils
|
25
25
|
|
26
26
|
_BUILTIN_MOD = stateless_mod("builtin")
|
@@ -28,7 +28,7 @@ from __future__ import annotations
|
|
28
28
|
|
29
29
|
from mplang.core.dtype import UINT8
|
30
30
|
from mplang.core.tensor import TensorType
|
31
|
-
from mplang.
|
31
|
+
from mplang.ops.base import stateless_mod
|
32
32
|
|
33
33
|
_CRYPTO_MOD = stateless_mod("crypto")
|
34
34
|
|
@@ -24,7 +24,7 @@ from mplang.core import dtype
|
|
24
24
|
from mplang.core.mpobject import MPObject
|
25
25
|
from mplang.core.pfunc import PFunction
|
26
26
|
from mplang.core.table import TableType
|
27
|
-
from mplang.
|
27
|
+
from mplang.ops.base import FeOperation, stateless_mod
|
28
28
|
from mplang.utils.func_utils import normalize_fn
|
29
29
|
|
30
30
|
|
@@ -24,7 +24,7 @@ from jax.tree_util import PyTreeDef, tree_flatten
|
|
24
24
|
from mplang.core.mpobject import MPObject
|
25
25
|
from mplang.core.pfunc import PFunction, get_fn_name
|
26
26
|
from mplang.core.tensor import TensorType
|
27
|
-
from mplang.
|
27
|
+
from mplang.ops.base import FeOperation, stateless_mod
|
28
28
|
from mplang.utils.func_utils import normalize_fn
|
29
29
|
|
30
30
|
# Enable 64-bit precision for JAX to match tensor types
|
mplang/{frontend → ops}/phe.py
RENAMED
mplang/{frontend → ops}/spu.py
RENAMED
@@ -26,7 +26,7 @@ from jax.tree_util import PyTreeDef, tree_flatten
|
|
26
26
|
from mplang.core.mpobject import MPObject
|
27
27
|
from mplang.core.pfunc import PFunction, get_fn_name
|
28
28
|
from mplang.core.tensor import TensorType
|
29
|
-
from mplang.
|
29
|
+
from mplang.ops.base import stateless_mod
|
30
30
|
from mplang.utils.func_utils import normalize_fn
|
31
31
|
|
32
32
|
|
mplang/{frontend → ops}/sql.py
RENAMED
@@ -17,7 +17,7 @@ from jax.tree_util import PyTreeDef, tree_flatten
|
|
17
17
|
from mplang.core.mpobject import MPObject
|
18
18
|
from mplang.core.pfunc import PFunction
|
19
19
|
from mplang.core.table import TableType
|
20
|
-
from mplang.
|
20
|
+
from mplang.ops.base import FeOperation, stateless_mod
|
21
21
|
|
22
22
|
_SQL_MOD = stateless_mod("sql")
|
23
23
|
|
mplang/{frontend → ops}/tee.py
RENAMED
mplang/runtime/data_providers.py
CHANGED
@@ -21,9 +21,9 @@ from urllib.parse import ParseResult, urlparse
|
|
21
21
|
import numpy as np
|
22
22
|
import pandas as pd
|
23
23
|
|
24
|
-
from mplang.backend.base import KernelContext
|
25
24
|
from mplang.core.table import TableType
|
26
25
|
from mplang.core.tensor import TensorType
|
26
|
+
from mplang.kernels.base import KernelContext
|
27
27
|
from mplang.utils import table_utils
|
28
28
|
|
29
29
|
|
mplang/runtime/resource.py
CHANGED
@@ -26,11 +26,11 @@ from urllib.parse import urlparse
|
|
26
26
|
import cloudpickle as pickle
|
27
27
|
import spu.libspu as libspu
|
28
28
|
|
29
|
-
from mplang.backend.context import RuntimeContext
|
30
|
-
from mplang.backend.spu import PFunction # type: ignore
|
31
29
|
from mplang.core.expr.ast import Expr
|
32
30
|
from mplang.core.expr.evaluator import IEvaluator, create_evaluator
|
33
31
|
from mplang.core.mask import Mask
|
32
|
+
from mplang.kernels.context import RuntimeContext
|
33
|
+
from mplang.kernels.spu import PFunction # type: ignore
|
34
34
|
from mplang.runtime.communicator import HttpCommunicator
|
35
35
|
from mplang.runtime.exceptions import InvalidRequestError, ResourceNotFound
|
36
36
|
from mplang.runtime.link_comm import LinkCommunicator
|
mplang/runtime/server.py
CHANGED
@@ -27,10 +27,10 @@ from fastapi import FastAPI, HTTPException, Request
|
|
27
27
|
from fastapi.responses import JSONResponse
|
28
28
|
from pydantic import BaseModel
|
29
29
|
|
30
|
-
from mplang.backend.base import KernelContext
|
31
30
|
from mplang.core.mpir import Reader
|
32
31
|
from mplang.core.table import TableType
|
33
32
|
from mplang.core.tensor import TensorType
|
33
|
+
from mplang.kernels.base import KernelContext
|
34
34
|
from mplang.protos.v1alpha1 import mpir_pb2
|
35
35
|
from mplang.runtime import resource
|
36
36
|
from mplang.runtime.data_providers import DataProvider, ResolvedURI, register_provider
|
mplang/runtime/simulation.py
CHANGED
@@ -24,10 +24,6 @@ from typing import Any, cast
|
|
24
24
|
|
25
25
|
import spu.libspu as libspu
|
26
26
|
|
27
|
-
# New explicit binding model: we only need RuntimeContext which ensures
|
28
|
-
# bindings via bind_all_ops() on creation; per-module side-effect imports
|
29
|
-
# are no longer required here.
|
30
|
-
from mplang.backend.context import RuntimeContext
|
31
27
|
from mplang.core.cluster import ClusterSpec
|
32
28
|
from mplang.core.comm import CollectiveMixin, CommunicatorBase
|
33
29
|
from mplang.core.expr.ast import Expr
|
@@ -38,6 +34,11 @@ from mplang.core.mpir import Reader, Writer
|
|
38
34
|
from mplang.core.mpobject import MPObject
|
39
35
|
from mplang.core.mptype import MPType, TensorLike
|
40
36
|
from mplang.core.pfunc import PFunction # for spu.seed_env kernel seeding
|
37
|
+
|
38
|
+
# New explicit binding model: we only need RuntimeContext which ensures
|
39
|
+
# bindings via bind_all_ops() on creation; per-module side-effect imports
|
40
|
+
# are no longer required here.
|
41
|
+
from mplang.kernels.context import RuntimeContext
|
41
42
|
from mplang.runtime.link_comm import LinkCommunicator
|
42
43
|
from mplang.utils.spu_utils import parse_field, parse_protocol
|
43
44
|
|
mplang/simp/__init__.py
CHANGED
@@ -36,8 +36,8 @@ from mplang.core.primitive import (
|
|
36
36
|
uniform_cond,
|
37
37
|
while_loop,
|
38
38
|
)
|
39
|
-
from mplang.
|
40
|
-
from mplang.
|
39
|
+
from mplang.ops import ibis_cc, jax_cc
|
40
|
+
from mplang.ops.base import FeOperation
|
41
41
|
from mplang.simp.mpi import allgather_m, bcast_m, gather_m, p2p, scatter_m
|
42
42
|
from mplang.simp.random import key_split, pperm, prandint, ukey, urandint
|
43
43
|
from mplang.simp.smpc import reveal, revealTo, seal, sealFrom, srun
|
@@ -189,7 +189,7 @@ def P2P(src: Party, dst: Party, value: Any) -> Any:
|
|
189
189
|
This module provides a light-weight mechanism to expose *module-like* groups
|
190
190
|
of callable operations bound to a specific party (rank) via attribute access:
|
191
191
|
|
192
|
-
load_module("mplang.
|
192
|
+
load_module("mplang.ops.crypto", alias="crypto")
|
193
193
|
P0.crypto.encrypt(x) # executes encrypt() with pmask = {rank 0}
|
194
194
|
|
195
195
|
Core concepts:
|
@@ -283,13 +283,13 @@ def _load_prelude_modules() -> None:
|
|
283
283
|
"""Auto-register public frontend submodules for party namespace access.
|
284
284
|
|
285
285
|
Implementation detail: we treat every non-underscore immediate child of
|
286
|
-
``mplang.
|
286
|
+
``mplang.ops`` as public and make it available as ``P0.<name>``.
|
287
287
|
This keeps user ergonomics high (no manual load_module calls for core
|
288
288
|
frontends) but slightly increases implicit surface area. If this grows
|
289
289
|
unwieldy we can switch to an allowlist.
|
290
290
|
"""
|
291
291
|
try:
|
292
|
-
import mplang.
|
292
|
+
import mplang.ops as _fe # type: ignore
|
293
293
|
except (ImportError, ModuleNotFoundError): # pragma: no cover
|
294
294
|
# Frontend package not present (minimal install); safe to skip.
|
295
295
|
return
|
@@ -299,7 +299,7 @@ def _load_prelude_modules() -> None:
|
|
299
299
|
if m.name.startswith("_"):
|
300
300
|
continue
|
301
301
|
if m.name not in _NAMESPACE_REGISTRY:
|
302
|
-
_NAMESPACE_REGISTRY[m.name] = f"mplang.
|
302
|
+
_NAMESPACE_REGISTRY[m.name] = f"mplang.ops.{m.name}"
|
303
303
|
|
304
304
|
|
305
305
|
def load_module(module: str, alias: str | None = None) -> None:
|
@@ -333,7 +333,7 @@ def load_module(module: str, alias: str | None = None) -> None:
|
|
333
333
|
|
334
334
|
Examples
|
335
335
|
--------
|
336
|
-
>>> load_module("mplang.
|
336
|
+
>>> load_module("mplang.ops.crypto", alias="crypto")
|
337
337
|
>>> # Now call an op on party 0
|
338
338
|
>>> P0.crypto.encrypt(data)
|
339
339
|
"""
|
mplang/simp/smpc.py
CHANGED
@@ -1,18 +1,8 @@
|
|
1
1
|
mplang/__init__.py,sha256=ofO-F-CNoVIxpMpTJtTJoQtKegJcHwcOJLzoVispiyc,1852
|
2
2
|
mplang/api.py,sha256=ssmv0_CyZPFORhOUJ84Jo6NwRJSK7_Ono3n7ZjEg4sA,3058
|
3
|
-
mplang/device.py,sha256=
|
3
|
+
mplang/device.py,sha256=RmjnhzHxJkkNmtBKtYMEbpQYBZpuC43qlllkCOp-QD8,12548
|
4
4
|
mplang/analysis/__init__.py,sha256=CTHFvRsi-nFngojqjn08UaR3RY9i7CJ7T2UdR95kCrk,1056
|
5
5
|
mplang/analysis/diagram.py,sha256=ffwgD12gL1_KH1uJ_EYkjmIlDrfxYJJkWj-wHl09_Xk,19520
|
6
|
-
mplang/backend/__init__.py,sha256=2WE4cmW96Xkzyq2yRRYNww4kZ5o6u6NbPV0BxqZG698,581
|
7
|
-
mplang/backend/base.py,sha256=eizxj16sWkUvBvXWS0Zl-S9uuqalJmNUzB1xLhBg8S8,4920
|
8
|
-
mplang/backend/builtin.py,sha256=Mk1uUO2Vpw3meqZ0B7B0hG-wndea6cmFv2Uk1vM_uTg,7052
|
9
|
-
mplang/backend/context.py,sha256=fVJ0w0cw15JEqJO048dncWg7DGNWqbHSUjq42Jsyvos,10952
|
10
|
-
mplang/backend/crypto.py,sha256=H_s5HI7lUP7g0xz-a9qMbSn6dhJStUilKbn3-7SIh0I,3812
|
11
|
-
mplang/backend/phe.py,sha256=uNqmrbDAbd97TWS_O6D5sopastHy6J20R7knFE4M4uc,65247
|
12
|
-
mplang/backend/spu.py,sha256=QT1q5uv-5P_nBGtTvtA_yI2h3h3zIqNSnvzGT7Shua4,9307
|
13
|
-
mplang/backend/sql_duckdb.py,sha256=U_KzEUinxrBRDoUz2Vh597-N4I3hPOBT0RT3tX-ZqKE,1502
|
14
|
-
mplang/backend/stablehlo.py,sha256=RhKf6TUvjLrRvgtdVY2HxcRDGtjpKBobuBFMfsvZQOI,2937
|
15
|
-
mplang/backend/tee.py,sha256=6kc7qTe8nWc3pr6iYtozEGLO8Umg-UBQLDiz6p3pdVg,1918
|
16
6
|
mplang/core/__init__.py,sha256=lWxlEKfRwX7FNDzgyKZ1fiDMaCiqkyg0j5mKlZD_v7g,2244
|
17
7
|
mplang/core/cluster.py,sha256=gqMJenvXUfHhE181Dd5JiUkD4nT07RLoicBnvsGmRkE,8598
|
18
8
|
mplang/core/comm.py,sha256=MByyu3etlQh_TkP1vKCFLIAPPuJOpl9Kjs6hOj6m4Yc,8843
|
@@ -24,28 +14,38 @@ mplang/core/mpir.py,sha256=V6S9RqegaI0yojhLkHla5nGBi27ASoxlrEs1k4tGubM,37980
|
|
24
14
|
mplang/core/mpobject.py,sha256=0pHSd7SrAFTScCFcB9ziDztElYQn-oIZOKBx47B3QX0,3732
|
25
15
|
mplang/core/mptype.py,sha256=09LbMyJp68W0IkbD0s9YLeVssPg3Rl-rcwjTaCfidIQ,15243
|
26
16
|
mplang/core/pfunc.py,sha256=PAr8qRhVveWO5HOI0TgdsWjpi4PFi2iEyuTlr9UVKSY,5106
|
27
|
-
mplang/core/primitive.py,sha256
|
17
|
+
mplang/core/primitive.py,sha256=-IkGqdbwtbMkLEOOTghXfuFtFvxu5jFQBupm5nPV-RI,40569
|
28
18
|
mplang/core/table.py,sha256=BqTBZn7Tfwce4vzl3XYhaX5hVmKagVq9-YoERDta6d8,5892
|
29
19
|
mplang/core/tensor.py,sha256=86u6DogSZMoL0w5XjtTmQm2PhA_VjwybN1b6U4Zzphg,2361
|
30
20
|
mplang/core/tracer.py,sha256=dVMfUeCMmPz4o6tLXewGMW1Kpy5gpZORvr9w4MhwDtM,14288
|
31
21
|
mplang/core/expr/__init__.py,sha256=qwiSTUOcanFJLyK8HZ13_L1ZDrybqpPXIlTHAyeumE8,1988
|
32
22
|
mplang/core/expr/ast.py,sha256=KE46KTtlH9RA2V_EzWVKCKolsycgTmt7SotUrOc8Qxs,20923
|
33
|
-
mplang/core/expr/evaluator.py,sha256=
|
23
|
+
mplang/core/expr/evaluator.py,sha256=UezuvGY65Xq-QJwqhQ9PzsK-RBmmKJjHPQZYlWgYvnc,21675
|
34
24
|
mplang/core/expr/printer.py,sha256=VblKGnO0OUfzH7EBkszwRNxQUB8QyyC7BlJWJEUv9so,9546
|
35
25
|
mplang/core/expr/transformer.py,sha256=TyL-8FjrVvDq_C9X7kAuKkiqt2XdZM-okjzVQj0A33s,4893
|
36
26
|
mplang/core/expr/utils.py,sha256=VDTJ_-CsdHtVy9wDaGa7XdFxQ7o5lYYaeqcgsAhkbNI,2625
|
37
27
|
mplang/core/expr/visitor.py,sha256=2Ge-I5N-wH8VVXy8d2WyNaEv8x6seiRx9peyH9S2BYU,2044
|
38
28
|
mplang/core/expr/walk.py,sha256=lXkGJEEuvKGDqQihbxXPxfz2RfR1Q1zYUlt11iooQW0,11889
|
39
|
-
mplang/
|
40
|
-
mplang/
|
41
|
-
mplang/
|
42
|
-
mplang/
|
43
|
-
mplang/
|
44
|
-
mplang/
|
45
|
-
mplang/
|
46
|
-
mplang/
|
47
|
-
mplang/
|
48
|
-
mplang/
|
29
|
+
mplang/kernels/__init__.py,sha256=2WE4cmW96Xkzyq2yRRYNww4kZ5o6u6NbPV0BxqZG698,581
|
30
|
+
mplang/kernels/base.py,sha256=eizxj16sWkUvBvXWS0Zl-S9uuqalJmNUzB1xLhBg8S8,4920
|
31
|
+
mplang/kernels/builtin.py,sha256=nSuM79cn7M6M27A6Y8ycilXT_qAlB1ktkwkRX6dv_VQ,7052
|
32
|
+
mplang/kernels/context.py,sha256=VcVcRUaNISFgy9ATc4WFsX3Ng2mB9YlPdPEeHDQ1tA0,10952
|
33
|
+
mplang/kernels/crypto.py,sha256=TWixli1uRQ_7OjA49qQXUXa2ldHDEwaCMXXPSHdAPi8,3812
|
34
|
+
mplang/kernels/phe.py,sha256=8-_1IFPOaGECGj9mbYja8XoqbMYnYqfpDNVyMJd8J1Y,65247
|
35
|
+
mplang/kernels/spu.py,sha256=Kkg1ZQbmklXl7YkIeBfxqs3o4wX7ygBE8hXLpx90L9Y,9307
|
36
|
+
mplang/kernels/sql_duckdb.py,sha256=C2XdNLoE2Apma-Fs7OYzDzkBAXAVuShuROxhCWCHDG4,1502
|
37
|
+
mplang/kernels/stablehlo.py,sha256=jDsu-lIHRAm94FcUcxZgK02c6BhFJpbO8cf2hP2DFgk,2937
|
38
|
+
mplang/kernels/tee.py,sha256=v4_njXjb7cGQuE-D50V5byp2JDQJ79SwzyKSHUElbI0,1918
|
39
|
+
mplang/ops/__init__.py,sha256=dpe7WWiYapOFzJeGoKFYBr5mnd6P5SdOyvdYaM2Nhm0,1408
|
40
|
+
mplang/ops/base.py,sha256=rGtfBejcDh9mTRxOdJK5VUlG5vYiVJSir8X72X0Huvc,18264
|
41
|
+
mplang/ops/builtin.py,sha256=D7T8rRF9g05VIw9T72lsncF5cDQqaT37eapBieRKvRI,9363
|
42
|
+
mplang/ops/crypto.py,sha256=9CeFJrYmvjmgx-3WQl6jHXh8VafRpT4QBunbzsPF8Uc,3646
|
43
|
+
mplang/ops/ibis_cc.py,sha256=bWKN1dL8Nluwvu5TLi8iUwytcnpXtWakZDCL793zBRA,4230
|
44
|
+
mplang/ops/jax_cc.py,sha256=42czYg3hNQbI_nUebXnshlU8ULwM-oBDe_TQoApLNVA,7802
|
45
|
+
mplang/ops/phe.py,sha256=SatswExjZWPed8y3qA33BCwIWbvsgHCuCAz_pv2RLLw,6790
|
46
|
+
mplang/ops/spu.py,sha256=UHr5DSoqG08xDYER_11OsMVjGGNXXxsvkFoVvXU8uik,4989
|
47
|
+
mplang/ops/sql.py,sha256=p-u0wQPk9KlgveltYvQcF1UefScJoqBCqhzYPeLBB5Y,1994
|
48
|
+
mplang/ops/tee.py,sha256=gwzP81y2idH-d-Du84H6oNZpLaGD-3fEgm8G1uxWpUA,1388
|
49
49
|
mplang/protos/v1alpha1/mpir_pb2.py,sha256=Bros37t-4LMJbuUYVSM65rImUYTtZDhNTIADGbZCKp0,7522
|
50
50
|
mplang/protos/v1alpha1/mpir_pb2.pyi,sha256=GwXR4wPB_kB_36iYS9x-cGI9KDKFMq89KhdLhW_xmvE,19342
|
51
51
|
mplang/protos/v1alpha1/mpir_pb2_grpc.py,sha256=xYOs94SXiNYAlFodACnsXW5QovLsHY5tCk3p76RH5Zc,158
|
@@ -53,25 +53,25 @@ mplang/runtime/__init__.py,sha256=IRPP3TtpFC4iSt7_uaq-S4dL7CwrXL0XBMeaBoEYLlg,94
|
|
53
53
|
mplang/runtime/cli.py,sha256=WehDodeVB4AukSWx1LJxxtKUqGmLPY4qjayrPlOg3bE,14438
|
54
54
|
mplang/runtime/client.py,sha256=w8sPuQzqaJI5uS_3JHu2mf0tLaFmZH3f6-SeUBfMLMY,15737
|
55
55
|
mplang/runtime/communicator.py,sha256=Lek6_h_Wmr_W-_JpT-vMxL3CHxcVZdtf7jdaLGuxPgQ,3199
|
56
|
-
mplang/runtime/data_providers.py,sha256=
|
56
|
+
mplang/runtime/data_providers.py,sha256=hH2butEOYNGq2rRZjVBDfXLxe3YUin2ftAF6htbTfLA,8226
|
57
57
|
mplang/runtime/driver.py,sha256=Ok1jY301ctN1_KTb4jwSxOdB0lI_xhx9AwhtEGJ-VLQ,11300
|
58
58
|
mplang/runtime/exceptions.py,sha256=c18U0xK20dRmgZo0ogTf5vXlkix9y3VAFuzkHxaXPEk,981
|
59
59
|
mplang/runtime/http_api.md,sha256=-re1DhEqMplAkv_wnqEU-PSs8tTzf4-Ml0Gq0f3Go6s,4883
|
60
60
|
mplang/runtime/link_comm.py,sha256=uNqTCGZVwWeuHAb7yXXQf0DUsMXLa8leHCkrcZdzYMU,4559
|
61
|
-
mplang/runtime/resource.py,sha256
|
62
|
-
mplang/runtime/server.py,sha256=
|
63
|
-
mplang/runtime/simulation.py,sha256=
|
64
|
-
mplang/simp/__init__.py,sha256=
|
61
|
+
mplang/runtime/resource.py,sha256=xNke4UpNDjsjWcr09oXWNBXsMfSZFOwsKD7FWdCVPbc,11688
|
62
|
+
mplang/runtime/server.py,sha256=LQ5uJi95tYrKmgHwZaxUQi-aiqwSsT3W4z7pZ9dQaUQ,14716
|
63
|
+
mplang/runtime/simulation.py,sha256=xnK07RTcXwzHZzGVQw0w6JNNTMvj43q8OyTZW8_Ohmc,10958
|
64
|
+
mplang/simp/__init__.py,sha256=xNXnA8-jZAANa2A1W39b3lYO7D02zdCXl0TpivkTGS4,11579
|
65
65
|
mplang/simp/mpi.py,sha256=Wv_Q16TQ3rdLam6OzqXiefIGSMmagGkso09ycyOkHEs,4774
|
66
66
|
mplang/simp/random.py,sha256=7PVgWNL1j7Sf3MqT5PRiWplUu-0dyhF3Ub566iqX86M,3898
|
67
|
-
mplang/simp/smpc.py,sha256=
|
67
|
+
mplang/simp/smpc.py,sha256=tdH54aU4T-GIDPhpmf9NCeJC0G67PdOYc04cyUkOnwE,7119
|
68
68
|
mplang/utils/__init__.py,sha256=2WE4cmW96Xkzyq2yRRYNww4kZ5o6u6NbPV0BxqZG698,581
|
69
69
|
mplang/utils/crypto.py,sha256=rvPomBFtznRHc3RPi6Aip9lsU8zW2oxBqGv1K3vn7Rs,1052
|
70
70
|
mplang/utils/func_utils.py,sha256=vCJcZmu0bEbqhOQKdpttV2_MBllIcPSN0b8U4WjNGGo,5164
|
71
71
|
mplang/utils/spu_utils.py,sha256=S3L9RBkBe2AvSuMSQQ12cBY5Y1NPthubvErSX_7nj1A,4158
|
72
72
|
mplang/utils/table_utils.py,sha256=aC-IZOKkSmFkpr3NZchLM0Wt0GOn-rg_xHBHREWBwAU,2202
|
73
|
-
mplang_nightly-0.1.
|
74
|
-
mplang_nightly-0.1.
|
75
|
-
mplang_nightly-0.1.
|
76
|
-
mplang_nightly-0.1.
|
77
|
-
mplang_nightly-0.1.
|
73
|
+
mplang_nightly-0.1.dev150.dist-info/METADATA,sha256=1oeiSoNdCsznO3MokEH5aCFsnafkjiN4dllVN9UiSpA,16547
|
74
|
+
mplang_nightly-0.1.dev150.dist-info/WHEEL,sha256=qtCwoSJWgHk21S1Kb4ihdzI2rlJ1ZKaIurTj_ngOhyQ,87
|
75
|
+
mplang_nightly-0.1.dev150.dist-info/entry_points.txt,sha256=mG1oJT-GAjQR834a62_QIWb7litzWPPyVnwFqm-rWuY,55
|
76
|
+
mplang_nightly-0.1.dev150.dist-info/licenses/LICENSE,sha256=xx0jnfkXJvxRnG63LTGOxlggYnIysveWIZ6H3PNdCrQ,11357
|
77
|
+
mplang_nightly-0.1.dev150.dist-info/RECORD,,
|
File without changes
|
File without changes
|
/mplang/{frontend → ops}/base.py
RENAMED
File without changes
|
File without changes
|
{mplang_nightly-0.1.dev149.dist-info → mplang_nightly-0.1.dev150.dist-info}/entry_points.txt
RENAMED
File without changes
|
{mplang_nightly-0.1.dev149.dist-info → mplang_nightly-0.1.dev150.dist-info}/licenses/LICENSE
RENAMED
File without changes
|