user-simulator 0.1.6__tar.gz → 0.1.8__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.
- {user_simulator-0.1.6 → user_simulator-0.1.8}/PKG-INFO +2 -2
- {user_simulator-0.1.6 → user_simulator-0.1.8}/pyproject.toml +2 -2
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/cli/gen_user_profile.py +1 -1
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/cli/sensei_chat.py +7 -7
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/cli/sensei_check.py +5 -5
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/cli/validation_check.py +2 -2
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/core/ask_about.py +5 -5
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/core/data_extraction.py +3 -3
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/core/data_gathering.py +4 -4
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/core/role_structure.py +8 -8
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/core/user_simulator.py +4 -4
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/handlers/asr_module.py +2 -2
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/handlers/html_parser_module.py +3 -3
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/cost_tracker.py +1 -1
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/cost_tracker_v2.py +1 -1
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/token_cost_calculator.py +2 -2
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/url_management.py +3 -3
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/utilities.py +2 -2
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_simulator.egg-info/PKG-INFO +2 -2
- {user_simulator-0.1.6 → user_simulator-0.1.8}/LICENSE.txt +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/README.md +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/setup.cfg +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/data/list_functions/number_list.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/metamorphic/__init__.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/metamorphic/results.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/metamorphic/rule_utils.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/metamorphic/rules.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/metamorphic/tests.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/metamorphic/text_comparison_utils.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/technologies/__init__.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/technologies/chatbot_connectors.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/technologies/chatbots.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/technologies/taskyto.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/__init__.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/cli/__init__.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/cli/init_project.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/core/__init__.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/core/interaction_styles.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/handlers/__init__.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/handlers/image_recognition_module.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/handlers/pdf_parser_module.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/__init__.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/config.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/errors.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/exceptions.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/languages.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/register_management.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/utils/show_logs.py +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_simulator.egg-info/SOURCES.txt +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_simulator.egg-info/dependency_links.txt +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_simulator.egg-info/entry_points.txt +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_simulator.egg-info/requires.txt +0 -0
- {user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_simulator.egg-info/top_level.txt +0 -0
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.4
|
2
2
|
Name: user-simulator
|
3
|
-
Version: 0.1.
|
3
|
+
Version: 0.1.8
|
4
4
|
Summary: LLM-based user simulator for chatbot testing.
|
5
5
|
Author: Alejandro Del Pozzo Escalera, Juan de Lara Jaramillo, Esther Guerra Sánchez
|
6
6
|
License: MIT License
|
@@ -25,7 +25,7 @@ License: MIT License
|
|
25
25
|
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
|
26
26
|
SOFTWARE.
|
27
27
|
Project-URL: Homepage, https://github.com/satori-chatbots/user-simulator
|
28
|
-
Requires-Python:
|
28
|
+
Requires-Python: >=3.12
|
29
29
|
Description-Content-Type: text/markdown
|
30
30
|
License-File: LICENSE.txt
|
31
31
|
Requires-Dist: allpairspy>=2.5.1
|
@@ -1,9 +1,9 @@
|
|
1
1
|
[project]
|
2
2
|
name = "user-simulator"
|
3
|
-
version = "0.1.
|
3
|
+
version = "0.1.8"
|
4
4
|
description = "LLM-based user simulator for chatbot testing."
|
5
5
|
readme = "README.md"
|
6
|
-
requires-python = ">=3.
|
6
|
+
requires-python = ">=3.12"
|
7
7
|
license = {file = "LICENSE.txt"}
|
8
8
|
|
9
9
|
authors = [
|
@@ -6,13 +6,13 @@ from argparse import ArgumentParser
|
|
6
6
|
from colorama import Fore, Style
|
7
7
|
from src.technologies.chatbot_connectors import (Chatbot, ChatbotRasa, ChatbotTaskyto, ChatbotMillionBot,
|
8
8
|
ChatbotServiceform)
|
9
|
-
from
|
10
|
-
from
|
11
|
-
from
|
12
|
-
from
|
13
|
-
from
|
14
|
-
from
|
15
|
-
from
|
9
|
+
from user_sim.core.data_extraction import DataExtraction
|
10
|
+
from user_sim.core.role_structure import *
|
11
|
+
from user_sim.core.user_simulator import UserSimulator
|
12
|
+
from user_sim.utils.show_logs import *
|
13
|
+
from user_sim.utils.utilities import *
|
14
|
+
from user_sim.utils.token_cost_calculator import create_cost_dataset
|
15
|
+
from user_sim.utils.register_management import clean_temp_files
|
16
16
|
|
17
17
|
check_keys(["OPENAI_API_KEY"])
|
18
18
|
current_script_dir = os.path.dirname(os.path.abspath(__file__))
|
@@ -6,11 +6,11 @@ import sys
|
|
6
6
|
from pydantic import ValidationError
|
7
7
|
from argparse import ArgumentParser
|
8
8
|
|
9
|
-
from
|
10
|
-
from
|
11
|
-
from
|
12
|
-
from
|
13
|
-
import
|
9
|
+
from metamorphic.results import Result
|
10
|
+
from metamorphic.rules import *
|
11
|
+
from metamorphic.tests import Test
|
12
|
+
from user_sim.utils.utilities import check_keys
|
13
|
+
import user_sim.utils.errors as errors
|
14
14
|
|
15
15
|
def __get_object_from_yaml_files(file_or_dir, operation, name):
|
16
16
|
objects = []
|
@@ -8,8 +8,8 @@ from user_sim.utils.show_logs import *
|
|
8
8
|
import logging
|
9
9
|
from argparse import ArgumentParser
|
10
10
|
from dataclasses import dataclass
|
11
|
-
from
|
12
|
-
from
|
11
|
+
from user_sim.core.role_structure import RoleData
|
12
|
+
from user_sim.utils.utilities import read_yaml
|
13
13
|
|
14
14
|
|
15
15
|
logger = logging.getLogger('Info Logger')
|
@@ -1,15 +1,15 @@
|
|
1
|
-
from
|
2
|
-
from
|
1
|
+
from user_sim.utils.utilities import *
|
2
|
+
from user_sim.utils.exceptions import *
|
3
3
|
|
4
4
|
import numpy as np
|
5
5
|
import logging
|
6
6
|
import random
|
7
7
|
|
8
|
-
from
|
8
|
+
from user_sim.utils import config
|
9
9
|
from allpairspy import AllPairs
|
10
10
|
from langchain_core.prompts import ChatPromptTemplate
|
11
|
-
from
|
12
|
-
from
|
11
|
+
from user_sim.utils.utilities import init_model
|
12
|
+
from user_sim.utils.token_cost_calculator import calculate_cost, max_input_tokens_allowed, max_output_tokens_allowed
|
13
13
|
|
14
14
|
model = ""
|
15
15
|
llm = None
|
@@ -2,9 +2,9 @@ import re
|
|
2
2
|
import logging
|
3
3
|
from dateutil import parser
|
4
4
|
from langchain_core.prompts import ChatPromptTemplate
|
5
|
-
from
|
6
|
-
from
|
7
|
-
from
|
5
|
+
from user_sim.utils.token_cost_calculator import calculate_cost
|
6
|
+
from user_sim.utils import config
|
7
|
+
from user_sim.utils.utilities import init_model
|
8
8
|
from datetime import date
|
9
9
|
|
10
10
|
|
@@ -1,10 +1,10 @@
|
|
1
1
|
import ast
|
2
2
|
import pandas as pd
|
3
|
-
from
|
3
|
+
from user_sim.utils.token_cost_calculator import calculate_cost, max_output_tokens_allowed, max_input_tokens_allowed
|
4
4
|
import re
|
5
|
-
from
|
6
|
-
from
|
7
|
-
from
|
5
|
+
from user_sim.utils.exceptions import *
|
6
|
+
from user_sim.utils.utilities import init_model
|
7
|
+
from user_sim.utils import config
|
8
8
|
from langchain_core.prompts import ChatPromptTemplate
|
9
9
|
|
10
10
|
|
@@ -1,15 +1,15 @@
|
|
1
1
|
import itertools
|
2
2
|
from pydantic import BaseModel, ValidationError, field_validator
|
3
3
|
from typing import List, Union, Dict, Optional
|
4
|
-
from
|
5
|
-
from
|
6
|
-
from
|
7
|
-
from
|
8
|
-
from
|
4
|
+
from user_sim.core.interaction_styles import *
|
5
|
+
from user_sim.core.ask_about import *
|
6
|
+
from user_sim.utils.exceptions import *
|
7
|
+
from user_sim.utils.languages import languages
|
8
|
+
from user_sim.utils import config
|
9
9
|
from dataclasses import dataclass
|
10
|
-
from
|
11
|
-
from
|
12
|
-
from
|
10
|
+
from user_sim.handlers.image_recognition_module import init_vision_module
|
11
|
+
from user_sim.core.data_gathering import init_data_gathering_module
|
12
|
+
from user_sim.core.data_extraction import init_data_extraction_module
|
13
13
|
import logging
|
14
14
|
logger = logging.getLogger('Info Logger')
|
15
15
|
|
@@ -1,11 +1,11 @@
|
|
1
|
-
from
|
1
|
+
from user_sim.core.data_extraction import DataExtraction
|
2
2
|
from user_sim.utils.utilities import *
|
3
|
-
from
|
3
|
+
from user_sim.core.data_gathering import *
|
4
4
|
from langchain_core.prompts import PromptTemplate
|
5
5
|
from langchain_core.output_parsers import StrOutputParser
|
6
6
|
from langchain.chat_models import init_chat_model
|
7
|
-
from
|
8
|
-
from
|
7
|
+
from user_sim.utils.token_cost_calculator import calculate_cost, max_input_tokens_allowed, max_output_tokens_allowed, invoke_llm
|
8
|
+
from user_sim.utils import config
|
9
9
|
|
10
10
|
import logging
|
11
11
|
|
@@ -2,8 +2,8 @@ import speech_recognition as sr
|
|
2
2
|
from pydantic import BaseModel, ValidationError
|
3
3
|
from typing import List, Union, Dict, Optional
|
4
4
|
import time
|
5
|
-
from
|
6
|
-
from
|
5
|
+
from user_sim.utils.utilities import read_yaml
|
6
|
+
from user_sim.utils.token_cost_calculator import calculate_cost, max_input_tokens_allowed
|
7
7
|
from openai import OpenAI
|
8
8
|
import warnings
|
9
9
|
import pygame
|
@@ -12,9 +12,9 @@ from selenium.webdriver.firefox.service import Service as FirefoxService
|
|
12
12
|
from webdriver_manager.chrome import ChromeDriverManager
|
13
13
|
from webdriver_manager.microsoft import EdgeChromiumDriverManager
|
14
14
|
from webdriver_manager.firefox import GeckoDriverManager
|
15
|
-
from
|
16
|
-
from
|
17
|
-
from
|
15
|
+
from user_sim.handlers.image_recognition_module import image_description
|
16
|
+
from user_sim.utils import config
|
17
|
+
from user_sim.utils.register_management import save_register, load_register, hash_generate
|
18
18
|
|
19
19
|
|
20
20
|
logger = logging.getLogger('Info Logger')
|
@@ -7,7 +7,7 @@ import tiktoken
|
|
7
7
|
|
8
8
|
from langchain.callbacks.base import BaseCallbackHandler
|
9
9
|
from langchain.schema import LLMResult, ChatGeneration, ChatResult
|
10
|
-
from
|
10
|
+
from user_sim.utils import config
|
11
11
|
import logging
|
12
12
|
|
13
13
|
logger = logging.getLogger('Info Logger')
|
@@ -8,8 +8,8 @@ import logging
|
|
8
8
|
from io import BytesIO
|
9
9
|
from PIL import Image
|
10
10
|
from langchain_core.output_parsers import StrOutputParser
|
11
|
-
from
|
12
|
-
from
|
11
|
+
from user_sim.utils import config
|
12
|
+
from user_sim.utils.utilities import get_encoding
|
13
13
|
|
14
14
|
logger = logging.getLogger('Info Logger')
|
15
15
|
|
@@ -1,8 +1,8 @@
|
|
1
1
|
import re
|
2
2
|
from typing import List, Dict
|
3
|
-
from
|
4
|
-
from
|
5
|
-
from
|
3
|
+
from user_sim.handlers.pdf_parser_module import pdf_processor
|
4
|
+
from user_sim.handlers.image_recognition_module import image_description
|
5
|
+
from user_sim.handlers.html_parser_module import webpage_reader
|
6
6
|
|
7
7
|
|
8
8
|
def classify_links(message: str) -> Dict[str, List[str]]:
|
@@ -12,8 +12,8 @@ import platform
|
|
12
12
|
from datetime import datetime, timedelta, date
|
13
13
|
from sklearn.feature_extraction.text import TfidfVectorizer
|
14
14
|
from sklearn.metrics.pairwise import cosine_similarity
|
15
|
-
from
|
16
|
-
from
|
15
|
+
from user_sim.utils.exceptions import *
|
16
|
+
from user_sim.utils import config
|
17
17
|
from langchain.chat_models import init_chat_model
|
18
18
|
from charset_normalizer import detect
|
19
19
|
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.4
|
2
2
|
Name: user-simulator
|
3
|
-
Version: 0.1.
|
3
|
+
Version: 0.1.8
|
4
4
|
Summary: LLM-based user simulator for chatbot testing.
|
5
5
|
Author: Alejandro Del Pozzo Escalera, Juan de Lara Jaramillo, Esther Guerra Sánchez
|
6
6
|
License: MIT License
|
@@ -25,7 +25,7 @@ License: MIT License
|
|
25
25
|
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
|
26
26
|
SOFTWARE.
|
27
27
|
Project-URL: Homepage, https://github.com/satori-chatbots/user-simulator
|
28
|
-
Requires-Python:
|
28
|
+
Requires-Python: >=3.12
|
29
29
|
Description-Content-Type: text/markdown
|
30
30
|
License-File: LICENSE.txt
|
31
31
|
Requires-Dist: allpairspy>=2.5.1
|
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
|
{user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_sim/handlers/image_recognition_module.py
RENAMED
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
|
{user_simulator-0.1.6 → user_simulator-0.1.8}/src/user_simulator.egg-info/dependency_links.txt
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|