prediction-market-agent-tooling 0.21.0__tar.gz → 0.22.0__tar.gz
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.
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/PKG-INFO +2 -2
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/deploy/agent.py +1 -1
- prediction_market_agent_tooling-0.22.0/prediction_market_agent_tooling/loggers.py +54 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/manifold/api.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/omen/omen.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/omen/omen_resolving.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/omen/omen_subgraph_handler.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/polymarket/data_models_web.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/monitor/monitor.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/betting_strategies/market_moving.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/google.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/is_predictable.py +8 -2
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/safe.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/utils.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/web3_utils.py +1 -1
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/pyproject.toml +2 -2
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/LICENSE +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/README.md +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/erc20.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/omen_dxdao.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/omen_fpmm.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/omen_fpmm_conditionaltokens.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/omen_fpmm_factory.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/omen_kleros.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/omen_oracle.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/omen_realitio.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/abis/wxdai.abi.json +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/benchmark/__init__.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/benchmark/agents.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/benchmark/benchmark.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/benchmark/utils.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/config.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/deploy/agent_example.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/deploy/constants.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/deploy/gcp/deploy.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/deploy/gcp/kubernetes_models.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/deploy/gcp/utils.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/gtypes.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/agent_market.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/categorize.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/data_models.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/manifold/__init__.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/manifold/data_models.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/manifold/manifold.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/manifold/utils.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/markets.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/omen/__init__.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/omen/data_models.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/omen/omen_contracts.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/polymarket/api.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/polymarket/data_models.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/polymarket/polymarket.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/markets/polymarket/utils.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/monitor/langfuse/langfuse_wrapper.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/monitor/markets/manifold.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/monitor/markets/omen.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/monitor/markets/polymarket.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/monitor/monitor_app.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/monitor/monitor_settings.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/py.typed +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/balances.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/betting_strategies/kelly_criterion.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/betting_strategies/minimum_bet_to_win.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/betting_strategies/stretch_bet_between.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/cache.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/contract.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/costs.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/gnosis_rpc.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/hexbytes_custom.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/parallelism.py +0 -0
- {prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/prediction_market_agent_tooling/tools/singleton.py +0 -0
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: prediction-market-agent-tooling
|
3
|
-
Version: 0.
|
3
|
+
Version: 0.22.0
|
4
4
|
Summary: Tools to benchmark, deploy and monitor prediction market agents.
|
5
5
|
Author: Gnosis
|
6
6
|
Requires-Python: >=3.10,<3.12
|
@@ -32,7 +32,7 @@ Requires-Dist: pydantic (>=2.6.1,<3.0.0)
|
|
32
32
|
Requires-Dist: pydantic-settings (>=2.1.0,<3.0.0)
|
33
33
|
Requires-Dist: safe-cli (>=1.0.0,<2.0.0)
|
34
34
|
Requires-Dist: safe-eth-py (>=6.0.0b14,<7.0.0)
|
35
|
-
Requires-Dist: scikit-learn (>=1.
|
35
|
+
Requires-Dist: scikit-learn (>=1.3.1,<2.0.0)
|
36
36
|
Requires-Dist: streamlit (>=1.31.0,<2.0.0)
|
37
37
|
Requires-Dist: subgrounds (>=1.8.1,<2.0.0)
|
38
38
|
Requires-Dist: tabulate (>=0.9.0,<0.10.0)
|
@@ -5,7 +5,6 @@ import time
|
|
5
5
|
import typing as t
|
6
6
|
from datetime import datetime, timedelta
|
7
7
|
|
8
|
-
from loguru import logger
|
9
8
|
from pydantic import BaseModel, BeforeValidator
|
10
9
|
from typing_extensions import Annotated
|
11
10
|
|
@@ -24,6 +23,7 @@ from prediction_market_agent_tooling.deploy.gcp.utils import (
|
|
24
23
|
gcp_resolve_api_keys_secrets,
|
25
24
|
)
|
26
25
|
from prediction_market_agent_tooling.gtypes import Probability
|
26
|
+
from prediction_market_agent_tooling.loggers import logger
|
27
27
|
from prediction_market_agent_tooling.markets.agent_market import (
|
28
28
|
AgentMarket,
|
29
29
|
FilterBy,
|
@@ -0,0 +1,54 @@
|
|
1
|
+
import sys
|
2
|
+
import typing as t
|
3
|
+
from enum import Enum
|
4
|
+
|
5
|
+
from loguru import logger
|
6
|
+
from pydantic_settings import BaseSettings, SettingsConfigDict
|
7
|
+
|
8
|
+
if t.TYPE_CHECKING:
|
9
|
+
from loguru import Logger
|
10
|
+
|
11
|
+
|
12
|
+
class LogFormat(str, Enum):
|
13
|
+
DEFAULT = "default"
|
14
|
+
GCP = "gcp"
|
15
|
+
|
16
|
+
|
17
|
+
class LogConfig(BaseSettings):
|
18
|
+
model_config = SettingsConfigDict(
|
19
|
+
env_file=".env", env_file_encoding="utf-8", extra="ignore"
|
20
|
+
)
|
21
|
+
|
22
|
+
LOG_FORMAT: LogFormat = LogFormat.DEFAULT
|
23
|
+
|
24
|
+
|
25
|
+
GCP_LOG_FORMAT = "{level:<.1}{time:MMDD HH:mm:ss.SSSSSS} {process} {name}:{line}] {message} | {extra}"
|
26
|
+
|
27
|
+
|
28
|
+
def patch_logger(logger: "Logger") -> None:
|
29
|
+
config = LogConfig()
|
30
|
+
|
31
|
+
if config.LOG_FORMAT == LogFormat.GCP:
|
32
|
+
format_ = GCP_LOG_FORMAT
|
33
|
+
|
34
|
+
elif config.LOG_FORMAT == LogFormat.DEFAULT:
|
35
|
+
format_ = None
|
36
|
+
|
37
|
+
else:
|
38
|
+
raise ValueError(f"Unknown log format: {config.LOG_FORMAT}")
|
39
|
+
|
40
|
+
if format_ is not None:
|
41
|
+
logger.remove()
|
42
|
+
logger.add(
|
43
|
+
sys.stdout,
|
44
|
+
format=format_,
|
45
|
+
level="DEBUG", # Can be the lowest level, higher ones will use by default this one.
|
46
|
+
colorize=True,
|
47
|
+
)
|
48
|
+
|
49
|
+
logger.info(f"Patched logger for {config.LOG_FORMAT.value} format.")
|
50
|
+
|
51
|
+
|
52
|
+
if not getattr(logger, "_patched", False):
|
53
|
+
patch_logger(logger)
|
54
|
+
logger._patched = True # type: ignore[attr-defined] # Hacky way to store a flag on the logger object, to not patch it multiple times.
|
@@ -3,9 +3,9 @@ from datetime import datetime
|
|
3
3
|
|
4
4
|
import requests
|
5
5
|
import tenacity
|
6
|
-
from loguru import logger
|
7
6
|
|
8
7
|
from prediction_market_agent_tooling.gtypes import Mana, SecretStr
|
8
|
+
from prediction_market_agent_tooling.loggers import logger
|
9
9
|
from prediction_market_agent_tooling.markets.data_models import (
|
10
10
|
BetAmount,
|
11
11
|
Currency,
|
@@ -2,7 +2,6 @@ import sys
|
|
2
2
|
import typing as t
|
3
3
|
from datetime import datetime
|
4
4
|
|
5
|
-
from loguru import logger
|
6
5
|
from web3 import Web3
|
7
6
|
from web3.constants import HASH_ZERO
|
8
7
|
|
@@ -18,6 +17,7 @@ from prediction_market_agent_tooling.gtypes import (
|
|
18
17
|
xDai,
|
19
18
|
xdai_type,
|
20
19
|
)
|
20
|
+
from prediction_market_agent_tooling.loggers import logger
|
21
21
|
from prediction_market_agent_tooling.markets.agent_market import (
|
22
22
|
AgentMarket,
|
23
23
|
FilterBy,
|
@@ -1,4 +1,3 @@
|
|
1
|
-
from loguru import logger
|
2
1
|
from web3 import Web3
|
3
2
|
|
4
3
|
from prediction_market_agent_tooling.config import PrivateCredentials
|
@@ -9,6 +8,7 @@ from prediction_market_agent_tooling.gtypes import (
|
|
9
8
|
Wei,
|
10
9
|
xDai,
|
11
10
|
)
|
11
|
+
from prediction_market_agent_tooling.loggers import logger
|
12
12
|
from prediction_market_agent_tooling.markets.data_models import Resolution
|
13
13
|
from prediction_market_agent_tooling.markets.manifold.utils import (
|
14
14
|
find_resolution_on_manifold,
|
@@ -4,10 +4,10 @@ from datetime import datetime
|
|
4
4
|
|
5
5
|
import tenacity
|
6
6
|
from eth_typing import ChecksumAddress
|
7
|
-
from loguru import logger
|
8
7
|
from subgrounds import FieldPath, Subgrounds
|
9
8
|
|
10
9
|
from prediction_market_agent_tooling.gtypes import HexAddress, HexBytes, Wei, wei_type
|
10
|
+
from prediction_market_agent_tooling.loggers import logger
|
11
11
|
from prediction_market_agent_tooling.markets.agent_market import FilterBy, SortBy
|
12
12
|
from prediction_market_agent_tooling.markets.omen.data_models import (
|
13
13
|
OMEN_FALSE_OUTCOME,
|
@@ -10,10 +10,10 @@ import typing as t
|
|
10
10
|
from datetime import datetime
|
11
11
|
|
12
12
|
import requests
|
13
|
-
from loguru import logger
|
14
13
|
from pydantic import BaseModel, field_validator
|
15
14
|
|
16
15
|
from prediction_market_agent_tooling.gtypes import USDC, HexAddress
|
16
|
+
from prediction_market_agent_tooling.loggers import logger
|
17
17
|
from prediction_market_agent_tooling.markets.data_models import Resolution
|
18
18
|
|
19
19
|
POLYMARKET_BASE_URL = "https://polymarket.com"
|
@@ -8,7 +8,6 @@ import numpy as np
|
|
8
8
|
import pandas as pd
|
9
9
|
import streamlit as st
|
10
10
|
from google.cloud.functions_v2.types.functions import Function
|
11
|
-
from loguru import logger
|
12
11
|
from pydantic import BaseModel, field_validator
|
13
12
|
|
14
13
|
from prediction_market_agent_tooling.config import APIKeys
|
@@ -22,6 +21,7 @@ from prediction_market_agent_tooling.deploy.gcp.utils import (
|
|
22
21
|
list_gcp_cronjobs,
|
23
22
|
list_gcp_functions,
|
24
23
|
)
|
24
|
+
from prediction_market_agent_tooling.loggers import logger
|
25
25
|
from prediction_market_agent_tooling.markets.agent_market import AgentMarket
|
26
26
|
from prediction_market_agent_tooling.markets.data_models import Resolution, ResolvedBet
|
27
27
|
from prediction_market_agent_tooling.tools.parallelism import par_map
|
@@ -2,9 +2,9 @@ import typing as t
|
|
2
2
|
from functools import reduce
|
3
3
|
|
4
4
|
import numpy as np
|
5
|
-
from loguru import logger
|
6
5
|
|
7
6
|
from prediction_market_agent_tooling.gtypes import Probability, wei_type, xDai
|
7
|
+
from prediction_market_agent_tooling.loggers import logger
|
8
8
|
from prediction_market_agent_tooling.markets.omen.data_models import OmenMarket
|
9
9
|
from prediction_market_agent_tooling.markets.omen.omen import OmenAgentMarket
|
10
10
|
from prediction_market_agent_tooling.tools.utils import check_not_none
|
@@ -2,9 +2,9 @@ import typing as t
|
|
2
2
|
|
3
3
|
import tenacity
|
4
4
|
from googleapiclient.discovery import build
|
5
|
-
from loguru import logger
|
6
5
|
|
7
6
|
from prediction_market_agent_tooling.config import APIKeys
|
7
|
+
from prediction_market_agent_tooling.loggers import logger
|
8
8
|
from prediction_market_agent_tooling.tools.cache import persistent_inmemory_cache
|
9
9
|
|
10
10
|
|
@@ -1,5 +1,4 @@
|
|
1
|
-
from
|
2
|
-
from langchain_openai import ChatOpenAI
|
1
|
+
from loguru import logger
|
3
2
|
|
4
3
|
from prediction_market_agent_tooling.tools.cache import persistent_inmemory_cache
|
5
4
|
|
@@ -38,6 +37,13 @@ def is_predictable_binary(
|
|
38
37
|
"""
|
39
38
|
Evaluate if the question is actually answerable.
|
40
39
|
"""
|
40
|
+
try:
|
41
|
+
from langchain.prompts import ChatPromptTemplate
|
42
|
+
from langchain_openai import ChatOpenAI
|
43
|
+
except ImportError:
|
44
|
+
logger.info("langchain not installed, skipping is_predictable_binary")
|
45
|
+
return True
|
46
|
+
|
41
47
|
llm = ChatOpenAI(model=engine, temperature=0.0)
|
42
48
|
|
43
49
|
prompt = ChatPromptTemplate.from_template(template=prompt_template)
|
@@ -5,7 +5,6 @@ from gnosis.eth.constants import NULL_ADDRESS
|
|
5
5
|
from gnosis.eth.contracts import get_safe_V1_4_1_contract
|
6
6
|
from gnosis.safe.proxy_factory import ProxyFactoryV141
|
7
7
|
from gnosis.safe.safe import Safe
|
8
|
-
from loguru import logger
|
9
8
|
from safe_cli.safe_addresses import (
|
10
9
|
get_default_fallback_handler_address,
|
11
10
|
get_proxy_factory_address,
|
@@ -14,6 +13,7 @@ from safe_cli.safe_addresses import (
|
|
14
13
|
)
|
15
14
|
from web3.types import Wei
|
16
15
|
|
16
|
+
from prediction_market_agent_tooling.loggers import logger
|
17
17
|
from prediction_market_agent_tooling.tools.hexbytes_custom import HexBytes
|
18
18
|
from prediction_market_agent_tooling.tools.web3_utils import wei_to_xdai
|
19
19
|
|
@@ -6,7 +6,6 @@ from typing import Any, NoReturn, Optional, Type, TypeVar, cast
|
|
6
6
|
|
7
7
|
import pytz
|
8
8
|
import requests
|
9
|
-
from loguru import logger
|
10
9
|
from pydantic import BaseModel, ValidationError
|
11
10
|
from scipy.stats import entropy
|
12
11
|
|
@@ -15,6 +14,7 @@ from prediction_market_agent_tooling.gtypes import (
|
|
15
14
|
Probability,
|
16
15
|
SecretStr,
|
17
16
|
)
|
17
|
+
from prediction_market_agent_tooling.loggers import logger
|
18
18
|
|
19
19
|
T = TypeVar("T")
|
20
20
|
|
@@ -5,7 +5,6 @@ from eth_account import Account
|
|
5
5
|
from eth_typing import URI
|
6
6
|
from gnosis.eth import EthereumClient
|
7
7
|
from gnosis.safe.safe import Safe
|
8
|
-
from loguru import logger
|
9
8
|
from pydantic.types import SecretStr
|
10
9
|
from web3 import Web3
|
11
10
|
from web3.constants import HASH_ZERO
|
@@ -21,6 +20,7 @@ from prediction_market_agent_tooling.gtypes import (
|
|
21
20
|
xDai,
|
22
21
|
xdai_type,
|
23
22
|
)
|
23
|
+
from prediction_market_agent_tooling.loggers import logger
|
24
24
|
|
25
25
|
ONE_NONCE = Nonce(1)
|
26
26
|
ONE_XDAI = xdai_type(1)
|
{prediction_market_agent_tooling-0.21.0 → prediction_market_agent_tooling-0.22.0}/pyproject.toml
RENAMED
@@ -1,6 +1,6 @@
|
|
1
1
|
[tool.poetry]
|
2
2
|
name = "prediction-market-agent-tooling"
|
3
|
-
version = "0.
|
3
|
+
version = "0.22.0"
|
4
4
|
description = "Tools to benchmark, deploy and monitor prediction market agents."
|
5
5
|
authors = ["Gnosis"]
|
6
6
|
readme = "README.md"
|
@@ -27,7 +27,7 @@ isort = "^5.13.2"
|
|
27
27
|
streamlit = "^1.31.0"
|
28
28
|
tqdm = "^4.66.2"
|
29
29
|
langchain-community = ">=0.0.19"
|
30
|
-
scikit-learn = "^1.
|
30
|
+
scikit-learn = "^1.3.1"
|
31
31
|
tabulate = "^0.9.0"
|
32
32
|
types-pytz = "^2024.1.0.20240203"
|
33
33
|
google-cloud-secret-manager = "^2.18.2"
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|