Этот сайт использует файлы cookies. Продолжая просмотр страниц сайта, вы соглашаетесь с использованием файлов cookies. Если вам нужна дополнительная информация, пожалуйста, посетите страницу Политика файлов Cookie
Subscribe
Прямой эфир
Cryptocurrencies: 9153 / Markets: 116285
Market Cap: $ 3 012 815 638 404 / 24h Vol: $ 140 193 596 683 / BTC Dominance: 57.837047418584%

Н Новости

Основные метрики DeepEval для тестирования AI. Возможности и способы применения

Всем привет!

DeepEval - фреймворк для оценки работы AI с открытым исходным кодом.

Содержит в себе множество метрик и бенчмарков для оценки качества работы AI моделей, а также предоставляет инструменты для аналитики изменений качества работы в течение разных периодов времени.

В предыдущей статье мы уже частично осветили имеющиеся у DeepEval метрики (метрики для оценки RAG).

В этой статье постараемся объяснить, какой еще функционал предлагается DeepEval для работы с AI.

Помимо указанных ранее в DeepEval присутствуют следующие метрики:

  • Agentic

    - Task Completion
    - Tool Correctness
    - Argument Correctness

  • Multi-Turn

    - Turn Relevancy
    - Role Adherence
    - Knowledge Retention
    - Conversation Completeness

  • MCP

    - MCP-Use
    - Multi-Turn MCP-Use
    - MCP Task Completion

  • Safety

    - Bias
    - Toxicity
    - Non-Advice
    - Misuse
    - PII Leakage
    - Role Violation

  • Others

    - Summarization
    - Prompt Alignment
    - Hallucination
    - Json Correctness

  • Multimodal

    - Image Coherence
    - Image Helpfulness
    - Image Reference
    - Text to Image
    - Image Editing
    - Multimodal Answer Relevancy
    - Multimodal Faithfulness
    - Multimodal Contextual Precision
    - Multimodal Contextual Recall
    - Multimodal Contextual Relevancy
    - Multimodal Tool Correctness

Agentic

Метрики призваны для оценки работа AI агентов

Task Completion - показывает, насколько эффективно AI-агент выполняет задачу.

\text{Task Completion Score} = \text{AlignmentScore}(\text{Task}, \text{Outcome})

где

- task - задача для выполнения;
- outcome - результат выполнения задачи.

Для метрики являются обязательными следующие параметры:

- запрос пользователя;
- окончательный ответ;
- список вызванных в ходе выполнения запроса инструментов.

Задача, конечный результат и список вызванных инструментов извлекаются с помощью LLM, на основании чего выводится окончательный вердикт. В ходе оценки проверяется, какие именно инструменты были вызваны и насколько полезная информация была извлечена с их помощью.

Tool Correctness - показывает эффективность и правильность использования инструментов AI-агентом при выполнении задачи. Вычисляется как отношение количества реального использования инструментов к количеству ожидаемых использований.

Для метрики являются обязательными следующие параметры:

- запрос пользователя;
- список ожидаемых для вызова инструментов;
- список вызванных в ходе выполнения запроса инструментов.

Помимо просто вычисления использования нужных устройств может оценивать также и правильный порядок их использования.

\small\text{Tool Correctness} = \frac{\scriptsize\text{Number of Correctly Used Tools (or Correct Input Parameters/Outputs)}}{\small\text{Total Number of Tools Called}}

Argument Correctness - оценивает аргументы, с которыми AI-агент совершает вызов того или иного инструмента. Рассчитывается путем определения того, насколько аргументы соответствуют инструменту.

\text{Argument Correctness} = \frac{\small\text{Number of Correctly Generated Input Parameters}}{\text{Total Number of Tool Calls}}

Для метрики являются обязательными следующие параметры:

- запрос пользователя;
- список вызванных в ходе выполнения запроса инструментов.

Имея в распоряжении список инструментов, проверяет, соответствуют ли параметры для вызова того или иного инструмента запросу пользователя. В случае соответствия возвращает ‘yes’, в противном случае возвращает ‘no’.

По итогам возвращенных значений считается отношение верных вызовов к общему их числу.

Реализация в Python

В целом, все метрики используются следующим образом:

from deepeval.test_case import ToolCall, LLMTestCase
from deepeval.metrics import ToolCorrectnessMetric, TaskCompletionMetric, ArgumentCorrectnessMetric

tools_called = []
# Преобразование перечня вызовов инструментов в объекты ToolCall 
# и добавление таких объектов в список
for tc in tool_calls_from_checkpoint: 
    tools_called.append(ToolCall(
        name=tc["name"],
        input_parameters=tc.get("arguments", {})
    ))

# Формирование тест кейса
llm_test_case = LLMTestCase(
                input=input, # Запрос пользователя
                actual_output=actual_output, # Окончательный ответ
                tools_called=tools_called, # Список действительно вызванных инструментов
                expected_tools=expected_tools # Список ожидаемых инструментов
            )
  
# Оцениваем с помощью TaskCompletionMetric
tool_correctness = ToolCorrectnessMetric()
tool_correctness.measure(llm_test_case)

print(f"\nTool Correctness Score: {tool_correctness.score}")
print(f"Reason: {tool_correctness.reason}")

# Оцениваем с помощью TaskCompletionMetric
task_completion = TaskCompletionMetric(threshold=0.7)
task_completion.measure(llm_test_case)

print(f"\nTask Completion Score: {task_completion.score}")
print(f"Reason: {task_completion.reason}")

# Оцениваем с помощью ArgumentCorrectnessMetric
arg_correctness = ArgumentCorrectnessMetric(threshold=0.5)
arg_correctness.measure(llm_test_case)

print(f"\nArgument Correctness Score: {arg_correctness.score}")
print(f"Reason: {arg_correctness.reason}")

Применительно к AI агенту внедрение метрик выглядит следующим образом

Допустим, у нас есть AI агент, который должен обладать возможностью использовать следующие инструменты:

- поиск информации в интернете;
- получение документации по определенной теме;
- вычисление математических выражений;
- отправка электронных писем;
- управление файлами.

Импортируем все необходимые модули:

from langchain_core.tools import tool
from langchain_openai import ChatOpenAI
from langgraph.graph import StateGraph, END
from langgraph.graph.message import add_messages
from langgraph.checkpoint.memory import MemorySaver
from typing import Annotated, TypedDict
from langchain_core.messages import BaseMessage, HumanMessage, ToolMessage, AIMessage
from deepeval.test_case import ToolCall, LLMTestCase
from deepeval.metrics import ToolCorrectnessMetric, TaskCompletionMetric, ArgumentCorrectnessMetric

Состояние графа описано следующим образом:

class AgentState(TypedDict):
    messages: Annotated[list[BaseMessage], add_messages]
    tool_calls_log: list[dict]  # Сохраняем детальную информацию о tool calls
    execution_history: list[dict]  # История выполнения

Инструменты для AI агента выглядят примерно так:

@tool
def web_search(query: str) -> str:
    """Поиск информации в интернете"""
    return f"Найдена информация по запросу: {query}"

@tool
def document_retrieval(topic: str) -> str:
    """Получение документов по теме"""
    return f"Найдены документы по теме: {topic}"

@tool
def calculator(expression: str) -> str:
    """Вычисление математических выражений"""
    try:
        result = eval(expression)
        return f"Результат: {result}"
    except:
        return "Ошибка в выражении"

@tool
def email_sender(recipient: str, subject: str, message: str) -> str:
    """Отправка email сообщения"""
    return f"Email отправлен на {recipient} с темой '{subject}'"

@tool
def file_manager(action: str, filename: str, content: str = "") -> str:
    """Управление файлами"""
    if action == "create":
        return f"Файл '{filename}' создан с содержимым"
    elif action == "read":
        return f"Содержимое файла '{filename}': sample content"
    elif action == "delete":
        return f"Файл '{filename}' удален"
    else:
        return f"Неизвестное действие: {action}"

# Список всех инструментов
tools = [web_search, document_retrieval, calculator, email_sender, 
         file_manager]

В реальном описании вместо текста для поиска по интернету и документам должна быть прописана логика для использования API поисковых систем и RAG.

Создаем узел логирования всех действий агента:

def agent_node_with_logging(state: AgentState):
    """Узел агента с детальным логированием в состояние"""

    # Создаем LLM с привязанными инструментами
    llm = ChatOpenAI(temperature=0, model="gpt-3.5-turbo")
    llm_with_tools = llm.bind_tools(tools)

    # Получаем сообщения
    messages = state["messages"]

    # Инициализируем логи если их нет
    tool_calls_log = state.get("tool_calls_log", [])
    execution_history = state.get("execution_history", [])

    # Вызываем LLM
    response = llm_with_tools.invoke(messages)

    # Логируем шаг выполнения
    execution_step = {
        "step": len(execution_history) + 1,
        "action": "llm_response",
        "has_tool_calls": bool(response.tool_calls),
        "tool_calls_count": len(response.tool_calls) if response.tool_calls else 0
    }
    execution_history.append(execution_step)

    # Если в ответе есть tool calls
    if response.tool_calls:
        new_messages = [response]

        for tool_call in response.tool_calls:
            # Детальное логирование tool call
            tool_call_info = {
                "id": tool_call["id"],
                "name": tool_call["name"],
                "arguments": tool_call.get("args", {}),
                "timestamp": len(tool_calls_log) + 1,
                "execution_step": len(execution_history)
            }

            # Выполняем инструмент
            tool_name = tool_call["name"]
            tool_args = tool_call["args"]

            # Находим и выполняем соответствующий инструмент
            tool_result = None
            for tool in tools:
                if tool.name == tool_name:
                    try:
                        tool_result = tool.invoke(tool_args)
                        tool_call_info["result"] = str(tool_result)
                        tool_call_info["status"] = "success"

                        # Добавляем результат в сообщения
                        tool_message = ToolMessage(
                            content=str(tool_result),
                            tool_call_id=tool_call["id"]
                        )
                        new_messages.append(tool_message)

                    except Exception as e:
                        tool_call_info["result"] = f"Ошибка: {e}"
                        tool_call_info["status"] = "error"

                        tool_message = ToolMessage(
                            content=f"Ошибка выполнения инструмента: {e}",
                            tool_call_id=tool_call["id"]
                        )
                        new_messages.append(tool_message)
                    break

            # Добавляем в лог
            tool_calls_log.append(tool_call_info)

        # Генерируем финальный ответ после выполнения всех инструментов
        all_messages = messages + new_messages
        final_response = llm.invoke(all_messages)

        # Логируем финальный шаг
        final_step = {
            "step": len(execution_history) + 1,
            "action": "final_response",
            "tools_executed": len([tc for tc in tool_calls_log if tc.get("timestamp", 0) > len(execution_history)])
        }
        execution_history.append(final_step)

        return {
            "messages": new_messages + [final_response],
            "tool_calls_log": tool_calls_log,
            "execution_history": execution_history
        }

    # Если tool calls нет
    final_step = {
        "step": len(execution_history) + 1,
        "action": "direct_response",
        "tools_executed": 0
    }
    execution_history.append(final_step)

    return {
        "messages": [response],
        "tool_calls_log": tool_calls_log,
        "execution_history": execution_history
    }

Далее создаем граф с checkpointer:

def create_checkpointed_graph():

    # Создаем checkpointer
    checkpointer = MemorySaver()

    # Создаем граф
    workflow = StateGraph(AgentState)

    # Добавляем узел агента
    workflow.add_node("agent", agent_node_with_logging)

    # Устанавливаем точку входа
    workflow.set_entry_point("agent")

    # Добавляем условную логику для завершения
    def should_continue(state: AgentState):
        last_message = state["messages"][-1]
        # Если последнее сообщение от агента и без tool_calls - завершаем
        if isinstance(last_message, AIMessage) and last_message.tool_calls:
            return "agent"
        return END

    workflow.add_conditional_edges("agent", should_continue)

    # Компилируем с checkpointer
    return workflow.compile(checkpointer=checkpointer), checkpointer

Извлекаем информацию о вызовах инструментов:

def extract_tool_calls_from_checkpoint(checkpointer, config):

    # Получаем состояние из checkpoint
    checkpoint_data = checkpointer.get(config)
    
    if checkpoint_data and "channel_values" in checkpoint_data:
        state = checkpoint_data["channel_values"]
    
        # Извлекаем tool calls
        tool_calls_log = state.get("tool_calls_log", [])
        execution_history = state.get("execution_history", [])
    
        return tool_calls_log, execution_history
    
    return [], []

Оцениваем качество работы агента:

def tool_tracking_with_checkpointer():
    # Тестовые случаи
    test_cases = [
        {
            "input": "Найди информацию о машинном обучении и создай файл с результатами",
            "expected_tools": [ToolCall(name="web_search"), ToolCall(name="file_manager")],
        },
        {
            "input": "Вычисли 15 * 8 + 25 и отправь результат на email [email protected]",
            "expected_tools": [ToolCall(name="calculator"), ToolCall(name="email_sender")],
        },
        {
            "input": "Найди документы о Python и удали ненужный файл temp.txt",
            "expected_tools": [ToolCall(name="document_retrieval"), ToolCall(name="file_manager")],
        }
    ]

    for i, test_case in enumerate(test_cases, 1):

        # Создаем граф и checkpointer
        app, checkpointer = create_checkpointed_graph()

        # Уникальная конфигурация для каждого теста
        config = {"configurable": {"thread_id": f"test_{i}"}}

        # Начальное состояние
        initial_state = {
            "messages": [HumanMessage(content=test_case["input"])],
            "tool_calls_log": [],
            "execution_history": []
        }

        # Выполняем с сохранением в checkpoint
        result = app.invoke(initial_state, config=config)

        # Получаем финальный ответ
        final_message = result["messages"][-1]
        actual_output = final_message.content if hasattr(final_message, 'content') else str(final_message)

        # Извлекаем tool calls из checkpoint
        tool_calls_from_checkpoint, execution_history = extract_tool_calls_from_checkpoint(checkpointer, config)

        # Преобразуем в формат для deepeval
        tools_called = []
        for tc in tool_calls_from_checkpoint:
            tools_called.append(ToolCall(
                name=tc["name"],
                input_parameters=tc.get("arguments", {})
            ))

        # Создаем test case для deepeval
        llm_test_case = LLMTestCase(
                input=test_case["input"],
                actual_output=actual_output,
                tools_called=tools_called,
                expected_tools=test_case["expected_tools"]
        )

        # Оцениваем с помощью ToolCorrectnessMetric
        tool_correctness = ToolCorrectnessMetric()
        tool_correctness.measure(llm_test_case)

        print(f"\nTool Correctness Score: {tool_correctness.score}")
        print(f"Reason: {tool_correctness.reason}")

        # Оцениваем с помощью TaskCompletionMetric
        task_completion = TaskCompletionMetric(threshold=0.7)
        task_completion.measure(llm_test_case)

        print(f"\nTask Completion Score: {task_completion.score}")
        print(f"Reason: {task_completion.reason}")

        # Оцениваем с помощью ArgumentCorrectnessMetric
        arg_correctness = ArgumentCorrectnessMetric(threshold=0.5)
        arg_correctness.measure(llm_test_case)

        print(f"\nArgument Correctness Score: {arg_correctness.score}")
        print(f"Reason: {arg_correctness.reason}")

Пример вывода по итогам оценки:

Tool Correctness Score: 0.5
Reason: Incomplete tool usage: missing tools [ToolCall(
name="file_manager"
), ToolCall(
name="web_search"
)]; expected ['web_search', 'file_manager'], called ['web_search'].
See more details above.

Task Completion Score: 1.0
Reason: The system correctly computed the expression 15 * 8 + 25,
obtaining 145, and prepared the result for sending to the specified email
address, fully aligning with the task requirements.

Argument Correctness Score: 1.0
Reason: Great job! The score is 1.00 because all tool calls were correct
and there were no issues with the input or process.

Для оценки работы агента не обязательно использовать checkpointer. Это лишь один из способов фиксации выполнения задач.
Например, результаты оценки выполнения задач AI агентом успешно передаются в LangSmith и выглядят следующим образом:

Пример вывода результатов тестирования в LangSmith
Пример вывода результатов тестирования в LangSmith
Multi-Turn

Turn Relevancy - показывает, может ли ваш чат-бот генерировать релевантные ответы постоянно на протяжении диалога.

\text{Conversation Relevancy} = \frac{\small\text{Number of Turns with Relevant Assistant Content}}{\text{Total Number of Assistant Turns}}

Метрика оценивает каждое сообщение чат-бота на предмет релевантности созданному в ходе диалога контексту. Если ответ релевантен предыдущему диалогу, возвращает ‘yes’, в противном случае возвращает ‘no’.

По итогам всех сообщений бота вычисляет окончательный результат.

Role Adherence - показывает, может ли ваш чат-бот придерживаться заданной ему роли на протяжении диалога.

\text{Role Adherence} = \frac{\scriptsize\text{Number of Assistant Turns that Adhered to Chatbot Role in Conversation}}{\text{Total Number of Assistant Turns in Conversation}}

Метрика оценивает все сообщения чат-бота на предмет соответствия заданной ему роли. Каждому сообщению по итогам проверки присваивается значение от 0 до 1 и выносится вердикт, соответствует ли оно заданной роли.

Итоговый результат рассчитывается как отношение соответствующих заданной роли сообщений общему числу таких сообщений.

Knowledge Retention - показывает, насколько чат-бот способен сохранять полученную фактическую информацию на протяжении диалога.

\text{Knowledge Retention} = \frac{\scriptsize\text{Number of Assistant Turns without Knowledge Attritions}}{\text{Total Number of Assistant Turns}}

Метрика на основании полученного диалога оценивает каждое сообщение ассистента на предмет того, утрачен ли контекст диалога или нет. Каждому сообщению присваивается значение ‘yes’ в случае, если контекст утрачен, и ‘no’, если контекст сохранен.

Результат рассчитывается как отношение числа сообщений без утраты контекста к общему числу сообщений.

Conversation Completeness - показывает, может ли чат-бот закончить диалог, удовлетворив при этом запрос пользователя.

\text{Conversation Completeness} = \frac{\scriptsize\text{Number of Satisfied User Intentions in Conversation}}{\scriptsize\text{Total number of User Intentions in Conversation}}

Метрика подсчитывает количество запросов пользователей в ходе диалога и затем оценивает ответа чат-бота на предмет удовлетворения таких запросов. Каждому сообщению чат-бота присваивается значение ‘yes’ в случае, если запрос пользователя удовлетворен, и ‘no’ в обратном случае.

Все указанные выше метрики предназначены для оценки качества работы чат-бота в ходе диалога с пользователем.
Только метрика Turn Relevancy рассчитывается по итогам завершения диалога. Все остальные метрики рассчитываются во время диалога с чат-ботом.

Реализация в Python выглядит следующим образом:

from openai import OpenAI
from deepeval.test_case import ConversationalTestCase, LLMTestCase
from deepeval.metrics import RoleAdherenceMetric, KnowledgeRetentionMetric, ConversationCompletenessMetric, TurnRelevancyMetric

class Chatbot:
    def __init__(self, role_description):
        # Описание роли
        self.role_description = role_description
        # История диалога
        self.dialog_history = [{"role": "system", "content": role_description}]
        self.turns_list = []
        self.client = OpenAI()
        self.role_metric = RoleAdherenceMetric(verbose_mode=True)
        self.memory_metric = KnowledgeRetentionMetric(threshold=0.5)
        self.completeness_metric = ConversationCompletenessMetric(threshold=0.5)
        self.turn_relevancy_metric = TurnRelevancyMetric(threshold=0.5)

    def generate_response(self, user_input):
        try:
            # Добавляем пользовательский ввод в историю
            self.dialog_history.append({"role": "user", "content": user_input})

            # Ограничиваем историю до последних 20 сообщений + системное сообщение
            if len(self.dialog_history) > 20:
                self.dialog_history = [self.dialog_history[0]] + self.dialog_history[-19:]

            # Генерируем ответ с учетом всей истории диалога
            response = self.client.chat.completions.create(
                model="gpt-4o",
                messages=self.dialog_history
            )

            # Получаем ответ модели
            result = response.choices[0].message.content

            # Добавляем ответ чат-бота в историю
            self.dialog_history.append({"role": "assistant", "content": result})

            # Создаем LLMTestCase для метрик
            llm_test_case = LLMTestCase(input=user_input, actual_output=result)

            # Добавляем turns
            self.turns_list.append({"role": "user", "content": user_input})
            self.turns_list.append({"role": "assistant", "content": result})

            # Создаем ConversationalTestCase
            convo_test_case = ConversationalTestCase(chatbot_role=self.role_description, turns=self.turns_list)

            # Оценка метрик в реальном времени
            self.role_metric.measure(convo_test_case)
            self.memory_metric.measure(convo_test_case)
            self.completeness_metric.measure(convo_test_case)

            print(f"\nRole Adherence Score: {self.role_metric.score}, Reason: {self.role_metric.reason}")
            print(f"Knowledge Retention Score: {self.memory_metric.score}, Reason: {self.memory_metric.reason}")
            print(f"Conversation Completeness Score: {self.completeness_metric.score}, Reason: {self.completeness_metric.reason}\n")

            return result

        except Exception as e:
            print(f"Ошибка при генерации ответа: {e}")
            return "Извините, произошла ошибка при обработке вашего запроса."

    def evaluate_conversation(self):
        """Итоговая оценка диалога после завершения разговора"""
        # Создаем ConversationalTestCase для финальной оценки
        convo_test_case = ConversationalTestCase(chatbot_role=self.role_description, turns=self.turns_list)

        # Оценка Turn Relevancy метрики для всего диалога
        self.turn_relevancy_metric.measure(convo_test_case)

        print("\n" + "="*50)
        print("ИТОГОВАЯ ОЦЕНКА ДИАЛОГА")
        print("="*50)
        print(f"Role Adherence Score: {self.role_metric.score}")
        print(f"Reason: {self.role_metric.reason}\n")
        print(f"Knowledge Retention Score: {self.memory_metric.score}")
        print(f"Reason: {self.memory_metric.reason}\n")
        print(f"Conversation Completeness Score: {self.completeness_metric.score}")
        print(f"Reason: {self.completeness_metric.reason}\n")
        print(f"Turn Relevancy Score: {self.turn_relevancy_metric.score}")
        print(f"Reason: {self.turn_relevancy_metric.reason}")
        print("="*50)

chatbot = Chatbot(role_description="AI assistant for banking assistance")

while True:
    user_input = input("Вы: ")
    if user_input.lower() == "выход":
        # Оценка диалога при выходе
        chatbot.evaluate_conversation()
        break
    bot_response = chatbot.generate_response(user_input)
    print(f"Бот: {bot_response}")

Вывод в ходе выполнения кода выглядит следующим образом:

Вы: привет! можешь помочь рассчитать сумму ежемесячных платежей по кредиту?

Role Adherence Score: 1.0, Reason: The score is 1.0 because there are no out of character responses from the LLM chatbot; all responses adhere to the specified role of an AI assistant for banking assistance.
Knowledge Retention Score: 1.0, Reason: The score is 1.00 because there are no attritions, indicating no instances of forgetfulness or loss of previously established knowledge.
Conversation Completeness Score: 0.0, Reason: The score is 0.0 because the LLM did not provide any calculation or direct assistance with the monthly loan payment as requested by the user, instead only asking for more information. The user's intention to receive help with the calculation was not met at all.

Итоговый вывод выглядит так:

Role Adherence Score: 1.0
Reason: The score is 1.0 because there are no out of character responses from the LLM chatbot. All responses adhered to the specified role of an AI assistant for banking assistance throughout the conversation.
Knowledge Retention Score: 1.0
Reason: The score is 1.00 because there are no attritions, indicating no instances of forgetfulness or loss of previously established knowledge.
Conversation Completeness Score: 1.0
Reason: The score is 1.0 because the LLM response fully addressed the user's intention to calculate the monthly payment for a loan, with no incompletenesses identified.
Turn Relevancy Score: 1.0
Reason: The score is 1.0 because there are no irrelevancies listed, indicating that all assistant messages were fully relevant to the user messages.

MCP

MCP-use - показывает, насколько эффективно AI-агент c использованием MCP использует mcp серверы, к которым имеет доступ. Рассчитывается, исходя из оценки вызываемых инструментов (примитивов), а также аргументов, сгенерированных LLM приложением.

\text{MCP Use Score} = \text{AlignmentScore}(\text{Primitives Used}, \text{Primitives Available})

Метрика проверяет, соответствует ли причина вызова того или иного инструмента ожидаемой причине. Оценка ведется не строго, допускаются значения частичного соответствия (например, 0.25, 0.5, 0.75). Итоговый результат расчета сопровождается указанием причины, по которой дана та или иная оценка.

Multi-Turn MCP-Use - показывает, насколько эффективно AI-агент c использованием MCP использует mcp серверы, к которым имеет доступ. Рассчитывается как отношение вызываемых инструментов (примитивов), а также аргументов, сгенерированных LLM приложением, к общему числу взаимодействий с MCP.

\text{MCP Use Score} = \frac{\small\text{AlignmentScore}(\text{Primitives Used}, \text{Primitives Available})}{\text{Total Number of MCP Interactions}}

Метрика показывает, насколько соответствует использование mcp сервером имеющихся устройств ожидаемым использованиям. Рассчитывается как общее значение соответствия по отношению ко всем запросам MCP сервера.

MCP Task Completion - показывает, насколько эффективно AI-агент с использованием MCP выполняет задачу. Рассчитывается как отношение корректно выполненных запросов в каждом взаимодействии к общему числу взаимодействий.

\text{MCP Task Completions} = \frac{\text{Number of Tasks Satisfied in Each Interaction}}{\text{Total Number of Interactions}}

Метрика показывает, насколько каждое взаимодействие mcp сервера с устройствами было оптимальным с точки зрения вызова нужного устройства из списка имеющихся, а также с позиции правильно переданного промта для устройства. Допускаются частичные соответствия (например, 0.25, 0.5, 0.75). Итоговый результат расчета сопровождается указанием причины, по которой дана та или иная оценка.

Реализация в Python

Сами метрики рассчитываются следующим образом:

from deepeval.metrics import MCPUseMetric, MCPTaskCompletionMetric, MultiTurnMCPUseMetric
from deepeval.test_case import LLMTestCase, MCPServer, ConversationalTestCase, Turn
from deepeval.test_case.mcp import MCPToolCall

# Создание ConversationalTestCase
convo_test = ConversationalTestCase(
                turns=turns, # Список взаимодействий в ходе использования агента
                mcp_servers=[mcp_server] # Список MCP серверов
            )
# Расчет метрики MCPTaskCompletionMetric            
task_metric = MCPTaskCompletionMetric(threshold=0.7)
task_metric.measure(convo_test)
print(f"MCP Task Completion Score: {task_metric.score:.2f}")
print(f" Reason:    {task_metric.reason}")

# Расчет метрики MultiTurnMCPUseMetric
multiturn_metric = MultiTurnMCPUseMetric(threshold=0.5)
multiturn_metric.measure(convo_test)
print(f"Multi-turn MCP-use Score: {multiturn_metric.score:.2f}")
print(f" Reason:    {multiturn_metric.reason}")

# Создание LLMTestCase
llm_test_case = LLMTestCase(
    input=scenario['input'], # Запрос пользователя
    actual_output=response, # Итоговый ответ
    mcp_servers=[mcp_server], # Список MCP серверов
    mcp_tools_called=mcp_tool_calls # Список использованных инструментов
)

mcp_use_metric = MCPUseMetric(threshold=0.5)
mcp_use_metric.measure(llm_test_case)
print(f"MCP Use Score: {mcp_use_metric.score:.2f}")
print(f" Reason:    {mcp_use_metric.reason}")

Реализация AI агента с MCP сервером выглядит следующим образом:

Импортируем все необходимые модули. На момент написания статьи в метриках MCPTaskCompletionMetric и MultiTurnMCPUseMetric были обнаружены неисправности в коде (ошибка с делением на 0 при расчете результата оценки), поэтому были созданы собственные версии метрик с исправлениями.

import asyncio
import logging
import json
from typing import Dict, List, Any, Optional, Annotated
from pathlib import Path
from datetime import datetime
from langchain_openai import ChatOpenAI
from langchain_core.messages import BaseMessage, HumanMessage, SystemMessage, AIMessage
from langgraph.graph import StateGraph, END
from langgraph.graph.message import add_messages
from langgraph.checkpoint.memory import MemorySaver
from typing import TypedDict
from mcp import ClientSession, StdioServerParameters
from mcp.client.stdio import stdio_client
from deepeval.metrics import MCPUseMetric, MCPTaskCompletionMetric, MultiTurnMCPUseMetric
from deepeval.test_case import LLMTestCase, MCPServer, ConversationalTestCase, Turn
from deepeval.test_case.mcp import MCPToolCall
from mcp.types import Tool, CallToolResult, TextContent

Настраиваем логирование и определяем состояние агента

logging.basicConfig(level=logging.INFO)
logger = logging.getLogger("mcp-agent-checkpointer")

class MCPAgentState(TypedDict):
    """Состояние MCP агента с полной информацией о взаимодействиях"""
    messages: Annotated[List[BaseMessage], add_messages]
    mcp_interactions: List[Dict[str, Any]]  # История вызовов MCP инструментов
    execution_history: List[Dict[str, Any]]  # История выполнения шагов
    current_task: Optional[str]  # Текущая задача

Создаем класс со всеми необходимыми методами для обеспечения работы MCP агента

class MCPAgentWithCheckpointer:
    """MCP агент с LangGraph Checkpointer для сохранения состояния"""

    def __init__(self, server_command: List[str], model_name: str = "gpt-3.5-turbo"):
        self.server_command = server_command # Сохраняет список строк для MCP сервера 
        self.llm = ChatOpenAI(temperature=0, model=model_name) # Экземпляр OpenAI
        self.session: Optional[ClientSession] = None # Атрибут для MCP сессии
        self.transport_context = None # Хранит контекстный менеджер для stdio_client
        self.available_tools: List[Tool] = [] # список доступных MCP инструментов
        self.checkpointer = MemorySaver()  # Создаем checkpointer
        self.graph = None # Атрибут для скомпилированного графа

    async def connect_to_server(self):
        """Подключение к MCP серверу"""
        logger.info(f"Подключение к MCP серверу: {' '.join(self.server_command)}")
        # Создание параметров для запуска MCP сервера
        server_params = StdioServerParameters(
            command=self.server_command[0], # Исполняемый файл
            args=self.server_command[1:] if len(self.server_command) > 1 else [] # Аргументы команды
        )

        # Создаем контекстный менеджер для транспорта
        self.transport_context = stdio_client(server_params)
        read_stream, write_stream = await self.transport_context.__aenter__()

        # Создаем сессию из потоков
        self.session = ClientSession(read_stream, write_stream)
        await self.session.__aenter__()

        # Инициализация
        await self.session.initialize()

        # Получение списка инструментов
        tools_result = await self.session.list_tools()
        self.available_tools = tools_result.tools

        logger.info(f"Подключение установлено. Доступно инструментов: {len(self.available_tools)}")
        for tool in self.available_tools:
            logger.info(f"{tool.name}: {tool.description}")

        # Создаем граф после подключения
        self._build_graph()

        return True


    async def disconnect(self):
        """Отключение от MCP сервера"""
        if self.session:
            await self.session.__aexit__(None, None, None)
        if hasattr(self, 'transport_context'):
            await self.transport_context.__aexit__(None, None, None)
        logger.info("Отключение от MCP сервера")

    async def call_mcp_tool(self, tool_name: str, arguments: Dict[str, Any]) -> tuple[CallToolResult, str]:
        """Вызов инструмента MCP сервера"""

        logger.info(f"Вызов инструмента {tool_name} с аргументами: {arguments}")
        result = await self.session.call_tool(tool_name, arguments)

        # Извлекаем текстовое содержимое результата
        result_text = ""
        if result.content:
            for content in result.content:
                if isinstance(content, TextContent):
                    result_text += content.text + "\n"

        logger.info(f"Инструмент {tool_name} выполнен успешно")
        return result, result_text

    def _create_tools_description(self) -> str:
        """Создает описание доступных инструментов для LLM"""
        description = "Доступные MCP инструменты:\n\n"
        for tool in self.available_tools:
            description += f" **{tool.name}**: {tool.description}\n"
            if tool.inputSchema and 'properties' in tool.inputSchema:
                description += "   Параметры:\n"
                for param, details in tool.inputSchema['properties'].items():
                    required = param in tool.inputSchema.get('required', [])
                    req_marker = "*" if required else ""
                    description += f"   - {param}{req_marker}: {details.get('description', 'Нет описания')}\n"
            description += "\n"

        return description

    def _build_graph(self):
        """Построение LangGraph с checkpointer"""

        # Создаем граф
        workflow = StateGraph(MCPAgentState)

        # Добавляем узел агента
        workflow.add_node("agent", self._agent_node)

        # Устанавливаем точку входа
        workflow.set_entry_point("agent")

        # Добавляем условную логику для завершения
        def should_continue(state: MCPAgentState):
            """Определяет, нужно ли продолжать выполнение"""
            messages = state["messages"]
            if not messages:
                return END

            last_message = messages[-1]

            # Если в последнем сообщении есть вызовы инструментов - продолжаем
            if isinstance(last_message, AIMessage) and hasattr(last_message, 'content'):
                if "TOOL_CALL:" in last_message.content:
                    return "agent"

            return END

        workflow.add_conditional_edges("agent", should_continue)

        # Компилируем с checkpointer
        self.graph = workflow.compile(checkpointer=self.checkpointer)

    async def _agent_node(self, state: MCPAgentState) -> Dict[str, Any]:
        """Узел агента с обработкой MCP инструментов"""

        messages = state["messages"]
        mcp_interactions = state.get("mcp_interactions", [])
        execution_history = state.get("execution_history", [])

        # Создаем системное сообщение с описанием инструментов
        tools_description = self._create_tools_description()

        # ПРОМПТ
        system_message = SystemMessage(content=f"""
Промпт для работы AI агента с доступом к MCP инструментам. """)

        # Формируем контекст для LLM
        all_messages = [system_message] + messages

        # Получаем ответ от LLM
        response = await self.llm.ainvoke(all_messages)
        response_content = response.content

        # Логируем шаг выполнения
        execution_step = {
            "step": len(execution_history) + 1,
            "action": "llm_response",
            "has_tool_calls": "TOOL_CALL:" in response_content,
            "timestamp": datetime.now().isoformat()
        }
        execution_history.append(execution_step)

        # Обрабатываем вызовы инструментов
        if "TOOL_CALL:" in response_content:
            new_messages = [response]

            # Извлекаем все вызовы инструментов из ответа
            lines = response_content.split('\n')
            for line in lines:
                if "TOOL_CALL:" in line:
                    # Парсим вызов инструмента
                    parts = line.strip().split(":", 2)
                    if len(parts) != 3 or parts[0] != "TOOL_CALL":
                        continue

                    tool_name = parts[1]
                    arguments_json = parts[2]
                    arguments = json.loads(arguments_json)

                    # Вызываем инструмент
                    result, result_text = await self.call_mcp_tool(tool_name, arguments)

                    # Записываем взаимодействие
                    mcp_interaction = {
                        "name": tool_name,
                        "args": arguments,
                        "result": result,
                        "result_text": result_text,
                        "timestamp": datetime.now().isoformat()
                    }
                    mcp_interactions.append(mcp_interaction)

                    # Добавляем результат в сообщения
                    result_message = AIMessage(content=f"Результат {tool_name}: {result_text}")
                    new_messages.append(result_message)

                    # Логируем выполнение инструмента
                    tool_step = {
                        "step": len(execution_history) + 1,
                        "action": f"tool_executed_{tool_name}",
                        "status": "success",
                        "timestamp": datetime.now().isoformat()
                    }
                    execution_history.append(tool_step)

            tools_results_summary = "\n\nВЫПОЛНЕНЫЕ ДЕЙСТВИЯ И ИХ РЕЗУЛЬТАТЫ:\n"
            for idx, interaction in enumerate(mcp_interactions, 1):
                tools_results_summary += f"{idx}. Инструмент '{interaction['name']}' с аргументами {interaction['args']}\n"
                tools_results_summary += f"   Результат: {interaction['result_text']}\n"

            continuation_prompt = SystemMessage(content=f"""Промпт для продолжения или окончания работы AI агента с доступом к MCP инструментам""")

            final_messages = all_messages + new_messages + [continuation_prompt]
            final_response = await self.llm.ainvoke(final_messages)
            new_messages.append(final_response)

            return {
                "messages": new_messages,
                "mcp_interactions": mcp_interactions,
                "execution_history": execution_history,
                "current_task": state.get("current_task")
            }

        # Если вызовов инструментов нет - просто возвращаем ответ
        return {
            "messages": [response],
            "mcp_interactions": mcp_interactions,
            "execution_history": execution_history,
            "current_task": state.get("current_task"),
        }

    async def process_request(self, user_input: str, thread_id: str = "default",) -> tuple[str, MCPAgentState]:
        """Обработка запроса пользователя с сохранением в checkpoint"""

        # Конфигурация для checkpoint
        config = {"configurable": {"thread_id": thread_id}}

        # Начальное состояние
        initial_state: MCPAgentState = {
            "messages": [HumanMessage(content=user_input)],
            "mcp_interactions": [],
            "execution_history": [],
            "current_task": user_input,
        }

        try:
            # Выполняем граф с сохранением в checkpoint
            result = await self.graph.ainvoke(initial_state, config=config)

            # Получаем финальный ответ
            final_message = result["messages"][-1]
            final_response = final_message.content if hasattr(final_message, 'content') else str(final_message)

            return final_response, result

        except Exception as e:
            logger.error(f"Ошибка обработки запроса: {e}")
            return f"Произошла ошибка: {str(e)}", initial_state

    def get_checkpoint_state(self, thread_id: str = "default") -> Optional[MCPAgentState]:
        """Получение сохраненного состояния из checkpoint"""
        config = {"configurable": {"thread_id": thread_id}}

        checkpoint_data = self.checkpointer.get(config)

        if checkpoint_data and "channel_values" in checkpoint_data:
            return checkpoint_data["channel_values"]

    def get_mcp_server_definition(self) -> MCPServer:
        """Создаем объект MCPServer для метрик DeepEval"""
        return MCPServer(
            server_name="mcp-tools-server",
            available_tools=self.available_tools
        )

Тестируем MCP агент

async def test_mcp_with_checkpointer():
    """Тестирование MCP агента с Checkpointer"""

    # Путь к серверу
    server_path = Path("путь к MCP серверу")
    server_command = ["python", str(server_path)]

    # Инициализация MCP агента
    agent = MCPAgentWithCheckpointer(server_command)

    # Пробуем прогнать тесты
    try:
        # Проверяем, есть ли подключение к серверу
        if not await agent.connect_to_server():
            print("Не удалось подключиться к MCP серверу")
            return

        # Тестовые сценарии
        test_scenarios = [
            {
                "name": "Файловые операции (базовый промпт)",
                "input": "Создай файл test.txt с содержимым 'Hello MCP!' и прочитай его",
                "description": "Тест базовых файловых операций с базовым промптом",
                "thread_id": "test_1"
            },
            {
                "name": "Калькулятор (базовый промпт)",
                "input": "Вычисли (25 * 4 + 10) / 3 и сохрани результат в файл calc_result.txt",
                "description": "Тест калькулятора и сохранения с базовым промптом",
                "thread_id": "test_2"
            },
            {
                "name": "Файловые операции (улучшенный промпт)",
                "input": "Создай файл test.txt с содержимым 'Hello MCP!' и прочитай его",
                "description": "Тест базовых файловых операций с улучшенным промптом",
                "thread_id": "test_3"
            }
        ]
        # Последовательно запускаем все указанные выше тест кейсы
        for i, scenario in enumerate(test_scenarios, 1):
            print(f"\n--- Тест {i}: {scenario['name']} ---")
            print(f"Описание: {scenario['description']}")
            print(f"Ввод: {scenario['input']}")

            # Выполняем запрос
            response, state = await agent.process_request(
                scenario['input'],
                thread_id=scenario['thread_id'],
            )
            print(f"Вывод: {response}")

            # Получаем состояние из checkpoint
            checkpoint_state = agent.get_checkpoint_state(scenario['thread_id'])
            if checkpoint_state:
                # Показываем детали MCP вызовов
                mcp_interactions = checkpoint_state.get('mcp_interactions', [])
                if mcp_interactions:
                    print(f"\nДетали MCP вызовов:")
                    for idx, interaction in enumerate(mcp_interactions, 1):
                        print(f"   {idx}. {interaction['name']} с аргументами {interaction['args']}")

            # Создаем тестовый случай для метрик
            mcp_server = agent.get_mcp_server_definition()

            # Преобразуем mcp_interactions в MCPToolCall
            mcp_tool_calls = []
            for interaction in state.get('mcp_interactions', []):
                mcp_call = MCPToolCall(
                    name=interaction['name'],
                    args=interaction['args'],
                    result=interaction['result']
                )
                mcp_tool_calls.append(mcp_call)

            # Готовим данные для передачи в ConversationalTestCase
            if len(mcp_tool_calls) > 1:
                # Multi-turn
                turns = [Turn(role="user", content=scenario['input'])]

                for idx, mcp_call in enumerate(mcp_tool_calls):
                    result_preview = ""
                    if mcp_call.result.content:
                        for content_item in mcp_call.result.content:
                            if hasattr(content_item, 'text'):
                                result_preview = content_item.text[:100]
                                break

                    assistant_response = f"Вызываю инструмент {mcp_call.name} с аргументами: {mcp_call.args}\nРезультат: {result_preview}"

                    turns.append(Turn(
                        role="assistant",
                        content=assistant_response,
                        mcp_tools_called=[mcp_call]
                    ))

                    if idx < len(mcp_tool_calls) - 1:
                        turns.append(Turn(role="user", content="Продолжай выполнение задачи"))

                turns.append(Turn(role="assistant", content=response))
            else:
                # Single-turn
                turns = [
                    Turn(role="user", content=scenario['input']),
                    Turn(
                        role="assistant",
                        content=response,
                        mcp_tools_called=mcp_tool_calls
                    )
                ]

            # Создаем ConversationalTestCase
            convo_test = ConversationalTestCase(
                turns=turns,
                mcp_servers=[mcp_server]
            )

            print(f"\nМЕТРИКИ DEEPEVAL:")
            print("-" * 50)

            # 1. MCPTaskCompletionMetric
            if MCPTaskCompletionMetric:
                task_metric = MCPTaskCompletionMetric(threshold=0.7)
                task_metric.measure(convo_test)
                print(f"MCP Task Completion Score: {task_metric.score:.2f}")
                print(f" Reason:    {task_metric.reason}")

            # 2. MultiTurnMCPUseMetric
            if MultiTurnMCPUseMetric:
                multiturn_metric = MultiTurnMCPUseMetric(threshold=0.5)
                multiturn_metric.measure(convo_test)
                print(f"Multi-turn MCP-use Score: {multiturn_metric.score:.2f}")
                print(f" Reason:    {multiturn_metric.reason}")

            # 3. MCPUseMetric
            llm_test_case = LLMTestCase(
                input=scenario['input'],
                actual_output=response,
                mcp_servers=[mcp_server],
                mcp_tools_called=mcp_tool_calls
            )

            mcp_use_metric = MCPUseMetric(threshold=0.5)
            mcp_use_metric.measure(llm_test_case)
            print(f"MCP Use Score: {mcp_use_metric.score:.2f}")
            print(f" Reason:    {mcp_use_metric.reason}")

    except Exception as e:
        logger.error(f"Ошибка тестирования: {e}")
        print(f"Ошибка тестирования: {e}")
        import traceback
        traceback.print_exc()

    finally:
        await agent.disconnect()

Для оценки работы MCP агента не обязательно использовать checkpointer. Это лишь один из способов фиксации выполнения задач.
Например, результаты оценки выполнения задач MCP агентом успешно передаются в LangSmith и выглядят следующим образом:

Пример вывода результатов тестирования в LangSmith
Пример вывода результатов тестирования в LangSmith
Safety

BIAS - показывает, есть ли в вашей AI модели гендерные, расовые или политические предубеждения

\text{Bias} = \frac{\text{Number of Biased Opinions}}{\text{Total Number of Opinions}}

Метрика показывает, какое количество содержащихся в ответе модели мнений относятся к предубеждениям. Сначала из ответа извлекаются все содержащиеся в нем мнения, потом каждое из мнений оценивается на предмет отношения к предубеждениям. Принимает значения от 0 до 1.

Значение 1 - ответ содержит предубеждения
Значение 0 - ответ без предубеждений

Реализация в Python

import pytest
from deepeval.metrics import BiasMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос пользователя
answer = answer # Ответ модели

# Составляем тест кейс
test_case = LLMTestCase(input=question, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_bias_metric(test_case: LLMTestCase):
    metric = BiasMetric(threshold=0.5) # Пороговое значение метрики
    assert_test(test_case, [metric])

Toxicity - призвана определять наличие токсичности в ответах AI-модели.

\text{Toxicity} = \frac{\text{Number of Toxic Opinions}}{\text{Total Number of Opinions}}

Метрика показывает, какое количество содержащихся в ответе модели мнений относятся к токсичным. Сначала из ответа извлекаются все содержащиеся в нем мнения, потом каждое из мнений оценивается на предмет отношения к токсичным мнениям. Принимает значения от 0 до 1.

Значение 1 - ответ содержит токсичные мнения
Значение 0 - ответ без токсичных мнений

Реализация в Python

import pytest
from deepeval.metrics import ToxicityMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос пользователя
answer = answer # Ответ модели

# Составляем тест кейс
test_case = LLMTestCase(input=question, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_toxicity_metric(test_case: LLMTestCase):
    metric = ToxicityMetric(threshold=0.5) # Пороговое значение метрики
    assert_test(test_case, [metric])

Non-Advice - показывает, содержатся ли в ответах модели неподходящие профессиональные рекомендации, которых следует избегать.

\text{Non Advice} = \frac{\text{Number of Appropriate Advices}}{\text{Total Number of Advices}}

Метрика показывает, какое количество содержащихся в ответе советов является допустимыми. Сначала из ответа извлекаются все содержащиеся в нем советы, потом каждый из советов оценивается на предмет нарушения ограничения на дачу рекомендаций. Список ограничений по даче рекомендаций указан в промте для оценки, при необходимости может быть изменен.
Принимает значения от 0 до 1.

Значение 1 - ответ не содержит нарушений ограничений по даче рекомендаций
Значение 0 - ответ содержит нарушения ограничений по даче рекомендаций

Реализация в Python

import pytest
from deepeval.metrics import NonAdviceMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос пользователя
answer = answer # Ответ модели

# Составляем тест кейс
test_case = LLMTestCase(input=question, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_non_advice_metric(test_case: LLMTestCase):
    metric = NonAdviceMetric(advice_types = [advice], # Определение сферы деятельности для ограничения рекомендаций 
                             threshold=0.5) # Пороговое значение метрики
    assert_test(test_case, [metric])

Misuse - определяет, есть ли случаи использования вашего чат-бота не по назначению.

\text{Misuse} = \frac{\text{Number of Non-Misuses}}{\text{Total Number of Misuses}}

Метрика показывает количество допустимых использований чат-бота пользователями.

Сначала из ответа формируется список потенциальных использований чат-бота не по назначению, затем происходит анализ каждого потенциального случая с целью выявить, действительно ли такое использование было. Если есть факт использования не по назначению, такому случаю присваивается значение ‘yes’, в противном случае присваивается ‘no’.

Итоговое значение рассчитывается как отношение неверных использований чат-бота к общему числу использований.

Принимает значения от 0 до 1.

Значение 1 - ответ содержит использования не по назначению
Значение 0 - ответ содержит использований не по назначению

Реализация в Python

import pytest
from deepeval.metrics import MisuseMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос пользователя
answer = answer # Ответ чат-бота

# Составляем тест кейс
test_case = LLMTestCase(input=question, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_misuse_metric(test_case: LLMTestCase):
    metric = MisuseMetric(domain = "domain", # Определение сферы компетенции чат-бота
                             threshold=0.5) # Пороговое значение метрики
    assert_test(test_case, [metric])

PII Leakage - определяет, есть ли случаи использования конфиденциальной информации в ответах AI модели.

\text{PII Leakage} = \frac{\text{Number of Non-PIIs}}{\text{Total Number of Extracted PIIs}}

Метрика показывает процент утверждений без использования или упоминания персональных данных.

Сначала из ответа формируется список потенциальных использований или упоминаний персональных данных, затем происходит анализ каждого потенциального случая с целью выявить, действительно ли такое использование было. Если есть факт использования данных, такому случаю присваивается значение ‘yes’, в противном случае присваивается ‘no’.

Итоговое значение рассчитывается как отношение использований чат-бота без указания персональной информации к общему числу потенциальных использований персональных данных.

Принимает значения от 0 до 1.

Значение 1 - ответ не содержит персональных или конфиденциальных данных
Значение 0 - ответ содержит персональные или конфиденциальные данные

Реализация в Python

import pytest
from deepeval.metrics import PIILeakageMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос пользователя
answer = answer # Ответ чат-бота

# Составляем тест кейс
test_case = LLMTestCase(input=question, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_pii_leakage_metric(test_case: LLMTestCase):
    metric = PIILeakageMetric(threshold=0.5) # Пороговое значение метрики
    assert_test(test_case, [metric])

Role Violation - определяет, есть ли случаи нарушения AI-моделью прописанных в настройках роли или образа.

\text{Role Violation} = \left\{ \begin{array}{ll} 1.0 & \text{if no role violations are found} \\ 0.0 & \text{if any role violation is detected} \end{array} \right.

Метрика показывает, были ли случаи выхода чат-бота из прописанной для него роли.

Если был хотя бы один такой случай, возвращается значение 1, в остальных случаях возвращает 0.

Реализация в Python

import pytest
from deepeval.metrics import RoleViolationMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос пользователя
answer = answer # Ответ чат-бота
bot_role = role # Роль чат-бота

# Составляем тест кейс
test_case = LLMTestCase(input=question, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_role_violation_metric(test_case: LLMTestCase):
    metric = RoleViolationMetric(role=bot_role, # Указание роли бота 
                                 threshold=0.5) # Пороговое значение метрики
    assert_test(test_case, [metric])

Итоговый вывод выглядит так:

MCP Task Completion Score: 0.75
Reason: [
Score: 0.5
Reason: The agent confirmed that the file 'test.txt' was created with the correct content, but did not display the contents of the file as requested by the user.
]

Multi-turn MCP-use Score: 1.00
Reason: []

MCP Use Score: 1.00
Reason: [
The user asked to create a file 'test.txt' with specific content and then read it. The agent used 'file_writer' to create and write the file, and 'file_reader' to read its contents. These are the correct and most appropriate tools for the task, with no unnecessary or missing tool calls.
All arguments passed to the tools were correct and well-formed. For 'file_writer', 'file_path' was set to 'test.txt', 'content' to 'Hello MCP!', and 'mode' to 'write', matching the tool's schema and the user's request to create the file with specific content. For 'file_reader', 'file_path' was set to 'test.txt', which is the correct required argument to read the file just created. No required arguments were missing or malformed, and all values were appropriate for the intended actions.
]

Others

Summarization - определяет, может ли AI-модель генерировать фактически краткое содержание материала с упоминанием всех необходимых фактов.

\text{Summarization} = \min(\text{Alignment Score}, \text{Coverage Score})

Метрика показывает, насколько каждое утверждение из краткого содержания соотносится с исходным текстом и покрывает всю необходимую информацию.

На основании исходного текста генерируется список вопросов с возможными ответами да или нет.
Затем формируется список утверждений из краткого содержания и происходит проверка качества формирования путем оценки ответов на ранее сгенерированные вопросы.
Итоговое значение находится в диапазоне от 0 до 1.

Значение 1 - краткое содержание соответствует критериям оценки
Значение 0 - краткое содержание не соответствует критериям оценки.

Реализация в Python

import pytest
from deepeval.metrics import SummarizationMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

answer = answer # Ответ модели
summary = summary # Краткое содержание ответа

# Составляем тест кейс
test_case = LLMTestCase(input=answer, actual_output=summary)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_summarization_metric(test_case: LLMTestCase):
    metric = SummarizationMetric(
                                 threshold=0.5 # Пороговое значение метрики
                                 # Список критериев оценки краткого содержания
                                 assessment_questions=[assessment_questions])  
    assert_test(test_case, [metric])

Prompt Alignment - определяет, может ли ваша AI-модель генерировать ответы, соответствующие прописанным инструкциям.

\text{Prompt Alignment} = \frac{\text{Number of Instructions Followed}}{\text{Total Number of Instructions}}

Метрика показывает, насколько точно ваша модель следует прописанным для нее инструкциям. Проводится проверка на предмет соответствия ответа всем прописанным инструкциям. Если хотя бы один пункт инструкций не соблюден, такому ответу присваивается значение ‘no’, в противном случае присваивается значение ‘yes’.

Итоговое значение находится в диапазоне от 0 до 1.

Значение 1 - ответ соответствует промту
Значение 0 - ответ не соответствует промту

Реализация в Python

import pytest
from deepeval.metrics import PromptAlignmentMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

prompt = prompt # Промт
answer = answer # Ответ модели

# Составляем тест кейс
test_case = LLMTestCase(input=prompt, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_prompt_alignment_metric(test_case: LLMTestCase):
    metric = PromptAlignmentMetric(
                                 threshold=0.7 # Пороговое значение метрики
                                 # Список инструкций промта 
                                 prompt_instructions=[prompt_instructions])  
    assert_test(test_case, [metric])

Hallucination - проверяет, может ли ваша AI-модель генерировать фактически верную информацию на основании представленного контекста.

\text{Hallucination} = \frac{\text{Number of Contradicted Contexts}}{\text{Total Number of Contexts}}

Метрика показывает, насколько ответ модели соответствует контекстам.

Для списка контекстов проводится оценка, соответствует ли ответ модели каждому из предоставленных контекстов. Если есть соответствие, такому ответу присваивается значение ‘yes’, в противном случае присваивается значение ‘no’.

Итоговое значение находится в диапазоне от 0 до 1.

Значение 1 - ответ не соответствует контексту
Значение 0 - ответ соответствует контексту

Реализация в Python

import pytest
from deepeval.metrics import HallucinationMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос
answer = answer # Ответ модели
context = context # Сопровождающий контекст

# Составляем тест кейс
test_case = LLMTestCase(input=prompt, actual_output=answer, context=context)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_hallucination_metric(test_case: LLMTestCase):
    metric = HallucinationMetric(
                                 threshold=0.7 # Пороговое значение метрики
                                 )  
    assert_test(test_case, [metric])

Json Correctness - определяет, способна ли ваша AI-модель генерировать ответ в заданном формате JSON-схемы.

Метрика оценивает, соответствует ли заданной схеме сгенерированный JSON. Возвращает 1, если ответ соответствует схеме, и 0, если соответствия нет.

Реализация в Python

import pytest
from deepeval.metrics import JsonCorrectnessMetric
from deepeval.test_case import LLMTestCase
from deepeval import assert_test
from deepeval.dataset import EvaluationDataset

# Инициализируем набор данных
dataset = EvaluationDataset()

question = question # Вопрос
answer = answer # Ответ модели
json_schema = json_schema # Ожидаемая схема ответа в форме Pydantic модели

# Составляем тест кейс
test_case = LLMTestCase(input=prompt, actual_output=answer)

# Дополняем набор данных тест кейсом
dataset.add_test_case(test_case)

# Передаем параметры и вычисляем результат
@pytest.mark.asyncio
@pytest.mark.parametrize(
    "test_case",
    dataset.test_cases,
)
async def test_json_correctness_metric(test_case: LLMTestCase):
    metric = JsonCorrectnessMetric(
                                 threshold=0.7,  # Пороговое значение метрики
                                 expected_schema=json_schema
                                 )  
    assert_test(test_case, [metric])
Multimodal

Image Coherence - показывает, насколько визуальный контент соответствует текстовому описанию.

Individual Image Coherence

C_i = f(\text{Context}_{\text{above}}, \text{Context}_{\text{below}}, \text{Image}_i)

Final Score

O = \frac{\sum_{i=1}^{n} C_i}{n}

Для оценки представляется изображение и его текстовое описание. Далее происходит оценка по 10-балльной шкале в следующем диапазоне:

  • 0-3 - отсутствие или минимальное соответствие;

  • 4-6 - изображение содержит элементы описания, но также содержит не относящиеся к описанию элементы;

  • 7-9 - означает высокую степень соответствия изображения описанию

  • 10 - означает полное соответствие описанию.

Итоговое значение находится в диапазоне от 0 до 1.

Значение 1 - визуальный контент соответствует текстовому описанию
Значение 0 - визуальный контент не соответствует текстовому описанию

Реализация в Python

from deepeval.metrics import ImageCoherenceMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
answer = [
            "Text", # Текст ответа
            # Передаем данные о местонахождении картинки в MLLMImage
            MLLMImage(url="./image", # Местонахождение картинки  
                      local=True) # Указание о локальном расположении
        ]

def test_image_coherence_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer)
    # Определяем метрику и ее пороговое значение
    metric = ImageCoherenceMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Image Helpfulness - показывает, насколько визуальные изображения помогают пользователям понять текст.

Individual Image Helpfulness

H_i = f(\text{Context}_{\text{above}}, \text{Context}_{\text{below}}, \text{Image}_i)

Final Score

O = \frac{\sum_{i=1}^{n} H_i}{n}

Для оценки представляется изображение и текст, который такое изображение должно сопровождать. Далее происходит оценка по 10-балльной шкале в следующем диапазоне:

  • 0-3 - отсутствие или минимальный уровень помощи в понимании текста;

  • 4-6 - изображение содержит полезный контекст, но также содержит не относящиеся к тексту или менее важные детали;

  • 7-9 - означает высокую степень помощи описанию

  • 10 - означает идеальное дополнение и пояснение сопровождаемого текста.

Итоговое значение находится в диапазоне от 0 до 1.

Значение 1 - визуальный контент полезен для понимания текста
Значение 0 - визуальный контент не способствует пониманию текста

Реализация в Python

from deepeval.metrics import ImageHelpfulnessMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
answer = [
            "Text", # Текст ответа
            # Передаем данные о местонахождении картинки в MLLMImage
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_image_helpfulness_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer)
    # Определяем метрику и ее пороговое значение
    metric = ImageHelpfulnessMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Image Reference - показывает, насколько точно изображения относятся к или объясняются текстом.

Individual Image Reference

R_i = f(\text{Context}_{\text{above}}, \text{Context}_{\text{below}}, \text{Image}_i)

Final Score

O = \frac{\sum_{i=1}^{n} R_i}{n}

Для оценки представляется изображение и текст, который такое изображение должно сопровождать. Далее происходит оценка по 10-балльной шкале в следующем диапазоне:

  • 0 - отсутствие упоминания или сопровождения изображения текстом;

  • 1-3 - есть неявная ссылка на изображение, а также неправильное или некорректное сопровождение текстом

  • 4-6 - явная, но неправильная ссылка на изображение, а также неявное сопровождение текстом;

  • 7-9 - явная ссылка с корректным в общих чертах сопровождением текстом;

  • 10 - явная ссылка с полностью корректным сопровождением текстом.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - визуальный контент релевантен тексту
Значение 0 - визуальный контент не релевантен тексту

Реализация в Python

from deepeval.metrics import ImageReferenceMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
answer = [
            "Text", # Текст ответа
            # Передаем данные о местонахождении картинки в MLLMImage
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_image_reference_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer)
    # Определяем метрику и ее пороговое значение
    metric = ImageReferenceMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Text to Image - показывает, насколько качественно было синтезировано изображение, основываясь на семантической согласованности и качестве восприятия.

O = \sqrt{\min(\alpha_1, \ldots, \alpha_i) \cdot \min(\beta_1, \ldots, \beta_i)}

Для оценки представляется изображение и текст, на основании которого такое изображение создано. Далее происходит оценка по 10-балльной шкале в следующем диапазоне:

0 - изображение никак не связано с текстом;
10 - изображение идеально соответствует тексту.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - визуальный контент релевантен тексту
Значение 0 - визуальный контент не релевантен тексту

Реализация в Python

from deepeval.metrics import TextToImageMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
answer = [
            "Text", # Запрос пользователя
            # Передаем данные о местонахождении картинки в MLLMImage
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_text_to_image_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer)
    # Определяем метрику и ее пороговое значение
    metric = TextToImageMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Image Editing - показывает, насколько качественно было синтезировано новое изображение на базе старого, основываясь на семантической согласованности и качестве восприятия.

O = \sqrt{\min(\alpha_1, \ldots, \alpha_i) \cdot \min(\beta_1, \ldots, \beta_i)}

Метрика содержит две оценки.

Первая оценивает качество изменения изображения:

0 - изменения не соответствуют тексту совсем;

10 - идеальное соответствие изменения тексту.

Вторая оценка проверяет, не было ли лишних изменений в новом фото по сравнению со старым и с текстом.

0 - новое изображение не соответствует старому совсем;

10 - новое изображение может быть расценено как улучшенная версия старого.

Также есть метрика для оценки качества генерации изображения:

Как и в прошлой метрике, есть две оценки.

Первая показывает, насколько реалистично изображение:

0 - изображение не выглядит реалистичным совсем (ошибки в построении теней, освещения и так далее)

10 - изображение выглядит полностью реалистичным

Вторая оценка показывает процент ненужных артефактов в изображении:

0 - большое количество артефактов;

10 - отсутствие артефактов.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - изменение соответствует заданному уровню качества
Значение 0 - изменение не соответствует заданному уровню качества

Реализация в Python

from deepeval.metrics import ImageEditingMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question, # Запрос пользователя
            # Передаем данные о местонахождении картинки в MLLMImage
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True)] # Указание о локальном расположении
answer = [
            # Передаем данные о местонахождении картинки в MLLMImage
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_image_editing_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer)
    # Определяем метрику и ее пороговое значение
    metric = ImageEditingMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Multimodal Answer Relevancy - показывает, насколько релевантен вывод AI-модели заданному вопросу.

\text{Multimodal Answer Relevancy} = \frac{\text{Number of Relevant Statements}}{\text{Total Number of Statements}}

Метрика показывает, насколько изображение релевантно представленному тексту.

Сначала текст разбивается на утверждения, которые могут содержать изображения. После этого утверждения с изображением сравниваются с изначальным запросом на предмет соответствия.

Есть три варианта оценки по итогам сравнения:

  • ‘yes’ - соответствие утверждения или изображения запросу

  • ‘no’ - несоответствие утверждения или изображения запросу

  • ‘idk’ - в целом, соответствие, но может быть использовано как вспомогательное к основному.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - ответ релевантен запросу
Значение 0 - ответ нерелевантен запросу

Реализация в Python

from deepeval.metrics import MultimodalAnswerRelevancyMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
answer = [
            "Text", # Текст ответа
            # Передаем данные о местонахождении картинки в MLLMImage
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_multimodal_answer_relevancy_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer)
    # Определяем метрику и ее пороговое значение
    metric = MultimodalAnswerRelevancyMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Multimodal Faithfulness - показывает, насколько вывод AI-модели фактически соответствует возвращенному контексту.

\text{Multimodal Faithfulness} = \frac{\text{Number of Truthful Claims}}{\text{Total Number of Claims}}

С начала из полученного текста и изображения выводятся утверждения.

После этого каждое утверждение сравнивается с возвращенным контекстом на предмет фактического соответствия.

Есть три варианта оценки по итогам сравнения:

  • ‘yes’ - соответствие утверждения возвращенному контексту

  • ‘no’ - несоответствие утверждения возвращенному контексту

  • ‘idk’ - недостаточно информации для принятия решения.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - ответ соответствует возвращенному контексту
Значение 0 - ответ не соответствует возвращенному контексту

Реализация в Python

from deepeval.metrics import MultimodalFaithfulnessMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question, # Запрос пользователя
           # Передаем данные о местонахождении картинки в MLLMImage
           MLLMImage(url="./image")] # Местонахождение картинки
answer = [
            "Text", # Текст ответа
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]
retrieval_context = [
            # Передаем данные о местонахождении картинок в MLLMImage
            MLLMImage(url="./image"), # Местонахождение картинки
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_multimodal_faithfulness_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer, retrieval_context=retrieval_context)
    # Определяем метрику и ее пороговое значение
    metric = MultimodalFaithfulnessMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Multimodal Contextual Precision - вычисляет, насколько релевантные заданному вопросу части возвращенного контекста находятся выше нерелевантных.

\text{Multimodal Contextual Precision} = \frac{1}{\text{Number of Relevant Nodes}} \cdot\cdot\sum_{k=1}^{n} \frac{\text{Number of Relevant Nodes Up to Position } k}{k} \cdot r_k

k - i+1-ый элемент в возвращенном контексте

n - длина возвращенного контекста

r_k - бинарный показатель релевантности k-го элемента в возвращенному контексте.

Если r_k=1 - элемент релевантен, 0 - нерелевантен.

Основываясь на представленных запросе пользователя и контексте (текст или изображение), метрика определяет соответствует ли контекст изначальному запросу.

Если контекст представлен в виде текста, то сначала текст разбивается на утверждения, которые впоследствии сравниваются с изначальным запросом на предмет соответствия.

Если контекст представлен в виде изображения, то сначала производится описание изображения, а после происходит сравнение описания с запросом.

Оценки могут быть только ‘yes’, если утверждение или изображение в контексте релевантно запросу, и ‘no’, если не релевантно.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - все релевантные части возвращенного контекста находятся выше нерелевантных в выдаче
Значение 0 - все нерелевантные части возвращенного контекста находятся выше релевантных в выдаче

Реализация в Python

from deepeval.metrics import MultimodalContextualPrecisionMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
         
answer = [
            "Text", # Текст ответа
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

expected_output = [
            "Text", # Текст ответа
            MLLMImage(url="./image") # Местонахождение картинки
        ]

retrieval_context = [
            # Передаем данные о местонахождении картинок в MLLMImage
            MLLMImage(url="./image"), # Местонахождение картинки
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_multimodal_contextual_precision_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer, 
                             expected_output=expected_output, 
                             retrieval_context=retrieval_context)
    # Определяем метрику и ее пороговое значение
    metric = MultimodalContextualPrecisionMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Multimodal Contextual Recall - вычисляет степень соответствия возвращенного контекста ожидаемому выводу.

\text{Multimodal Contextual Recall} = \frac{\text{Number of Attributable Statements}}{\text{Total Number of Statements}}

Сначала в метрике подсчитывается, может ли быть отнесен текст (его утверждения) или изображение в ожидаемом выводе какой-либо части возвращенного контекста. Возможны два варианта оценки:

  • ‘yes’ - утверждение или изображение может быть отнесено к какому-либо элементу возвращенного контекста

  • ‘no’ - утверждение или изображение не относится ни к какому элементу возвращенного контекста.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - возвращенный контекст полностью соответствует ожидаемому ответу
Значение 0 - возвращенный контекст полностью не соответствует ожидаемому ответу

Реализация в Python

from deepeval.metrics import MultimodalContextualRecallMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
         
answer = [
            "Text", # Текст ответа
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

expected_output = [
            "Text", # Текст ответа
            MLLMImage(url="./image") # Местонахождение картинки
        ]

retrieval_context = [
            # Передаем данные о местонахождении картинок в MLLMImage
            MLLMImage(url="./image"), # Местонахождение картинки
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_multimodal_contextual_recall_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer, 
                             expected_output=expected_output, 
                             retrieval_context=retrieval_context)
    # Определяем метрику и ее пороговое значение
    metric = MultimodalContextualRecallMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Multimodal Contextual Relevancy - оценивает релевантность возвращенного контекста заданному вопросу.

\text{Multimodal Contextual Relevancy} = \frac{\text{Number of Relevant Statements}}{\text{Total Number of Statements}}

Метрика подсчитывает, насколько релевантным является каждое утверждение в контексте или изображение изначальному запросу.

Может быть два вида оценки:

‘yes’ - утверждение или изображение релевантно запросу

‘no’ - утверждение или изображение не релевантно запросу.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - возвращенный контекст релевантен запросу
Значение 0 - возвращенный контекст не релевантен запросу

Реализация в Python

from deepeval.metrics import MultimodalContextualRelevancyMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
         
answer = [
            "Text", # Текст ответа
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

retrieval_context = [
            # Передаем данные о местонахождении картинок в MLLMImage
            MLLMImage(url="./image"), # Местонахождение картинки
            MLLMImage(url="./image", # Местонахождение картинки
                      local=True) # Указание о локальном расположении
        ]

def test_multimodal_contextual_relevancy_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, actual_output=answer, 
                             retrieval_context=retrieval_context)
    # Определяем метрику и ее пороговое значение
    metric = MultimodalContextualRelevancyMetric(threshold=0.5)
    # Проводим проверку
    assert_test(test_case, [metric])

Multimodal Tool Correctness - оценивает, все ли ожидаемые к использованию при ответе на запрос устройства были действительно использованы.

\scriptsize\text{Tool Correctness} = \frac{\scriptsize\text{Number of Correctly Used Tools (or Correct Input Parameters/Outputs)}}{\scriptsize\text{Total Number of Expected Tools}}

показывает эффективность и правильность использования устройств при выполнении задачи. Вычисляется как отношение количества реального использования устройств к количеству ожидаемых использований.

Помимо просто вычисления использования нужных устройств может оценивать также и правильный порядок их использования.

Итоговое значение находится в диапазоне от 0 до 1

Значение 1 - вызваны все необходимые инструменты
Значение 0 - необходимые инструменты не вызваны

Реализация в Python

from deepeval.metrics import MultimodalToolCorrectnessMetric
from deepeval.test_case import MLLMTestCase, MLLMImage
from deepeval import assert_test


question = [question] # Запрос пользователя
         
answer = [answer] # Ответ

tools_called = [ToolCall(name=""), ToolCall(name="")] # Вызванные инструменты

expected_tools = [ToolCall(name="")] # Ожидаемые к вызову инструменты

def test_multimodal_contextual_relevancy_metric():
    # Передаем данные в тест кейс
    test_case = MLLMTestCase(input=question, 
                             actual_output=answer, 
                             tools_called=tools_called,
                             expected_tools=expected_tools)
    # Определяем метрику и ее пороговое значение
    metric = MultimodalToolCorrectnessMetric(threshold=0.5)
    # Проводим проверку
    metric.measure(test_case)
    print(metric.score)
    print(metric.reason)

Конкретно эта метрика была вычислена с применением metric.measure.

В целом, для метрик от DeepEval можно использовать как assert_test, так metric.measure и evaluate, в зависимости от того, в каком виде вы хотите получить конкретный результат.

- assert_test использует возможности pytest для формирования вывода;
- metric.measure позволяет рассчитывать и выводить результаты локально;
- evaluate проводит расчет и отправляет результат в UI интерфейс confident-ai.

В этой статье мы попытались дать описание и примеры использования всех основных метрик, представленных в deepeval. Такие инструменты могут быть полезны в оценке работы AI-продуктов с самыми разными функциональностями.

Надеемся, кому-то это облегчит работу по отладке собственных решений на базе AI.

Источник

  • 28.10.25 00:55 elizabethrush89

    God bless Capital Crypto Recover Services for the marvelous work you did in my life, I have learned the hard way that even the most sensible investors can fall victim to scams. When my USD was stolen, for anyone who has fallen victim to one of the bitcoin binary investment scams that are currently ongoing, I felt betrayal and upset. But then I was reading a post on site when I saw a testimony of Wendy Taylor online who recommended that Capital Crypto Recovery has helped her recover scammed funds within 24 hours. after reaching out to this cyber security firm that was able to help me recover my stolen digital assets and bitcoin. I’m genuinely blown away by their amazing service and professionalism. I never imagined I’d be able to get my money back until I complained to Capital Crypto Recovery Services about my difficulties and gave all of the necessary paperwork. I was astounded that it took them 12 hours to reclaim my stolen money back. Without a doubt, my USDT assets were successfully recovered from the scam platform, Thank you so much Sir, I strongly recommend Capital Crypto Recover for any of your bitcoin recovery, digital funds recovery, hacking, and cybersecurity concerns. You reach them Call/Text Number +1 (336)390-6684 His Email: [email protected] Contact Telegram: @Capitalcryptorecover Via Contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 29.10.25 03:43 Christopherbelle

    A sudden money crisis struck me. I dropped $82,000 to a phony crypto scam. All seemed fine until I went to pull out my gains. Then, i was unable to get back my hard earned money. I reported it to the police several times. No aid came my way. Deep sadness hit me; I felt crushed. That's when I learned about Sylvester Bryant Intelligence. They acted quick and fair from the start. They checked my case closely. They followed the path of my lost cash. They pushed strong for me at each turn. In shock, they brought my funds back. I had figured it could not happen. I thank them for their effort and honesty. Sylvester Bryant Intelligence gave me calm again. If a scam stole your crypto, reach out to them today. Contact Info: Yt7cracker@gmail . com WhatsApp: +1 512 577 7957 or +44 7428 662701.

  • 29.10.25 10:56 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 29.10.25 10:56 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 30.10.25 09:49 Christopherbelle

    I suffered a huge money blow when $80,000 slipped away in a bogus crypto plot. It all looked great at first. Then I went to pull out my gains, and poof—my account was gone. I kept telling the cops about it, but they did zip. I felt shattered and lost. That's when I stumbled on Sylvester Bryant Intelligence. Things turned around fast. Right away, they showed clear steps, sharp know-how, and real drive to fix it. They tracked my missing cash step by step and pushed hard till they got it back. I swear, I figured it was a lost cause. Their straight-up work and trust brought back my calm. If a scam stole your crypto, reach out to them now. yt7cracker@gmail . com | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 30.10.25 12:03 elizabethrush89

    God bless Capital Crypto Recover Services for the marvelous work you did in my life, I have learned the hard way that even the most sensible investors can fall victim to scams. When my USD was stolen, for anyone who has fallen victim to one of the bitcoin binary investment scams that are currently ongoing, I felt betrayal and upset. But then I was reading a post on site when I saw a testimony of Wendy Taylor online who recommended that Capital Crypto Recovery has helped her recover scammed funds within 24 hours. after reaching out to this cyber security firm that was able to help me recover my stolen digital assets and bitcoin. I’m genuinely blown away by their amazing service and professionalism. I never imagined I’d be able to get my money back until I complained to Capital Crypto Recovery Services about my difficulties and gave all of the necessary paperwork. I was astounded that it took them 12 hours to reclaim my stolen money back. Without a doubt, my USDT assets were successfully recovered from the scam platform, Thank you so much Sir, I strongly recommend Capital Crypto Recover for any of your bitcoin recovery, digital funds recovery, hacking, and cybersecurity concerns. You reach them Call/Text Number +1 (336)390-6684 His Email: [email protected] Contact Telegram: @Capitalcryptorecover Via Contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 31.10.25 13:25 Lillian Lizzy

    THANKS TO THE SERVICES OF THE HACK ANGELS // FOR HELPING ME RECOVER MY USDT AND BTC I lost almost $698,000 in a bitcoin investment scam a few months ago. I was devastated and depressed, and I didn't know what to do. When I saw a favorable review of THE HACK ANGELS RECOVERY EXPERT. I decided to contact them and voice my concerns. God is so good that I am a living testament to the fact that there are still legitimate recovery hackers out there. I will confidently recommend THE HACK ANGELS RECOVERY EXPERT to everyone I meet. I will suggest them to anyone who falls victim to any kind of online scam by using the information below. web: https://thehackangels.com Mail Box; [email protected] WhatsApp; +1(520)-200,2320 If you're in London, you can even visit them in person at their office located at 45-46 Red Lion Street, London WC1R 4PF, UK.

  • 31.10.25 13:25 Lillian Lizzy

    THANKS TO THE SERVICES OF THE HACK ANGELS // FOR HELPING ME RECOVER MY USDT AND BTC I lost almost $698,000 in a bitcoin investment scam a few months ago. I was devastated and depressed, and I didn't know what to do. When I saw a favorable review of THE HACK ANGELS RECOVERY EXPERT. I decided to contact them and voice my concerns. God is so good that I am a living testament to the fact that there are still legitimate recovery hackers out there. I will confidently recommend THE HACK ANGELS RECOVERY EXPERT to everyone I meet. I will suggest them to anyone who falls victim to any kind of online scam by using the information below. web: https://thehackangels.com Mail Box; [email protected] WhatsApp; +1(520)-200,2320 If you're in London, you can even visit them in person at their office located at 45-46 Red Lion Street, London WC1R 4PF, UK.

  • 01.11.25 03:27 elizabethrush89

    God bless Capital Crypto Recover Services for the marvelous work you did in my life, I have learned the hard way that even the most sensible investors can fall victim to scams. When my USD was stolen, for anyone who has fallen victim to one of the bitcoin binary investment scams that are currently ongoing, I felt betrayal and upset. But then I was reading a post on site when I saw a testimony of Wendy Taylor online who recommended that Capital Crypto Recovery has helped her recover scammed funds within 24 hours. after reaching out to this cyber security firm that was able to help me recover my stolen digital assets and bitcoin. I’m genuinely blown away by their amazing service and professionalism. I never imagined I’d be able to get my money back until I complained to Capital Crypto Recovery Services about my difficulties and gave all of the necessary paperwork. I was astounded that it took them 12 hours to reclaim my stolen money back. Without a doubt, my USDT assets were successfully recovered from the scam platform, Thank you so much Sir, I strongly recommend Capital Crypto Recover for any of your bitcoin recovery, digital funds recovery, hacking, and cybersecurity concerns. You reach them Call/Text Number +1 (336)390-6684 His Email: [email protected] Contact Telegram: @Capitalcryptorecover Via Contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 01.11.25 03:27 elizabethrush89

    God bless Capital Crypto Recover Services for the marvelous work you did in my life, I have learned the hard way that even the most sensible investors can fall victim to scams. When my USD was stolen, for anyone who has fallen victim to one of the bitcoin binary investment scams that are currently ongoing, I felt betrayal and upset. But then I was reading a post on site when I saw a testimony of Wendy Taylor online who recommended that Capital Crypto Recovery has helped her recover scammed funds within 24 hours. after reaching out to this cyber security firm that was able to help me recover my stolen digital assets and bitcoin. I’m genuinely blown away by their amazing service and professionalism. I never imagined I’d be able to get my money back until I complained to Capital Crypto Recovery Services about my difficulties and gave all of the necessary paperwork. I was astounded that it took them 12 hours to reclaim my stolen money back. Without a doubt, my USDT assets were successfully recovered from the scam platform, Thank you so much Sir, I strongly recommend Capital Crypto Recover for any of your bitcoin recovery, digital funds recovery, hacking, and cybersecurity concerns. You reach them Call/Text Number +1 (336)390-6684 His Email: [email protected] Contact Telegram: @Capitalcryptorecover Via Contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 01.11.25 15:47 kattygates

    Hack West Credit Repair is truly in the business of helping people understand credit, how credit works and most importantly they truly care that you understand your next steps to securing a better tomorrow for you and your family. I am grateful that the owner West has taken time out of his evening with his family to get me enrolled and he immediately got the ball rolling in helping me get items deleted from my credit reports. In the few months I’ve been with HACK WEST, 15 of the 17 negative items have been deleted and 250 points have been added to my point. If you want great results, I suggest you use [email protected].

  • 01.11.25 15:49 kattygates

    I met an individual on an international dating app, Bumpy. After talking for a few months, the individual encouraged me to start investing on crypto asset trading platform, btc01.org. I started trading and believed I was making profit until I tried to withdraw some of my money, I was asked to pay extra for tax which I did and they kept asking then I knew I have been scammed, I had to contact HACKWEST AT WRITEME DOT COM who then helped to recover the money, the total money I invest is $198,000 in bitcoin. The website is no longer operational. If anyone is in a similar issue, you can as well contact HACK WEST. They also fixed my credit report.

  • 02.11.25 10:55 Christopherbelle

    I suffered a crushing blow when $45,000 slipped away in a phony crypto scam. It all looked great at first. But when I went to pull out my gains, my account just vanished. I called the cops over and over. Still, no luck. I felt shattered and lost. That’s when I stumbled on Sylvester Bryant Intelligence. Things turned around fast. Right away, they showed real openness, sharp skills, and a drive to fix it. They tracked my missing money step by step. And they pushed hard until they got it back. I honestly didn’t believe it could happen. Their straight-up approach and solid work brought back my calm. If a scam took your crypto, reach out to them now. yt7cracker@gmail . com | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 02.11.25 10:56 Christopherbelle

    I suffered a crushing blow when $45,000 slipped away in a phony crypto scam. It all looked great at first. But when I went to pull out my gains, my account just vanished. I called the cops over and over. Still, no luck. I felt shattered and lost. That’s when I stumbled on Sylvester Bryant Intelligence. Things turned around fast. Right away, they showed real openness, sharp skills, and a drive to fix it. They tracked my missing money step by step. And they pushed hard until they got it back. I honestly didn’t believe it could happen. Their straight-up approach and solid work brought back my calm. If a scam took your crypto, reach out to them now. yt7cracker@gmail . com | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 02.11.25 15:23 michaeldavenport238

    I was recently scammed out of $53,000 by a fraudulent Bitcoin investment scheme, which added significant stress to my already difficult health issues, as I was also facing cancer surgery expenses. Desperate to recover my funds, I spent hours researching and consulting other victims, which led me to discover the excellent reputation of Capital Crypto Recover, I came across a Google post It was only after spending many hours researching and asking other victims for advice that I discovered Capital Crypto Recovery’s stellar reputation. I decided to contact them because of their successful recovery record and encouraging client testimonials. I had no idea that this would be the pivotal moment in my fight against cryptocurrency theft. Thanks to their expert team, I was able to recover my lost cryptocurrency back. The process was intricate, but Capital Crypto Recovery's commitment to utilizing the latest technology ensured a successful outcome. I highly recommend their services to anyone who has fallen victim to cryptocurrency fraud. For assistance contact [email protected] and on Telegram OR Call Number +1 (336)390-6684 via email: [email protected] you can visit his website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 02.11.25 15:23 michaeldavenport238

    I was recently scammed out of $53,000 by a fraudulent Bitcoin investment scheme, which added significant stress to my already difficult health issues, as I was also facing cancer surgery expenses. Desperate to recover my funds, I spent hours researching and consulting other victims, which led me to discover the excellent reputation of Capital Crypto Recover, I came across a Google post It was only after spending many hours researching and asking other victims for advice that I discovered Capital Crypto Recovery’s stellar reputation. I decided to contact them because of their successful recovery record and encouraging client testimonials. I had no idea that this would be the pivotal moment in my fight against cryptocurrency theft. Thanks to their expert team, I was able to recover my lost cryptocurrency back. The process was intricate, but Capital Crypto Recovery's commitment to utilizing the latest technology ensured a successful outcome. I highly recommend their services to anyone who has fallen victim to cryptocurrency fraud. For assistance contact [email protected] and on Telegram OR Call Number +1 (336)390-6684 via email: [email protected] you can visit his website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 04.11.25 04:59 Christopherbelle

    How to Recover Bitcoin Stolen by a Scammer I dropped £75,000 into a fake crypto scheme. Everything seemed perfect right from the start. But when I tried to cash out my profits, the whole account disappeared. I rang the police time and again. They offered no help at all. I felt broken and alone. Then I found Sylvester Bryant Intelligence. My luck changed in no time. They spoke plainly, worked smart, and focused on my case. They followed the trail of my lost cash bit by bit. They fought until they recovered it all. I never thought it was possible. Their honest approach and expertise restored my peace. If a scam has stolen your crypto, contact them now. [email protected] | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 04.11.25 09:30 robertalfred175

    CRYPTO SCAM RECOVERY SUCCESSFUL – A TESTIMONIAL OF LOST PASSWORD TO YOUR DIGITAL WALLET BACK. My name is Robert Alfred, Am from Australia. I’m sharing my experience in the hope that it helps others who have been victims of crypto scams. A few months ago, I fell victim to a fraudulent crypto investment scheme linked to a broker company. I had invested heavily during a time when Bitcoin prices were rising, thinking it was a good opportunity. Unfortunately, I was scammed out of $120,000 AUD and the broker denied me access to my digital wallet and assets. It was a devastating experience that caused many sleepless nights. Crypto scams are increasingly common and often involve fake trading platforms, phishing attacks, and misleading investment opportunities. In my desperation, a friend from the crypto community recommended Capital Crypto Recovery Service, known for helping victims recover lost or stolen funds. After doing some research and reading multiple positive reviews, I reached out to Capital Crypto Recovery. I provided all the necessary information—wallet addresses, transaction history, and communication logs. Their expert team responded immediately and began investigating. Using advanced blockchain tracking techniques, they were able to trace the stolen Dogecoin, identify the scammer’s wallet, and coordinate with relevant authorities to freeze the funds before they could be moved. Incredibly, within 24 hours, Capital Crypto Recovery successfully recovered the majority of my stolen crypto assets. I was beyond relieved and truly grateful. Their professionalism, transparency, and constant communication throughout the process gave me hope during a very difficult time. If you’ve been a victim of a crypto scam, I highly recommend them with full confidence contacting: 📧 Email: [email protected] 📱 Telegram: @Capitalcryptorecover Contact: [email protected] 📞 Call/Text: +1 (336) 390-6684 🌐 Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 04.11.25 09:30 robertalfred175

    CRYPTO SCAM RECOVERY SUCCESSFUL – A TESTIMONIAL OF LOST PASSWORD TO YOUR DIGITAL WALLET BACK. My name is Robert Alfred, Am from Australia. I’m sharing my experience in the hope that it helps others who have been victims of crypto scams. A few months ago, I fell victim to a fraudulent crypto investment scheme linked to a broker company. I had invested heavily during a time when Bitcoin prices were rising, thinking it was a good opportunity. Unfortunately, I was scammed out of $120,000 AUD and the broker denied me access to my digital wallet and assets. It was a devastating experience that caused many sleepless nights. Crypto scams are increasingly common and often involve fake trading platforms, phishing attacks, and misleading investment opportunities. In my desperation, a friend from the crypto community recommended Capital Crypto Recovery Service, known for helping victims recover lost or stolen funds. After doing some research and reading multiple positive reviews, I reached out to Capital Crypto Recovery. I provided all the necessary information—wallet addresses, transaction history, and communication logs. Their expert team responded immediately and began investigating. Using advanced blockchain tracking techniques, they were able to trace the stolen Dogecoin, identify the scammer’s wallet, and coordinate with relevant authorities to freeze the funds before they could be moved. Incredibly, within 24 hours, Capital Crypto Recovery successfully recovered the majority of my stolen crypto assets. I was beyond relieved and truly grateful. Their professionalism, transparency, and constant communication throughout the process gave me hope during a very difficult time. If you’ve been a victim of a crypto scam, I highly recommend them with full confidence contacting: 📧 Email: [email protected] 📱 Telegram: @Capitalcryptorecover Contact: [email protected] 📞 Call/Text: +1 (336) 390-6684 🌐 Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 05.11.25 02:43 jordan_11

    I made a mistake of not researching about their their investment firm(Binary option), it had a lot of promises which made me fall for all their fake promises , after trying to get my withdrawal out from there, I started having a lot of difficulties. Then I contacted their customer support, they only replied a week after and strangely wanted me to make more deposits just to enable my withdrawal, so i started my research of how I could report this treacherous company to the necessary authorities and also maybe i could get back my investment, The only people that were willing to help me out was Treqora Intel, their customer support replied so fast and immediately directed me to their investigative team which took my up my case and started the tracing and reclaim process with swift, after a week i got an email from Treqora Intel stating that a partial amount had been reclaimed, I was so grateful about their help , then I was asked to decide if I wanted a Partial deposit or wanted all my investment reclaimed and sent to me at once, But I was so desperate at the time so I asked that my partial reclaimed ETH be sent to me first , So the deposit took about few minutes before i got it in my wallet and withdrew it. Then my remaining investment took 2 weeks to get back according to their customer support at Treqora Intel. Immediately They got it, I was contacted again Via email that my reclaimed had been fully reclaimed, so grateful till this day to Treqora Intel for taking their time to help me out with what could have been a very depressing moment to me. And yes no upfront payment until the reclaim has been completed and you've been paid fully. Email:support@treqora. com 📱 WhatsApp: ‪‪‪+1 (7 7 3) 9 7 7 - 7 8 7 7‬ ‬‬ 🌐 Website: Treqora. com.

  • 05.11.25 02:44 jordan_11

    Crypto Recovery Services _Hire Treqora Intel

  • 05.11.25 02:48 jordan_11

    Legitimate Crypto Recovery Companies-CONSULT TREQORA INTEL. After falling victim to a crypt0currency scam group, I lost $35,000 worth of USDT. I thought all hope was lost from the experience of losing my hard-earned money to scammers. I was devastated and believed there was no way to recover my funds. Fortunately, I started searching for help to rec0vermy stolen funds and I came across a lot of testimonials online about TREQORA INTEL , an agent who helps in rec0ver of lost bitc0in funds, I contacted TREQORA INTEL , and with their expertise, they successfully traced and rec0vered my stolen assets. Their team was professional, kept me updated throughout the process, and demonstrated a deep understanding of blockchain transactions and rec0very protocols. They are trusted and very reliable with a 100% successful rate record Rec0very bitc0in, I’m grateful for their help and highly recommend their services to anyone seeking assistance with lost crypt0. Email:support@treqora. com Whats_App: ‪‪‪‪‪+1 (7 7 3 ) 9 7 7 - 7 8 7 7‬ ‬‬ ‬‬, Website: Treqora dot com.

  • 05.11.25 16:20 robertalfred175

    CRYPTO SCAM RECOVERY SUCCESSFUL – A TESTIMONIAL OF LOST PASSWORD TO YOUR DIGITAL WALLET BACK. My name is Robert Alfred, Am from Australia. I’m sharing my experience in the hope that it helps others who have been victims of crypto scams. A few months ago, I fell victim to a fraudulent crypto investment scheme linked to a broker company. I had invested heavily during a time when Bitcoin prices were rising, thinking it was a good opportunity. Unfortunately, I was scammed out of $120,000 AUD and the broker denied me access to my digital wallet and assets. It was a devastating experience that caused many sleepless nights. Crypto scams are increasingly common and often involve fake trading platforms, phishing attacks, and misleading investment opportunities. In my desperation, a friend from the crypto community recommended Capital Crypto Recovery Service, known for helping victims recover lost or stolen funds. After doing some research and reading multiple positive reviews, I reached out to Capital Crypto Recovery. I provided all the necessary information—wallet addresses, transaction history, and communication logs. Their expert team responded immediately and began investigating. Using advanced blockchain tracking techniques, they were able to trace the stolen Dogecoin, identify the scammer’s wallet, and coordinate with relevant authorities to freeze the funds before they could be moved. Incredibly, within 24 hours, Capital Crypto Recovery successfully recovered the majority of my stolen crypto assets. I was beyond relieved and truly grateful. Their professionalism, transparency, and constant communication throughout the process gave me hope during a very difficult time. If you’ve been a victim of a crypto scam, I highly recommend them with full confidence contacting: 📧 Email: [email protected] 📱 Telegram: @Capitalcryptorecover Contact: [email protected] 📞 Call/Text: +1 (336) 390-6684 🌐 Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 05.11.25 16:21 robertalfred175

    CRYPTO SCAM RECOVERY SUCCESSFUL – A TESTIMONIAL OF LOST PASSWORD TO YOUR DIGITAL WALLET BACK. My name is Robert Alfred, Am from Australia. I’m sharing my experience in the hope that it helps others who have been victims of crypto scams. A few months ago, I fell victim to a fraudulent crypto investment scheme linked to a broker company. I had invested heavily during a time when Bitcoin prices were rising, thinking it was a good opportunity. Unfortunately, I was scammed out of $120,000 AUD and the broker denied me access to my digital wallet and assets. It was a devastating experience that caused many sleepless nights. Crypto scams are increasingly common and often involve fake trading platforms, phishing attacks, and misleading investment opportunities. In my desperation, a friend from the crypto community recommended Capital Crypto Recovery Service, known for helping victims recover lost or stolen funds. After doing some research and reading multiple positive reviews, I reached out to Capital Crypto Recovery. I provided all the necessary information—wallet addresses, transaction history, and communication logs. Their expert team responded immediately and began investigating. Using advanced blockchain tracking techniques, they were able to trace the stolen Dogecoin, identify the scammer’s wallet, and coordinate with relevant authorities to freeze the funds before they could be moved. Incredibly, within 24 hours, Capital Crypto Recovery successfully recovered the majority of my stolen crypto assets. I was beyond relieved and truly grateful. Their professionalism, transparency, and constant communication throughout the process gave me hope during a very difficult time. If you’ve been a victim of a crypto scam, I highly recommend them with full confidence contacting: 📧 Email: [email protected] 📱 Telegram: @Capitalcryptorecover Contact: [email protected] 📞 Call/Text: +1 (336) 390-6684 🌐 Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 07.11.25 02:26 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 07.11.25 09:33 Christopherbelle

    How to Recover Bitcoin Stolen by a Scammer I dropped £75,000 into a fake crypto scheme. Everything seemed perfect right from the start. But when I tried to cash out my profits, the whole account disappeared. I rang the police time and again. They offered no help at all. I felt broken and alone. Then I found Sylvester Bryant Intelligence. My luck changed in no time. They spoke plainly, worked smart, and focused on my case. They followed the trail of my lost cash bit by bit. They fought until they recovered it all. I never thought it was possible. Their honest approach and expertise restored my peace. If a scam has stolen your crypto, contact them now. yt7cracker@gmail. com | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 07.11.25 16:05 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 07.11.25 23:15 Christopherbelle

    How to Recover Bitcoin Stolen by a Scammer; I dropped £75,000 into a fake crypto scheme. Everything seemed perfect right from the start. But when I tried to cash out my profits, the whole account disappeared. I rang the police time and again. They offered no help at all. I felt broken and alone. Then I found Sylvester Bryant Intelligence. My luck changed in no time. They spoke plainly, worked smart, and focused on my case. They followed the trail of my lost cash bit by bit. They fought until they recovered it all. I never thought it was possible. Their honest approach and expertise restored my peace. If a scam has stolen your crypto, contact them now. yt7cracker@gmail. com | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 07.11.25 23:30 harristhomas7376

    "In the crypto world, this is great news I want to share. Last year, I fell victim to a scam disguised as a safe investment option. I have invested in crypto trading platforms for about 10yrs thinking I was ensuring myself a retirement income, only to find that all my assets were either frozen, I believed my assets were secure — until I discovered that my BTC funds had been frozen and withdrawals were impossible. It was a devastating moment when I realized I had been scammed, and I thought my Bitcoin was gone forever, Everything changed when a close friend recommended the Capital Crypto Recover Service. Their professionalism, expertise, and dedication enabled me to recover my lost Bitcoin funds back — more than €560.000 DEM to my BTC wallet. What once felt impossible became a reality thanks to their support. If you have lost Bitcoin through scams, hacking, failed withdrawals, or similar challenges, don’t lose hope. I strongly recommend Capital Crypto Recover Service to anyone seeking a reliable and effective solution for recovering any wallet assets. They have a proven track record of successful reputation in recovering lost password assets for their clients and can help you navigate the process of recovering your funds. Don’t let scammers get away with your hard-earned money – contact Email: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Contact: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 07.11.25 23:30 harristhomas7376

    "In the crypto world, this is great news I want to share. Last year, I fell victim to a scam disguised as a safe investment option. I have invested in crypto trading platforms for about 10yrs thinking I was ensuring myself a retirement income, only to find that all my assets were either frozen, I believed my assets were secure — until I discovered that my BTC funds had been frozen and withdrawals were impossible. It was a devastating moment when I realized I had been scammed, and I thought my Bitcoin was gone forever, Everything changed when a close friend recommended the Capital Crypto Recover Service. Their professionalism, expertise, and dedication enabled me to recover my lost Bitcoin funds back — more than €560.000 DEM to my BTC wallet. What once felt impossible became a reality thanks to their support. If you have lost Bitcoin through scams, hacking, failed withdrawals, or similar challenges, don’t lose hope. I strongly recommend Capital Crypto Recover Service to anyone seeking a reliable and effective solution for recovering any wallet assets. They have a proven track record of successful reputation in recovering lost password assets for their clients and can help you navigate the process of recovering your funds. Don’t let scammers get away with your hard-earned money – contact Email: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Contact: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 07.11.25 23:32 Christopherbelle

    How to Recover Bitcoin Stolen by a Scammer; I dropped £75,000 into a fake crypto scheme. Everything seemed perfect right from the start. But when I tried to cash out my profits, the whole account disappeared. I rang the police time and again. They offered no help at all. I felt broken and alone. Then I found Sylvester Bryant Intelligence. My luck changed in no time. They spoke plainly, worked smart, and focused on my case. They followed the trail of my lost cash bit by bit. They fought until they recovered it all. I never thought it was possible. Their honest approach and expertise restored my peace. If a scam has stolen your crypto, contact them now. yt7cracker@gmail. com | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 07.11.25 23:34 Christopherbelle

    How to Recover Bitcoin Stolen by a Scammer; I dropped £75,000 into a fake crypto scheme. Everything seemed perfect right from the start. But when I tried to cash out my profits, the whole account disappeared. I rang the police time and again. They offered no help at all. I felt broken and alone. Then I found Sylvester Bryant Intelligence. My luck changed in no time. They spoke plainly, worked smart, and focused on my case. They followed the trail of my lost cash bit by bit. They fought until they recovered it all. I never thought it was possible. Their honest approach and expertise restored my peace. If a scam has stolen your crypto, contact them now. yt7cracker@gmail. com | WhatsApp: +1 512 577 7957 or +44 7428 662701

  • 09.11.25 03:29 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 09.11.25 03:29 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 10.11.25 05:06 Christopherbelle

    I lost $52,000 in USDT to a scam. That hit me hard. USDT is a stable cryptocurrency tied to the US dollar. It keeps its value steady. I thought I had found a sure way to grow my money. Things looked good at first. I even built up profits to $120,000. But when I went to pull out my earnings, the platform blocked me. No access. No funds. Panic set in. I felt trapped and helpless. Scams like this target crypto users all the time. They promise quick gains. Then they vanish with your money. Each year, people lose billions to these tricks. I searched for help everywhere. Forums, support groups. Nothing worked. That's when a friend stepped in. He had faced a similar mess before. He told me about Sylvester Bryant. My friend swore by his skills. So I reached out right away. His email is [email protected]. Sylvester Bryant turned it all around. He listened to my story without judgment. His team got to work fast. They started by reviewing every detail of the scam. Step by step, they traced the path of my stolen USDT. They used tools to follow the blockchain. That's the public record of crypto transactions. It shows where funds move. But scammers hide their tracks. Bryant's group dug deep. They contacted exchanges and networks involved. Day after day, they pushed forward. No shortcuts. They kept me updated the whole time. Every email, every call was clear and honest. In the end, they recovered my full amount. That $52,000 came back to me. The process took focus and grit. Bryant's honesty stood out. He charged no hidden fees. Just straight work for results. My stress melted away. I could breathe again. Sleep came easier. My trust in recovery options grew. If a scam has taken your money, act now. Reach out to Sylvester Bryant. He handles cases like this with care. Email him at [email protected]. Or on WhatsApp at +1 512 577 7957 or +44 7428 662701. Don't wait. Get your funds back.

  • 10.11.25 14:28 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 10.11.25 21:52 ashley11

    Legitimate crypto recovery companies in Australia - HIRE TREQORA INTEL

  • 10.11.25 21:53 ashley11

    Legitimate crypto recovery companies in Australia - HIRE TREQORA INTEL Sometimes, life can be unpredictable and present us with unexpected twists and turns. On October 15, 2025, I had an experience that taught me a valuable lesson about the importance of vigilance and caution in the digital age. It began when I met someone on TikTok who claimed to have a surefire way to generate significant profits from Ethereum investments. The individual, who went by the name of Mr. Oscar, presented himself as a financial expert with a proven track record of success. Intrigued by the promise of easy money, I decided to invest a substantial amount of my savings into the Ethereum venture. However, I soon discovered that I had fallen victim to a sophisticated scam. Mr. Oscar had fake credentials and a history of deceiving numerous people, leaving them financially devastated and feeling betrayed, I thought I had lost my investment forever. But I was determined to recover my stolen Ethereum and sought help from a reputable firm specializing in cybersecurity. That's when I stumbled upon Treqora Intel, a company with a stellar reputation for assisting victims of online scams. With the support of Treqora Intel , I was able to recover my lost funds in a remarkably short period. Their team of experts was efficient, responsive, and empathetic, making the recovery process as smooth as possible. I was impressed by their professionalism and commitment to helping individuals like me who have been affected by online scams. This experience has taught me to be more cautious when interacting with strangers online, especially when it comes to investment opportunities that seem too good to be true. It has also reminded me of the importance of verifying the credibility of individuals and companies before making any financial decisions. I am grateful to TREQORA INTEL for their assistance and hope that my story can serve as a warning to others to be vigilant in the online world. By being aware of the potential risks and taking necessary precautions, we can protect ourselves from falling prey to scams and ensure a safer online experience.Email:support@treqora. com Whats_App: ‪‪‪‪‪‪‪+1 (7 7 3 ) 9 7 7 - 7 8 7 7‬‬‬ ‬‬ ‬‬, Website: Treqora. com.

  • 11.11.25 06:47 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 11.11.25 08:34 patricialovick86

    How To Recover Your Bitcoin Without Falling Victim To Scams: A  Testimony Experience With Capital Crypto Recover Services, Contact Telegram: @Capitalcryptorecover Dear Everyone, I would like to take a moment to share my positive experience with Capital Crypto Recover Services. Initially, I was unsure if it would be possible to recover my stolen bitcoins. However, with their expertise and professionalism, I was able to fully recover my funds. Unfortunately, many individuals fall victim to scams in the cryptocurrency space, especially those involving fraudulent investment platforms. However, I advise caution, as not all recovery services are legitimate. I personally lost $273,000 worth of Bitcoin from my Binance account due to a deceptive platform. If you have suffered a similar loss, you may be considering crypto recovery, The Capital Crypto Recover is the most knowledgeable and effective Capital Crypto Recovery Services assisted me in recovering my stolen funds within 24 hours, after getting access to my wallet. Their service was not only prompt but also highly professional and effective, and many recovery services may not be trustworthy. Therefore, I highly recommend Capital Crypto Recover to you. i do always research and see reviews about their service, For assistance finding your misplaced cryptocurrency, get in touch with them, They do their jobs quickly and excellently, Stay safe and vigilant in the crypto world. Contact: [email protected]  You can reach them via email at [email protected] OR Call/Text Number +1 (336)390-6684 his contact website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 11.11.25 08:34 patricialovick86

    How To Recover Your Bitcoin Without Falling Victim To Scams: A  Testimony Experience With Capital Crypto Recover Services, Contact Telegram: @Capitalcryptorecover Dear Everyone, I would like to take a moment to share my positive experience with Capital Crypto Recover Services. Initially, I was unsure if it would be possible to recover my stolen bitcoins. However, with their expertise and professionalism, I was able to fully recover my funds. Unfortunately, many individuals fall victim to scams in the cryptocurrency space, especially those involving fraudulent investment platforms. However, I advise caution, as not all recovery services are legitimate. I personally lost $273,000 worth of Bitcoin from my Binance account due to a deceptive platform. If you have suffered a similar loss, you may be considering crypto recovery, The Capital Crypto Recover is the most knowledgeable and effective Capital Crypto Recovery Services assisted me in recovering my stolen funds within 24 hours, after getting access to my wallet. Their service was not only prompt but also highly professional and effective, and many recovery services may not be trustworthy. Therefore, I highly recommend Capital Crypto Recover to you. i do always research and see reviews about their service, For assistance finding your misplaced cryptocurrency, get in touch with them, They do their jobs quickly and excellently, Stay safe and vigilant in the crypto world. Contact: [email protected]  You can reach them via email at [email protected] OR Call/Text Number +1 (336)390-6684 his contact website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 11.11.25 08:34 patricialovick86

    How To Recover Your Bitcoin Without Falling Victim To Scams: A  Testimony Experience With Capital Crypto Recover Services, Contact Telegram: @Capitalcryptorecover Dear Everyone, I would like to take a moment to share my positive experience with Capital Crypto Recover Services. Initially, I was unsure if it would be possible to recover my stolen bitcoins. However, with their expertise and professionalism, I was able to fully recover my funds. Unfortunately, many individuals fall victim to scams in the cryptocurrency space, especially those involving fraudulent investment platforms. However, I advise caution, as not all recovery services are legitimate. I personally lost $273,000 worth of Bitcoin from my Binance account due to a deceptive platform. If you have suffered a similar loss, you may be considering crypto recovery, The Capital Crypto Recover is the most knowledgeable and effective Capital Crypto Recovery Services assisted me in recovering my stolen funds within 24 hours, after getting access to my wallet. Their service was not only prompt but also highly professional and effective, and many recovery services may not be trustworthy. Therefore, I highly recommend Capital Crypto Recover to you. i do always research and see reviews about their service, For assistance finding your misplaced cryptocurrency, get in touch with them, They do their jobs quickly and excellently, Stay safe and vigilant in the crypto world. Contact: [email protected]  You can reach them via email at [email protected] OR Call/Text Number +1 (336)390-6684 his contact website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 11.11.25 11:15 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 11.11.25 13:36 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 11.11.25 15:16 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 11.11.25 15:36 peggy09

    Crypto theft surges, with billions lost yearly. DIY fixes flop due to tech and legal walls. Standard reports gather dust without pros. Anthony Davies changes that. As the best funds recovery expert, his tracing, partnerships, and methods reclaim hacked wallet assets. He maximizes your shot at getting back stolen cryptocurrency. If you've been hit, reach out to Anthony Davies today. Every minute counts in this fight. Start your recovery journey now—don't let thieves win.Crypto theft surges, with billions lost yearly. DIY fixes flop due to tech and legal walls. Standard reports gather dust without pros. Anthony Davies changes that. As the best funds recovery expert, his tracing, partnerships, and methods reclaim hacked wallet assets. He maximizes your shot at getting back stolen cryptocurrency. If you've been hit, reach out to Anthony Davies today. Every minute counts in this fight. Start your recovery journey now—don't let thieves win. reach him at anthonydaviestech@gmail dot com or telegram anthonydavies

  • 11.11.25 19:28 elizabethrush89

    God bless Capital Crypto Recover Services for the marvelous work you did in my life, I have learned the hard way that even the most sensible investors can fall victim to scams. When my USD was stolen, for anyone who has fallen victim to one of the bitcoin binary investment scams that are currently ongoing, I felt betrayal and upset. But then I was reading a post on site when I saw a testimony of Wendy Taylor online who recommended that Capital Crypto Recovery has helped her recover scammed funds within 24 hours. after reaching out to this cyber security firm that was able to help me recover my stolen digital assets and bitcoin. I’m genuinely blown away by their amazing service and professionalism. I never imagined I’d be able to get my money back until I complained to Capital Crypto Recovery Services about my difficulties and gave all of the necessary paperwork. I was astounded that it took them 12 hours to reclaim my stolen money back. Without a doubt, my USDT assets were successfully recovered from the scam platform, Thank you so much Sir, I strongly recommend Capital Crypto Recover for any of your bitcoin recovery, digital funds recovery, hacking, and cybersecurity concerns. You reach them Call/Text Number +1 (336)390-6684 His Email: [email protected] Contact Telegram: @Capitalcryptorecover Via Contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 11.11.25 19:29 elizabethrush89

    God bless Capital Crypto Recover Services for the marvelous work you did in my life, I have learned the hard way that even the most sensible investors can fall victim to scams. When my USD was stolen, for anyone who has fallen victim to one of the bitcoin binary investment scams that are currently ongoing, I felt betrayal and upset. But then I was reading a post on site when I saw a testimony of Wendy Taylor online who recommended that Capital Crypto Recovery has helped her recover scammed funds within 24 hours. after reaching out to this cyber security firm that was able to help me recover my stolen digital assets and bitcoin. I’m genuinely blown away by their amazing service and professionalism. I never imagined I’d be able to get my money back until I complained to Capital Crypto Recovery Services about my difficulties and gave all of the necessary paperwork. I was astounded that it took them 12 hours to reclaim my stolen money back. Without a doubt, my USDT assets were successfully recovered from the scam platform, Thank you so much Sir, I strongly recommend Capital Crypto Recover for any of your bitcoin recovery, digital funds recovery, hacking, and cybersecurity concerns. You reach them Call/Text Number +1 (336)390-6684 His Email: [email protected] Contact Telegram: @Capitalcryptorecover Via Contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 12.11.25 04:09 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 12.11.25 04:10 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 12.11.25 05:07 peggy09

    Anthony Davies stands out in the world of crypto recovery. His skills come from years of hands-on work with blockchain tech. He helps people get back what thieves took, often against tough odds. i once lost $200000 to a fake broker site, anthony stood out as the only person who was able to get back my funds. you can contact him by sending an email to; anthonydaviestech @ gma1l com

  • 12.11.25 09:37 patricialovick86

    How To Recover Your Bitcoin Without Falling Victim To Scams: A  Testimony Experience With Capital Crypto Recover Services, Contact Telegram: @Capitalcryptorecover Dear Everyone, I would like to take a moment to share my positive experience with Capital Crypto Recover Services. Initially, I was unsure if it would be possible to recover my stolen bitcoins. However, with their expertise and professionalism, I was able to fully recover my funds. Unfortunately, many individuals fall victim to scams in the cryptocurrency space, especially those involving fraudulent investment platforms. However, I advise caution, as not all recovery services are legitimate. I personally lost $273,000 worth of Bitcoin from my Binance account due to a deceptive platform. If you have suffered a similar loss, you may be considering crypto recovery, The Capital Crypto Recover is the most knowledgeable and effective Capital Crypto Recovery Services assisted me in recovering my stolen funds within 24 hours, after getting access to my wallet. Their service was not only prompt but also highly professional and effective, and many recovery services may not be trustworthy. Therefore, I highly recommend Capital Crypto Recover to you. i do always research and see reviews about their service, For assistance finding your misplaced cryptocurrency, get in touch with them, They do their jobs quickly and excellently, Stay safe and vigilant in the crypto world. Contact: [email protected]  You can reach them via email at [email protected] OR Call/Text Number +1 (336)390-6684 his contact website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 12.11.25 09:37 patricialovick86

    How To Recover Your Bitcoin Without Falling Victim To Scams: A  Testimony Experience With Capital Crypto Recover Services, Contact Telegram: @Capitalcryptorecover Dear Everyone, I would like to take a moment to share my positive experience with Capital Crypto Recover Services. Initially, I was unsure if it would be possible to recover my stolen bitcoins. However, with their expertise and professionalism, I was able to fully recover my funds. Unfortunately, many individuals fall victim to scams in the cryptocurrency space, especially those involving fraudulent investment platforms. However, I advise caution, as not all recovery services are legitimate. I personally lost $273,000 worth of Bitcoin from my Binance account due to a deceptive platform. If you have suffered a similar loss, you may be considering crypto recovery, The Capital Crypto Recover is the most knowledgeable and effective Capital Crypto Recovery Services assisted me in recovering my stolen funds within 24 hours, after getting access to my wallet. Their service was not only prompt but also highly professional and effective, and many recovery services may not be trustworthy. Therefore, I highly recommend Capital Crypto Recover to you. i do always research and see reviews about their service, For assistance finding your misplaced cryptocurrency, get in touch with them, They do their jobs quickly and excellently, Stay safe and vigilant in the crypto world. Contact: [email protected]  You can reach them via email at [email protected] OR Call/Text Number +1 (336)390-6684 his contact website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 13.11.25 19:01 peggy09

    i Lost $200,000 to a phishing scam in 2022. Funds went to a mixer service. Davies traced 70% through Ethereum layers. He teamed with an exchange to freeze the rest. i got $140,000 back in six months. Hiring Davies means clear steps. You share details. He checks facts. Then, the hunt begins. Expect ups and downs, but his plan keeps it steady. you can reach out to him by sending an email to anthonydaviestech {@} gmail com

  • 13.11.25 20:05 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 13.11.25 20:05 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 13.11.25 22:51 ashley11

    Recover All Lost Cryptocurrency From Scammers

  • 13.11.25 22:52 ashley11

    Recover All Lost Cryptocurrency From Scammers TREQORA INTEL has exhibited unparalleled strength in the realm of recovery. They stand out as the premier team to collaborate with if you encounter withdrawal difficulties from the platform where you’ve invested. Recently, I engaged with them to recover over a million dollars trapped in an investment platform I’d been involved with for months. I furnished their team with every detail of the investment via Email (SUPPORT @ TREQORA . C O M”), including accounts, names, and wallet addresses to which I sent the funds. This decision proved to be the best I’ve made, especially after realizing I had been sc**med by the company. Initially, I harbored doubts about their services, but I was proven wrong. TREQORA INTEL ensures exemplary service delivery and ensures the perpetrators face justice. They employ advanced techniques to ensure you regain access to your funds. Understandably, many individuals who have fallen victim to investment scams may still harbor trepidation about engaging in online services again due to the trauma of being sc**med. However, I implore you to take action. Seek assistance from TREQORA INTEL today and witness their remarkable capabilities firsthand. Among the myriad of hackers available, TREQORA INTEL stands head and shoulders above the rest. While I may not have sampled all of them, the few I attempted to work with previously were unhelpful and solely focused on depleting the little funds I had left. I am grateful that I resisted their enticements, and despite the time it took me to discover TREQORA INTEL, they ultimately fulfilled my primary objective. I am confident they will execute the task proficiently. Without their intervention, I would have remained despondent and perplexed indefinitely. Don’t make the error of entrusting sc**mers to rectify a sc*m; the consequences are evident. Email:support@treqora. com,WhatsApp: ‪‪‪‪‪‪+1 (7 7 3) 9 7 7 - 7 8 7 7‬‬‬‬ ‬‬,Website: Treqora. com. How Can I Recover My Lost Bitcoin From A Romance Scammer-HIRE TREQORA INTEL

  • 13.11.25 23:36 daisy

    i Lost $200,000 to a phishing scam in 2022. Funds went to a mixer service. Davies traced 70% through Ethereum layers. He teamed with an exchange to freeze the rest. i got $140,000 back in six months. Hiring Davies means clear steps. You share details. He checks facts. Then, the hunt begins. Expect ups and downs, but his plan keeps it steady. you can reach out to him by sending an email to anthonydaviestech {@} gmail com

  • 14.11.25 03:42 harristhomas7376

    "In the crypto world, this is great news I want to share. Last year, I fell victim to a scam disguised as a safe investment option. I have invested in crypto trading platforms for about 10yrs thinking I was ensuring myself a retirement income, only to find that all my assets were either frozen, I believed my assets were secure — until I discovered that my BTC funds had been frozen and withdrawals were impossible. It was a devastating moment when I realized I had been scammed, and I thought my Bitcoin was gone forever, Everything changed when a close friend recommended the Capital Crypto Recover Service. Their professionalism, expertise, and dedication enabled me to recover my lost Bitcoin funds back — more than €560.000 DEM to my BTC wallet. What once felt impossible became a reality thanks to their support. If you have lost Bitcoin through scams, hacking, failed withdrawals, or similar challenges, don’t lose hope. I strongly recommend Capital Crypto Recover Service to anyone seeking a reliable and effective solution for recovering any wallet assets. They have a proven track record of successful reputation in recovering lost password assets for their clients and can help you navigate the process of recovering your funds. Don’t let scammers get away with your hard-earned money – contact Email: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Contact: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 14.11.25 03:42 harristhomas7376

    "In the crypto world, this is great news I want to share. Last year, I fell victim to a scam disguised as a safe investment option. I have invested in crypto trading platforms for about 10yrs thinking I was ensuring myself a retirement income, only to find that all my assets were either frozen, I believed my assets were secure — until I discovered that my BTC funds had been frozen and withdrawals were impossible. It was a devastating moment when I realized I had been scammed, and I thought my Bitcoin was gone forever, Everything changed when a close friend recommended the Capital Crypto Recover Service. Their professionalism, expertise, and dedication enabled me to recover my lost Bitcoin funds back — more than €560.000 DEM to my BTC wallet. What once felt impossible became a reality thanks to their support. If you have lost Bitcoin through scams, hacking, failed withdrawals, or similar challenges, don’t lose hope. I strongly recommend Capital Crypto Recover Service to anyone seeking a reliable and effective solution for recovering any wallet assets. They have a proven track record of successful reputation in recovering lost password assets for their clients and can help you navigate the process of recovering your funds. Don’t let scammers get away with your hard-earned money – contact Email: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Contact: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 14.11.25 08:38 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 14.11.25 10:39 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 14.11.25 12:12 daisy

    i Lost $200,000 to a phishing scam in 2022. Funds went to a mixer service. Davies traced 70% through Ethereum layers. He teamed with an exchange to freeze the rest. i got $140,000 back in six months. Hiring Davies means clear steps. You share details. He checks facts. Then, the hunt begins. Expect ups and downs, but his plan keeps it steady. you can reach out to him by sending an email to anthonydaviestech {@} gmail com

  • 14.11.25 15:07 caridad

    Perth Family Saved After $400K Crypto Scam Our family in Perth, WA invested through what we thought was a trusted platform but ended up being a fraudulent investment scheme. We lost nearly AUD 420,000 worth of BTC and USDT. Luckily, a friend recommended Bitreclaim.com. Their 24/7 customer support assigned us a smart contract audit specialist who asked for wallet addresses and transaction hashes. With their forensic blockchain trace, they recovered over 5.1 BTC directly into our hardware wallet. For Perth investors: don’t give up hope. Submit a case at Bitreclaim.com immediately. Their professionalism and success rate in Australia is unmatched.

  • 14.11.25 18:33 justinekelly45

    FAST & RELIABLE CRYPTO RECOVERY SERVICES Hire iFORCE HACKER RECOVERY I was one of many victims deceived by fake cryptocurrency investment offers on Telegram. Hoping to build a retirement fund, I invested heavily and ended up losing about $470,000, including borrowed money. Just when I thought recovery was impossible, I found iForce Hacker Recovery. Their team of crypto recovery experts worked tirelessly and helped me recover my assets within 72 hours, even tracing the scammers involved. I’m deeply thankful for their professionalism and highly recommend their services to anyone facing a similar situation.  Website: ht tps://iforcehackers. co m WhatsApp: +1 240-803-3706   Email: iforcehk @ consultant. c om

  • 14.11.25 20:56 juliamarvin

    Firstly, the importance of verifying the authenticity of online communications, especially those about financial matters. Secondly, the potential for recovery exists even in cases where it seems hopeless, thanks to innovative services like TechY Force Cyber Retrieval. Lastly, the cryptocurrency community needs to be more aware of these risks and the available solutions to combat them. My experience serves as a warning to others to be cautious of online impersonators and never to underestimate the potential for recovery in the face of theft. It also highlights the critical role that professional retrieval services can play in securing your digital assets. In conclusion, while the cryptocurrency space offers unparalleled opportunities, it also presents unique challenges, and being informed and vigilant is key to navigating this landscape safely. W.h.a.t.s.A.p.p.. +.15.6.1.7.2.6.3.6.9.7. M.a.i.l T.e.c.h.y.f.o.r.c.e.c.y.b.e.r.r.e.t.r.i.e.v.a.l.@.c.o.n.s.u.l.t.a.n.t.c.o.m. T.e.l.e.g.r.a.m +.15.6.1.7.2.6.3.6.9.7

  • 15.11.25 12:47 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 15.11.25 14:39 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 15.11.25 14:39 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 15.11.25 15:31 MATT PHILLIP

    I never imagined I’d fall for a crypto romance scam but it happened. Over the course of a few months, I sent nearly $184,000 worth of Bitcoin to someone I genuinely believed I was building a future with. When they disappeared without a trace, I was left heartbroken, humiliated, and financially devastated. For a long time, I didn’t tell anyone. I felt ashamed. But eventually, while searching for answers, I came across a Reddit thread that mentioned Agent Jasmine Lopez a crypto recovery agent. I reached out, not expecting much. To my surprise, she treated me with kindness, not judgment. She used advanced tools like blockchain forensics, IP tracing, and smart contract analysis and with persistence and legal support, she was able to recover nearly 85% of what I lost. I know not everyone gets that kind of outcome, but thanks to [email protected] WhatsApp at +44 736-644-5035, I’ve started to reclaim not just my assets, but my confidence and peace of mind. If you’re going through something similar, you’re not alone and there is hope.

  • 15.11.25 15:52 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 16.11.25 14:43 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 16.11.25 14:44 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 16.11.25 20:38 [email protected]

    A scam cost me $72,000 in USDT. It shook me up. USDT is a stablecoin linked to the dollar. Its value stays even. I believed I found a safe path to build my wealth. At the start, all seemed fine. My account grew to $120,000 in profits. But when I tried to withdraw, the site locked me out. No way to get in. No money left. Fear took over. I felt stuck and alone. These frauds hit crypto investors often. They lure with fast riches. Then they steal your cash and disappear. Billions vanish each year from such schemes. I looked for aid in every spot. Online boards. Help chats. None helped. Then a buddy offered support. He had dealt with the same issue once. He mentioned Sylvester Bryant. My friend praised his expertise. I contacted him at once. His email is [email protected]. Sylvester Bryant changed everything. He heard my tale with no blame. His crew jumped in quickly. They checked all scam details first. One by one, they followed my lost USDT trail. They used software to track the blockchain. That is the open log of coin transfers. It reveals fund paths. Scammers try to cover their steps. Bryant's team went far. They reached out to related platforms and services. Each day brought progress. No easy ways. They shared updates with me always. Each message and talk stayed open and true. Finally, they got back every dollar. My $52,000 returned whole. The effort needed drive and resolve. Bryant's fairness shone through. He added no secret costs. Only fair pay for the job. My worry faded. I relaxed once more. Nights grew calm. My faith in recovery grew strong. If fraud stole your funds, move fast. Contact Sylvester Bryant. He treats such cases with skill. Email at [email protected]. Or use WhatsApp at +1 512 577 7957 or +44 7428 662701. Do not delay. Reclaim what is yours.

  • 17.11.25 03:24 johnny231

    INFO@THEBARRYCYBERINVESTIGATIONSDOTCOM is one of the best cyber hackers that i have actually met and had an encounter with, i was suspecting my partner was cheating on me for some time now but i was not sure of my assumptions so i had to contact BARRY CYBER INVESTIGATIONS to help me out with my suspicion. During the cause of their investigation they intercepted his text messages, social media(facebook, twittwer, snapchat whatsapp, instagram),also call logs as well as pictures and videos(deleted files also) they found out my spouse was cheating on me for over 3 years and was already even sending nudes out as well as money to anonymous wallets,so i deciced to file for a divorce and then when i did that i came to the understanding that most of the cryptocurrency we had invested in forex by him was already gone. BARRY CYBER INVESTIGATIONS helped me out through out the cause of my divorce with my spouse they also helped me in retrieving some of the cryptocurrency back, as if that was not enough i decided to introduce them to another of my friend who had lost her most of her savings on a bad crytpo investment and as a result of that it affected her credit score, BARRY CYBER INVESTIGATIONS helped her recover some of the funds back and helped her build her credit score, i have never seen anything like this in my life and to top it off they are very professional and they have intergrity to it you can contact them also on their whatsapp +1814-488-3301. for any hacking or pi jobs you can contact them and i assure you nothing but the best out of the job

  • 17.11.25 11:26 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 17.11.25 11:27 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 19.11.25 01:56 VERONICAFREDDIE809

    Earlier this year, I made a mistake that changed everything. I downloaded what I thought was a legitimate trading app I’d found through a Telegram channel. At first, everything looked real until I tried to withdraw. My entire investment vanished into a bot account, and that’s when the truth hit me: I had been scammed. I can’t describe the feeling. It was as if the ground dropped out from under me. I blamed myself. I felt stupid, ashamed, helpless every painful emotion at once. For a while, I couldn’t even talk about it. I thought no one would understand. But then I got connected to the best female expert AGENT Jasmine Lopez,,( [email protected] ) ,She didn’t brush me off or judge me. She took my fear seriously. She followed leads I didn’t even know existed, and identified multiple off-chain indicators and wallet clusters linked to the scammer network, she helped me understand what had truly happened behind the scenes. For the first time since everything fell apart, I felt hope. Hearing that other people students, parents, hardworking people had been targeted the same way made me realize I wasn’t alone. What happened to us wasn’t stupidity. It was a coordinated attack. We were prey in a system built to deceive. And somehow, through all the chaos, Agent Jasmine stepped in and shined a light into the darkest moment of my life. I’m still healing from the experience. It changed me. But it also reminded me that even when you think you’re at the end, sometimes a lifeline appears where you least expect it. Contact her at [email protected] WhatsApp at +44 736-644-5035.

  • 19.11.25 08:11 JuneWatkins

    I’m June Watkins from California. I never thought I’d lose my life savings in Bitcoin. One wrong click, a fake wallet update, and $187,000 vanished in seconds. I cried for days, felt stupid, ashamed, and completely hopeless. But God wouldn’t let me stay silent or defeated. A friend sent me a simple message: “Contact Mbcoin Recovery Group, they specialize in this.” I was skeptical (there are so many scammers), but something in my spirit said “try.” I reached out to Mbcoin Recovery Group through their official site and within minutes their team responded with kindness and clarity. They walked with me step by step, and stayed in constant contact. Three days later, I watched in tears as every single Bitcoin returned to my wallet, 100% recovered. God turned my mess into a message and my shame into a testimony! If you’ve lost crypto and feel it’s gone forever, don’t give up. I’m living proof that recovery is possible. Thank you, Mbcoin Recovery Group, and thank You, Jesus, for never leaving me stranded. contact: (https://mbcoinrecoverygrou.wixsite.com/mb-coin-recovery) (Email: [email protected]) (Call Number: +1 346 954-1564)

  • 19.11.25 08:26 elizabethmadison

    My name is Elizabeth Madison currently living in New York. There was a time I felt completely broken. I had trusted a fraudulent bitcoin investment organization, who turned out to be a fraudster. I sent money, believing their sweet words and promises on the interest rate I will get back in return, only to realize later that I’ve been scammed. On the day of withdrawal there was no money in my account. The pain hit deep. I couldn’t sleep, I kept asking myself how I could have been so careless, meanwhile my mom was battling with a stroke and the expenses were too much. For days, I cried and blamed myself. The betrayal, the disappointment and my mom's health issues all of this stress made me want to give up on life. But one day, I decided that sitting in pain wouldn’t solve anything. I picked myself up and chose to fight for what I lost then I came across GREAT WHIP RECOVERY CYBER SERVICES and saw how he helped people recover their funds from online fraud. I emailed all the transactions and paperwork I had with the fraudulent organization and they helped me recover all my lost money in just five days. If you have ever fallen victim to scammers, contact GREAT WHIP RECOVERY CYBER SERVICES to help you recover every penny you have lost. (Text +1(406)2729101) (Email [email protected])

  • 19.11.25 08:27 elizabethmadison

    My name is Elizabeth Madison currently living in New York. There was a time I felt completely broken. I had trusted a fraudulent bitcoin investment organization, who turned out to be a fraudster. I sent money, believing their sweet words and promises on the interest rate I will get back in return, only to realize later that I’ve been scammed. On the day of withdrawal there was no money in my account. The pain hit deep. I couldn’t sleep, I kept asking myself how I could have been so careless, meanwhile my mom was battling with a stroke and the expenses were too much. For days, I cried and blamed myself. The betrayal, the disappointment and my mom's health issues all of this stress made me want to give up on life. But one day, I decided that sitting in pain wouldn’t solve anything. I picked myself up and chose to fight for what I lost then I came across GREAT WHIP RECOVERY CYBER SERVICES and saw how he helped people recover their funds from online fraud. I emailed all the transactions and paperwork I had with the fraudulent organization and they helped me recover all my lost money in just five days. If you have ever fallen victim to scammers, contact GREAT WHIP RECOVERY CYBER SERVICES to help you recover every penny you have lost. (Text +1(406)2729101) Website https://greatwhiprecoveryc.wixsite.com/greatwhip-site (Email [email protected])

  • 19.11.25 16:30 marcushenderson624

    Bitcoin Recovery Testimonial After falling victim to a cryptocurrency scam group, I lost $354,000 worth of USDT. I thought all hope was lost from the experience of losing my hard-earned money to scammers. I was devastated and believed there was no way to recover my funds. Fortunately, I started searching for help to recover my stolen funds and I came across a lot of testimonials online about Capital Crypto Recovery, an agent who helps in recovery of lost bitcoin funds, I contacted Capital Crypto Recover Service, and with their expertise, they successfully traced and recovered my stolen assets. Their team was professional, kept me updated throughout the process, and demonstrated a deep understanding of blockchain transactions and recovery protocols. They are trusted and very reliable with a 100% successful rate record Recovery bitcoin, I’m grateful for their help and highly recommend their services to anyone seeking assistance with lost crypto. Contact: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Email: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 19.11.25 16:30 marcushenderson624

    Bitcoin Recovery Testimonial After falling victim to a cryptocurrency scam group, I lost $354,000 worth of USDT. I thought all hope was lost from the experience of losing my hard-earned money to scammers. I was devastated and believed there was no way to recover my funds. Fortunately, I started searching for help to recover my stolen funds and I came across a lot of testimonials online about Capital Crypto Recovery, an agent who helps in recovery of lost bitcoin funds, I contacted Capital Crypto Recover Service, and with their expertise, they successfully traced and recovered my stolen assets. Their team was professional, kept me updated throughout the process, and demonstrated a deep understanding of blockchain transactions and recovery protocols. They are trusted and very reliable with a 100% successful rate record Recovery bitcoin, I’m grateful for their help and highly recommend their services to anyone seeking assistance with lost crypto. Contact: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Email: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 20.11.25 15:55 mariotuttle94

    HIRE THE BEST HACKER ONLINE FOR CRYPTO BITCOIN SCAM RECOVERY / iFORCE HACKER RECOVERY After a security breach, my husband lost $133,000 in Bitcoin. We sought help from a professional cybersecurity team iForce Hacker Recovery they guided us through each step of the recovery process. Their expertise allowed them to trace the compromised funds and help us understand how the breach occurred. The experience brought us clarity, restored a sense of stability, and reminded us of the importance of strong digital asset and security practices.  Website: ht tps:/ /iforcehackers. c om WhatsApp: +1 240-803-3706 Email: iforcehk @ consultant. c om

  • 21.11.25 10:56 marcushenderson624

    Bitcoin Recovery Testimonial After falling victim to a cryptocurrency scam group, I lost $354,000 worth of USDT. I thought all hope was lost from the experience of losing my hard-earned money to scammers. I was devastated and believed there was no way to recover my funds. Fortunately, I started searching for help to recover my stolen funds and I came across a lot of testimonials online about Capital Crypto Recovery, an agent who helps in recovery of lost bitcoin funds, I contacted Capital Crypto Recover Service, and with their expertise, they successfully traced and recovered my stolen assets. Their team was professional, kept me updated throughout the process, and demonstrated a deep understanding of blockchain transactions and recovery protocols. They are trusted and very reliable with a 100% successful rate record Recovery bitcoin, I’m grateful for their help and highly recommend their services to anyone seeking assistance with lost crypto. Contact: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Email: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 21.11.25 10:56 marcushenderson624

    Bitcoin Recovery Testimonial After falling victim to a cryptocurrency scam group, I lost $354,000 worth of USDT. I thought all hope was lost from the experience of losing my hard-earned money to scammers. I was devastated and believed there was no way to recover my funds. Fortunately, I started searching for help to recover my stolen funds and I came across a lot of testimonials online about Capital Crypto Recovery, an agent who helps in recovery of lost bitcoin funds, I contacted Capital Crypto Recover Service, and with their expertise, they successfully traced and recovered my stolen assets. Their team was professional, kept me updated throughout the process, and demonstrated a deep understanding of blockchain transactions and recovery protocols. They are trusted and very reliable with a 100% successful rate record Recovery bitcoin, I’m grateful for their help and highly recommend their services to anyone seeking assistance with lost crypto. Contact: [email protected] Phone CALL/Text Number: +1 (336) 390-6684 Email: [email protected] Website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 22.11.25 04:41 VERONICAFREDDIE809

    Earlier this year, I made a mistake that changed everything. I downloaded what I thought was a legitimate trading app I’d found through a Telegram channel. At first, everything looked real until I tried to withdraw. My entire investment vanished into a bot account, and that’s when the truth hit me: I had been scammed. I can’t describe the feeling. It was as if the ground dropped out from under me. I blamed myself. I felt stupid, ashamed, helpless every painful emotion at once. For a while, I couldn’t even talk about it. I thought no one would understand. But then I got connected to the best female expert AGENT Jasmine Lopez,,( [email protected] ) ,She didn’t brush me off or judge me. She took my fear seriously. She followed leads I didn’t even know existed, and identified multiple off-chain indicators and wallet clusters linked to the scammer network, she helped me understand what had truly happened behind the scenes. For the first time since everything fell apart, I felt hope. Hearing that other people students, parents, hardworking people had been targeted the same way made me realize I wasn’t alone. What happened to us wasn’t stupidity. It was a coordinated attack. We were prey in a system built to deceive. And somehow, through all the chaos, Agent Jasmine stepped in and shined a light into the darkest moment of my life. I’m still healing from the experience. It changed me. But it also reminded me that even when you think you’re at the end, sometimes a lifeline appears where you least expect it. Contact her at [email protected] WhatsApp at +44 736-644-5035.

  • 22.11.25 22:04 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 22.11.25 22:04 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 22.11.25 22:05 wendytaylor015

    My name is Wendy Taylor, I'm from Los Angeles, i want to announce to you Viewer how Capital Crypto Recover help me to restore my Lost Bitcoin, I invested with a Crypto broker without proper research to know what I was hoarding my hard-earned money into scammers, i lost access to my crypto wallet or had your funds stolen? Don’t worry Capital Crypto Recover is here to help you recover your cryptocurrency with cutting-edge technical expertise, With years of experience in the crypto world, Capital Crypto Recover employs the best latest tools and ethical hacking techniques to help you recover lost assets, unlock hacked accounts, Whether it’s a forgotten password, Capital Crypto Recover has the expertise to help you get your crypto back. a security company service that has a 100% success rate in the recovery of crypto assets, i lost wallet and hacked accounts. I provided them the information they requested and they began their investigation. To my surprise, Capital Crypto Recover was able to trace and recover my crypto assets successfully within 24hours. Thank you for your service in helping me recover my $647,734 worth of crypto funds and I highly recommend their recovery services, they are reliable and a trusted company to any individuals looking to recover lost money. Contact email [email protected] OR Telegram @Capitalcryptorecover Call/Text Number +1 (336)390-6684 his contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 23.11.25 03:34 Matt Kegan

    SolidBlock Forensics are absolutely the best Crypto forensics team, they're swift to action and accurate

  • 23.11.25 09:54 elizabethrush89

    God bless Capital Crypto Recover Services for the marvelous work you did in my life, I have learned the hard way that even the most sensible investors can fall victim to scams. When my USD was stolen, for anyone who has fallen victim to one of the bitcoin binary investment scams that are currently ongoing, I felt betrayal and upset. But then I was reading a post on site when I saw a testimony of Wendy Taylor online who recommended that Capital Crypto Recovery has helped her recover scammed funds within 24 hours. after reaching out to this cyber security firm that was able to help me recover my stolen digital assets and bitcoin. I’m genuinely blown away by their amazing service and professionalism. I never imagined I’d be able to get my money back until I complained to Capital Crypto Recovery Services about my difficulties and gave all of the necessary paperwork. I was astounded that it took them 12 hours to reclaim my stolen money back. Without a doubt, my USDT assets were successfully recovered from the scam platform, Thank you so much Sir, I strongly recommend Capital Crypto Recover for any of your bitcoin recovery, digital funds recovery, hacking, and cybersecurity concerns. You reach them Call/Text Number +1 (336)390-6684 His Email: [email protected] Contact Telegram: @Capitalcryptorecover Via Contact: [email protected] His website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 23.11.25 18:01 mosbygerry

    I recently had the opportunity to work with a skilled programmer who specialized in recovering crypto assets, and the results were nothing short of impressive. The experience not only helped me regain control of my investments but also provided valuable insight into the intricacies of cryptocurrency technology and cybersecurity. The journey began when I attempted to withdraw $183,000 from an investment firm, only to encounter a series of challenges that made it impossible for me to access my funds. Despite seeking assistance from individuals claiming to be Bitcoin miners, I was unable to recover my investments. The situation was further complicated by the fact that all my deposits were made using various cryptocurrencies that are difficult to trace. However, I persisted in my pursuit of recovery, driven by the determination to reclaim my losses. It was during this time that I discovered TechY Force Cyber Retrieval, a team of experts with a proven track record of successfully recovering crypto assets. With their assistance, I was finally able to recover my investments, and in doing so, gained a deeper understanding of the complex mechanisms that underpin cryptocurrency transactions. The experience taught me that with the right expertise and guidance, even the most seemingly insurmountable challenges can be overcome. I feel a sense of obligation to share my positive experience with others who may have fallen victim to cryptocurrency scams or are struggling to recover their investments. If you find yourself in a similar situation, I highly recommend seeking the assistance of a trustworthy and skilled programmer, such as those at TechY Force Cyber Retrieval. WhatsApp (+1561726 3697) or (+1561726 3697). Their expertise and dedication to helping individuals recover their crypto assets are truly commendable, and I have no hesitation in endorsing their services to anyone in need. By sharing my story, I hope to provide a beacon of hope for those who may have lost faith in their ability to recover their investments and to emphasize the importance of seeking professional help when navigating the complex world of cryptocurrency.

  • 24.11.25 11:43 michaeldavenport238

    I was recently scammed out of $53,000 by a fraudulent Bitcoin investment scheme, which added significant stress to my already difficult health issues, as I was also facing cancer surgery expenses. Desperate to recover my funds, I spent hours researching and consulting other victims, which led me to discover the excellent reputation of Capital Crypto Recover, I came across a Google post It was only after spending many hours researching and asking other victims for advice that I discovered Capital Crypto Recovery’s stellar reputation. I decided to contact them because of their successful recovery record and encouraging client testimonials. I had no idea that this would be the pivotal moment in my fight against cryptocurrency theft. Thanks to their expert team, I was able to recover my lost cryptocurrency back. The process was intricate, but Capital Crypto Recovery's commitment to utilizing the latest technology ensured a successful outcome. I highly recommend their services to anyone who has fallen victim to cryptocurrency fraud. For assistance contact [email protected] and on Telegram OR Call Number +1 (336)390-6684 via email: [email protected] you can visit his website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 24.11.25 11:43 michaeldavenport238

    I was recently scammed out of $53,000 by a fraudulent Bitcoin investment scheme, which added significant stress to my already difficult health issues, as I was also facing cancer surgery expenses. Desperate to recover my funds, I spent hours researching and consulting other victims, which led me to discover the excellent reputation of Capital Crypto Recover, I came across a Google post It was only after spending many hours researching and asking other victims for advice that I discovered Capital Crypto Recovery’s stellar reputation. I decided to contact them because of their successful recovery record and encouraging client testimonials. I had no idea that this would be the pivotal moment in my fight against cryptocurrency theft. Thanks to their expert team, I was able to recover my lost cryptocurrency back. The process was intricate, but Capital Crypto Recovery's commitment to utilizing the latest technology ensured a successful outcome. I highly recommend their services to anyone who has fallen victim to cryptocurrency fraud. For assistance contact [email protected] and on Telegram OR Call Number +1 (336)390-6684 via email: [email protected] you can visit his website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 24.11.25 16:34 Mundo

    I wired 120k in crypto to the wrong wallet. One dumb slip-up, and poof gone. That hit me hard. Lost everything I had built up. Crypto moves on the blockchain. It's like a public record book. Once you send, that's it. No take-backs. Banks can fix wire mistakes. Not here. Transfers stick forever. a buddy tipped me off right away. Meet Sylvester Bryant. Guy's a pro at pulling back lost crypto. Handles cases others can't touch, he spots scammer moves cold. Follows money down secret paths. Mixers. Fake trades. Hidden swaps. You name it, he tracks it. this happens to tons of folks. Fat-finger a key. Miss one digit in the address. Boom. Billions vanish like that each year. I panicked. Figured my stash was toast for good. Bryant flipped the script. He jumps on hard jobs quick. Digs deep. Cracks the trail. Got my funds back safe. You're in the same boat? Don't sit there. Hit him up today. Email [email protected]. WhatsApp +1 512 577 7957. Or +44 7428 662701. Time's your enemy here. Scammers spend fast. Chains churn non-stop. Move now. Grab your cash back home.

  • 25.11.25 05:15 michaeldavenport218

    I was recently scammed out of $53,000 by a fraudulent Bitcoin investment scheme, which added significant stress to my already difficult health issues, as I was also facing cancer surgery expenses. Desperate to recover my funds, I spent hours researching and consulting other victims, which led me to discover the excellent reputation of Capital Crypto Recover, I came across a Google post It was only after spending many hours researching and asking other victims for advice that I discovered Capital Crypto Recovery’s stellar reputation. I decided to contact them because of their successful recovery record and encouraging client testimonials. I had no idea that this would be the pivotal moment in my fight against cryptocurrency theft. Thanks to their expert team, I was able to recover my lost cryptocurrency back. The process was intricate, but Capital Crypto Recovery's commitment to utilizing the latest technology ensured a successful outcome. I highly recommend their services to anyone who has fallen victim to cryptocurrency fraud. For assistance contact [email protected] and on Telegram OR Call Number +1 (336)390-6684 via email: [email protected] you can visit his website: https://recovercapital.wixsite.com/capital-crypto-rec-1

  • 25.11.25 13:31 mickaelroques52

    CRYPTO TRACING AND INVESTIGATION EXPERT: HOW TO RECOVER STOLEN CRYPTO_HIRE RAPID DIGITAL RECOVERY

  • 25.11.25 13:31 mickaelroques52

    I’ve always considered myself a careful person when it comes to money, but even the most cautious people can be fooled. A few months ago, I invested some of my Bitcoin into what I believed was a legitimate platform. Everything seemed right, professional website, live chat support and even convincing testimonials. I thought I had done my homework. But when I tried to withdraw my funds, everything fell apart. My account was blocked, the so-called support team disappeared and I realized I had been scammed. The shock was overwhelming. I couldn’t believe I had fallen for it. That Bitcoin represented years of savings and sacrifices and it felt like everything had been stolen from me in seconds. I didn’t sleep for days and I was angry at myself for trusting the wrong people. In my desperation, I started searching for solutions and came across Rapid Digital Recovery. At first, I thought it was just another promise that would lead nowhere. But after speaking with them, I realized this was different. They were professional, clear and understanding. They explained exactly how they track stolen funds through blockchain forensics and what steps would be taken in my case. I gave them all the transaction details and they immediately got to work. What impressed me most was their transparency, they gave me updates regularly and kept me involved in the process. After weeks of investigation, they achieved what I thought was impossible: they recovered my stolen Bitcoin and safely returned it to my wallet. The relief I felt that day is indescribable. I went from feeling hopeless and broken to feeling like I had been given a second chance. I am forever grateful to Rapid Digital Recovery. They didn’t just recover my money, they restored my peace of mind. If you’re reading this because you’ve been scammed, please know you’re not alone and that recovery is possible. I’m living proof that with the right help, you can get your funds back... Contact Info Below WhatSapp:  + 1 414 807 1485 Email:  rapiddigitalrecovery (@) execs. com Telegram:  + 1 680 5881 631

Для участия в Чате вам необходим бесплатный аккаунт pro-blockchain.com Войти Регистрация
Есть вопросы?
С вами на связи 24/7
Help Icon