Spaces:
Running
Running
Update app.py
Browse files
app.py
CHANGED
@@ -1,920 +1,6 @@
|
|
1 |
-
|
2 |
-
Enhanced NeuroResearch AI System
|
3 |
-
---------------------------------
|
4 |
-
This application integrates domain-adaptive multi-modal retrieval, ensemble cognitive processing,
|
5 |
-
and dynamic knowledge graph construction. It is designed for advanced technical research,
|
6 |
-
analysis, and reporting, employing triple-redundant API requests and a structured state workflow.
|
7 |
-
"""
|
8 |
|
9 |
-
import
|
10 |
-
import os
|
11 |
-
import re
|
12 |
-
import hashlib
|
13 |
-
import json
|
14 |
-
import time
|
15 |
-
import sys
|
16 |
-
from datetime import datetime
|
17 |
-
from concurrent.futures import ThreadPoolExecutor, as_completed
|
18 |
-
from typing import List, Dict, Any, Optional, Sequence
|
19 |
-
|
20 |
-
import chromadb
|
21 |
-
import requests
|
22 |
-
import streamlit as st
|
23 |
-
from PIL import Image
|
24 |
-
import torch
|
25 |
-
|
26 |
-
# LangChain and LangGraph imports
|
27 |
-
from langchain_openai import OpenAIEmbeddings
|
28 |
-
from langchain_community.vectorstores import Chroma
|
29 |
-
from langchain_core.messages import HumanMessage, AIMessage, ToolMessage
|
30 |
-
from langchain.text_splitter import RecursiveCharacterTextSplitter
|
31 |
-
from langgraph.graph import END, StateGraph
|
32 |
-
from langgraph.prebuilt import ToolNode
|
33 |
-
from langgraph.graph.message import add_messages
|
34 |
-
from typing_extensions import TypedDict, Annotated
|
35 |
-
from langchain.tools.retriever import create_retriever_tool
|
36 |
-
|
37 |
-
# Increase Python's recursion limit if needed
|
38 |
-
sys.setrecursionlimit(1000)
|
39 |
-
|
40 |
-
# ------------------------------
|
41 |
-
# Logging Configuration
|
42 |
-
# ------------------------------
|
43 |
-
logging.basicConfig(
|
44 |
-
level=logging.INFO,
|
45 |
-
format="%(asctime)s [%(levelname)s] %(message)s"
|
46 |
-
)
|
47 |
-
logger = logging.getLogger(__name__)
|
48 |
-
|
49 |
-
# ------------------------------
|
50 |
-
# State Schema Definition
|
51 |
-
# ------------------------------
|
52 |
-
class AgentState(TypedDict):
|
53 |
-
messages: Annotated[Sequence[AIMessage | HumanMessage | ToolMessage], add_messages]
|
54 |
-
context: Dict[str, Any]
|
55 |
-
metadata: Dict[str, Any]
|
56 |
-
|
57 |
-
# ------------------------------
|
58 |
-
# Application Configuration
|
59 |
-
# ------------------------------
|
60 |
-
class ResearchConfig:
|
61 |
-
# Environment & API configuration
|
62 |
-
DEEPSEEK_API_KEY = os.environ.get("DEEPSEEK_API_KEY")
|
63 |
-
CHROMA_PATH = "chroma_db"
|
64 |
-
|
65 |
-
# Document processing settings
|
66 |
-
CHUNK_SIZE = 512
|
67 |
-
CHUNK_OVERLAP = 64
|
68 |
-
MAX_CONCURRENT_REQUESTS = 5
|
69 |
-
EMBEDDING_DIMENSIONS = 1536
|
70 |
-
|
71 |
-
# Mapping of documents to research topics
|
72 |
-
DOCUMENT_MAP = {
|
73 |
-
"Research Report: Results of a New AI Model Improving Image Recognition Accuracy to 98%":
|
74 |
-
"CV-Transformer Hybrid Architecture",
|
75 |
-
"Academic Paper Summary: Why Transformers Became the Mainstream Architecture in Natural Language Processing":
|
76 |
-
"Transformer Architecture Analysis",
|
77 |
-
"Latest Trends in Machine Learning Methods Using Quantum Computing":
|
78 |
-
"Quantum ML Frontiers"
|
79 |
-
}
|
80 |
-
|
81 |
-
# Template for detailed analysis using Markdown and LaTeX formatting
|
82 |
-
ANALYSIS_TEMPLATE = (
|
83 |
-
"Let's think step by step. Synthesize a comprehensive technical report based on the following documents. "
|
84 |
-
"Focus on identifying the key innovations, empirical results, and potential limitations. Explicitly state any assumptions made during your analysis. "
|
85 |
-
"The report MUST be valid Markdown, and all mathematical notation MUST be correctly formatted LaTeX (e.g., `E=mc^2`).\n\n"
|
86 |
-
"Documents:\n{context}\n\n"
|
87 |
-
"Respond with the following structure:\n"
|
88 |
-
"# Technical Analysis Report\n\n"
|
89 |
-
"1. **Key Technical Contributions:** (Bullet points highlighting the main innovations)\n"
|
90 |
-
"2. **Novel Methodologies:** (Detailed explanation of the new methods used)\n"
|
91 |
-
"3. **Empirical Results:** (Quantitative results with specific metrics, e.g., accuracy, precision, recall, F1-score. Include confidence intervals where appropriate.)\n"
|
92 |
-
"4. **Potential Applications:** (Real-world applications of the technology)\n"
|
93 |
-
"5. **Limitations and Future Directions:** (Current limitations and suggestions for future research)\n\n"
|
94 |
-
"Format: Markdown with LaTeX mathematical notation where applicable."
|
95 |
-
)
|
96 |
-
|
97 |
-
# Domain-specific fallback analyses and prompts
|
98 |
-
DOMAIN_FALLBACKS = {
|
99 |
-
"biomedical research": """
|
100 |
-
# Biomedical Research Analysis
|
101 |
-
## Key Contributions
|
102 |
-
- Integration of clinical trial design with digital biomarkers.
|
103 |
-
- Multi-omics data used for precise patient stratification.
|
104 |
-
## Methodologies
|
105 |
-
- Machine learning for precision medicine.
|
106 |
-
- Federated learning for multi-center trials.
|
107 |
-
## Empirical Results
|
108 |
-
- Significant improvements in patient outcomes.
|
109 |
-
## Applications
|
110 |
-
- Personalized medicine, early diagnosis, treatment optimization.
|
111 |
-
""",
|
112 |
-
"legal research": """
|
113 |
-
# Legal Research Analysis
|
114 |
-
## Key Contributions
|
115 |
-
- Analysis of legal precedents using NLP.
|
116 |
-
- Advanced case law retrieval and summarization.
|
117 |
-
## Methodologies
|
118 |
-
- Automated legal reasoning with transformer models.
|
119 |
-
- Sentiment analysis on judicial opinions.
|
120 |
-
## Empirical Results
|
121 |
-
- Improved accuracy in predicting case outcomes.
|
122 |
-
## Applications
|
123 |
-
- Legal analytics, risk assessment, regulatory compliance.
|
124 |
-
""",
|
125 |
-
"environmental and energy studies": """
|
126 |
-
# Environmental and Energy Studies Analysis
|
127 |
-
## Key Contributions
|
128 |
-
- Novel approaches to renewable energy efficiency.
|
129 |
-
- Integration of policy analysis with technical metrics.
|
130 |
-
## Methodologies
|
131 |
-
- Simulation models for climate impact.
|
132 |
-
- Data fusion from sensor networks and satellite imagery.
|
133 |
-
## Empirical Results
|
134 |
-
- Enhanced performance in energy forecasting.
|
135 |
-
## Applications
|
136 |
-
- Sustainable urban planning and energy policy formulation.
|
137 |
-
""",
|
138 |
-
"competitive programming and theoretical computer science": """
|
139 |
-
# Competitive Programming & Theoretical CS Analysis
|
140 |
-
## Key Contributions
|
141 |
-
- Advanced approximation algorithms for NP-hard problems.
|
142 |
-
- Use of parameterized complexity and fixed-parameter tractability.
|
143 |
-
## Methodologies
|
144 |
-
- Branch-and-bound combined with dynamic programming.
|
145 |
-
- Quantum-inspired algorithms for optimization.
|
146 |
-
## Empirical Results
|
147 |
-
- Significant improvements in computational efficiency.
|
148 |
-
## Applications
|
149 |
-
- Optimization in competitive programming and algorithm design.
|
150 |
-
""",
|
151 |
-
"social sciences": """
|
152 |
-
# Social Sciences Analysis
|
153 |
-
## Key Contributions
|
154 |
-
- Identification of economic trends through data analytics.
|
155 |
-
- Integration of sociological data with computational models.
|
156 |
-
## Methodologies
|
157 |
-
- Advanced statistical modeling for behavioral analysis.
|
158 |
-
- Machine learning for trend forecasting.
|
159 |
-
## Empirical Results
|
160 |
-
- High correlation with traditional survey methods.
|
161 |
-
## Applications
|
162 |
-
- Policy design, urban studies, social impact analysis.
|
163 |
-
"""
|
164 |
-
}
|
165 |
-
DOMAIN_PROMPTS = {
|
166 |
-
"biomedical research": """
|
167 |
-
Consider clinical trial design, patient outcomes, and recent biomedical breakthroughs. For example, discuss how a new drug might impact patient survival rates or how a new diagnostic technique might improve early detection of a disease. Discuss specific clinical studies if available.
|
168 |
-
""",
|
169 |
-
"legal research": """
|
170 |
-
Emphasize legal precedents, case law, and nuanced statutory interpretations. For example, when analyzing a case, identify the key holdings, explain the legal reasoning behind the decision, and compare it to other relevant cases. If a statute is involved, discuss how the court interpreted the statute and whether there are any ambiguities or conflicts with other laws.
|
171 |
-
""",
|
172 |
-
"environmental and energy studies": """
|
173 |
-
Highlight renewable energy technologies, efficiency metrics, and policy implications. Provide specific data points on energy consumption and environmental impact. For instance, compare the energy efficiency of solar panels from different manufacturers, or discuss the impact of a specific environmental regulation on air quality.
|
174 |
-
""",
|
175 |
-
"competitive programming and theoretical computer science": """
|
176 |
-
Focus on algorithmic complexity, innovative proofs, and computational techniques. For example, analyze the time and space complexity of a new algorithm, or explain the key steps in a mathematical proof. Include pseudocode or code snippets where appropriate.
|
177 |
-
""",
|
178 |
-
"social sciences": """
|
179 |
-
Concentrate on economic trends, sociological data, and correlations impacting public policy. For example, analyze the impact of a new social program on poverty rates, or discuss the relationship between education levels and income inequality. Cite specific studies and statistical data to support your claims.
|
180 |
-
"""
|
181 |
-
}
|
182 |
-
|
183 |
-
# Ensemble model settings
|
184 |
-
ENSEMBLE_MODELS = {
|
185 |
-
"deepseek-chat": {"max_tokens": 2000, "temp": 0.7},
|
186 |
-
"deepseek-coder": {"max_tokens": 2500, "temp": 0.5}
|
187 |
-
}
|
188 |
-
|
189 |
-
# CLIP model settings for image embeddings
|
190 |
-
CLIP_SETTINGS = {
|
191 |
-
"model": "openai/clip-vit-large-patch14",
|
192 |
-
"image_db": "image_vectors"
|
193 |
-
}
|
194 |
-
|
195 |
-
# Ensure required API keys are configured
|
196 |
-
if not ResearchConfig.DEEPSEEK_API_KEY:
|
197 |
-
st.error(
|
198 |
-
"""**Research Portal Configuration Required**
|
199 |
-
1. Obtain DeepSeek API key: [platform.deepseek.com](https://platform.deepseek.com/)
|
200 |
-
2. Configure secret: `DEEPSEEK_API_KEY` in Space settings
|
201 |
-
3. Rebuild deployment"""
|
202 |
-
)
|
203 |
-
st.stop()
|
204 |
-
|
205 |
-
# ------------------------------
|
206 |
-
# Quantum Document Processing
|
207 |
-
# ------------------------------
|
208 |
-
class QuantumDocumentManager:
|
209 |
-
"""
|
210 |
-
Manages creation of Chroma collections from raw document texts.
|
211 |
-
"""
|
212 |
-
def __init__(self) -> None:
|
213 |
-
try:
|
214 |
-
self.client = chromadb.PersistentClient(path=ResearchConfig.CHROMA_PATH)
|
215 |
-
logger.info("Initialized PersistentClient for Chroma.")
|
216 |
-
except Exception as e:
|
217 |
-
logger.exception("Error initializing PersistentClient; falling back to in-memory client.")
|
218 |
-
self.client = chromadb.Client()
|
219 |
-
self.embeddings = OpenAIEmbeddings(
|
220 |
-
model="text-embedding-3-large",
|
221 |
-
dimensions=ResearchConfig.EMBEDDING_DIMENSIONS
|
222 |
-
)
|
223 |
-
|
224 |
-
def create_collection(self, documents: List[str], collection_name: str) -> Chroma:
|
225 |
-
splitter = RecursiveCharacterTextSplitter(
|
226 |
-
chunk_size=ResearchConfig.CHUNK_SIZE,
|
227 |
-
chunk_overlap=ResearchConfig.CHUNK_OVERLAP,
|
228 |
-
separators=["\n\n", "\n", "|||"]
|
229 |
-
)
|
230 |
-
try:
|
231 |
-
docs = splitter.create_documents(documents)
|
232 |
-
logger.info(f"Created {len(docs)} document chunks for collection '{collection_name}'.")
|
233 |
-
except Exception as e:
|
234 |
-
logger.exception("Error during document splitting.")
|
235 |
-
raise e
|
236 |
-
return Chroma.from_documents(
|
237 |
-
documents=docs,
|
238 |
-
embedding=self.embeddings,
|
239 |
-
client=self.client,
|
240 |
-
collection_name=collection_name,
|
241 |
-
ids=[self._document_id(doc.page_content) for doc in docs]
|
242 |
-
)
|
243 |
-
|
244 |
-
def _document_id(self, content: str) -> str:
|
245 |
-
return f"{hashlib.sha256(content.encode()).hexdigest()[:16]}-{int(time.time())}"
|
246 |
-
|
247 |
-
# ------------------------------
|
248 |
-
# Extended Quantum Document Manager for Multi-Modal Documents
|
249 |
-
# ------------------------------
|
250 |
-
class ExtendedQuantumDocumentManager(QuantumDocumentManager):
|
251 |
-
"""
|
252 |
-
Extends QuantumDocumentManager with multi-modal (image) document handling.
|
253 |
-
Uses dependency injection for CLIP components.
|
254 |
-
"""
|
255 |
-
def __init__(self, clip_model: Any, clip_processor: Any) -> None:
|
256 |
-
super().__init__()
|
257 |
-
self.clip_model = clip_model
|
258 |
-
self.clip_processor = clip_processor
|
259 |
-
|
260 |
-
def create_image_collection(self, image_paths: List[str]) -> Optional[Chroma]:
|
261 |
-
embeddings = []
|
262 |
-
valid_images = []
|
263 |
-
for img_path in image_paths:
|
264 |
-
try:
|
265 |
-
image = Image.open(img_path)
|
266 |
-
inputs = self.clip_processor(images=image, return_tensors="pt")
|
267 |
-
with torch.no_grad():
|
268 |
-
emb = self.clip_model.get_image_features(**inputs)
|
269 |
-
embeddings.append(emb.numpy())
|
270 |
-
valid_images.append(img_path)
|
271 |
-
except FileNotFoundError:
|
272 |
-
logger.warning(f"Image file not found: {img_path}. Skipping.")
|
273 |
-
except Exception as e:
|
274 |
-
logger.exception(f"Error processing image {img_path}: {str(e)}")
|
275 |
-
if not embeddings:
|
276 |
-
logger.error("No valid images found for image collection.")
|
277 |
-
return None
|
278 |
-
return Chroma.from_embeddings(
|
279 |
-
embeddings=embeddings,
|
280 |
-
documents=valid_images,
|
281 |
-
collection_name="neuro_images"
|
282 |
-
)
|
283 |
-
|
284 |
-
# Initialize document collections
|
285 |
-
qdm = ExtendedQuantumDocumentManager(clip_model=None, clip_processor=None) # clip_model/processor to be set later
|
286 |
-
research_docs = qdm.create_collection([
|
287 |
-
"Research Report: Results of a New AI Model Improving Image Recognition Accuracy to 98%",
|
288 |
-
"Academic Paper Summary: Why Transformers Became the Mainstream Architecture in Natural Language Processing",
|
289 |
-
"Latest Trends in Machine Learning Methods Using Quantum Computing"
|
290 |
-
], "research")
|
291 |
-
development_docs = qdm.create_collection([
|
292 |
-
"Project A: UI Design Completed, API Integration in Progress",
|
293 |
-
"Project B: Testing New Feature X, Bug Fixes Needed",
|
294 |
-
"Product Y: In the Performance Optimization Stage Before Release"
|
295 |
-
], "development")
|
296 |
-
|
297 |
-
# ------------------------------
|
298 |
-
# Advanced Retrieval System
|
299 |
-
# ------------------------------
|
300 |
-
class ResearchRetriever:
|
301 |
-
"""
|
302 |
-
Provides retrieval methods for research and development domains.
|
303 |
-
"""
|
304 |
-
def __init__(self) -> None:
|
305 |
-
try:
|
306 |
-
self.research_retriever = research_docs.as_retriever(
|
307 |
-
search_type="mmr",
|
308 |
-
search_kwargs={'k': 4, 'fetch_k': 20, 'lambda_mult': 0.85}
|
309 |
-
)
|
310 |
-
self.development_retriever = development_docs.as_retriever(
|
311 |
-
search_type="similarity",
|
312 |
-
search_kwargs={'k': 3}
|
313 |
-
)
|
314 |
-
logger.info("Initialized retrievers for research and development domains.")
|
315 |
-
except Exception as e:
|
316 |
-
logger.exception("Error initializing retrievers.")
|
317 |
-
raise e
|
318 |
-
|
319 |
-
def retrieve(self, query: str, domain: str) -> List[Any]:
|
320 |
-
try:
|
321 |
-
return self.research_retriever.invoke(query)
|
322 |
-
except Exception as e:
|
323 |
-
logger.exception(f"Retrieval error for domain '{domain}'.")
|
324 |
-
return []
|
325 |
-
|
326 |
-
retriever = ResearchRetriever()
|
327 |
-
|
328 |
-
# ------------------------------
|
329 |
-
# Cognitive Processing Unit
|
330 |
-
# ------------------------------
|
331 |
-
class CognitiveProcessor:
|
332 |
-
"""
|
333 |
-
Executes API requests to the backend using triple redundancy and consolidates results via a consensus mechanism.
|
334 |
-
"""
|
335 |
-
def __init__(self) -> None:
|
336 |
-
self.executor = ThreadPoolExecutor(max_workers=ResearchConfig.MAX_CONCURRENT_REQUESTS)
|
337 |
-
self.session_id = hashlib.sha256(datetime.now().isoformat().encode()).hexdigest()[:12]
|
338 |
-
|
339 |
-
def process_query(self, prompt: str) -> Dict:
|
340 |
-
futures = [self.executor.submit(self._execute_api_request, prompt) for _ in range(3)]
|
341 |
-
results = []
|
342 |
-
for future in as_completed(futures):
|
343 |
-
try:
|
344 |
-
results.append(future.result())
|
345 |
-
except Exception as e:
|
346 |
-
logger.exception("Error during API request execution.")
|
347 |
-
st.error(f"Processing Error: {str(e)}")
|
348 |
-
return self._consensus_check(results)
|
349 |
-
|
350 |
-
def _execute_api_request(self, prompt: str) -> Dict:
|
351 |
-
headers = {
|
352 |
-
"Authorization": f"Bearer {ResearchConfig.DEEPSEEK_API_KEY}",
|
353 |
-
"Content-Type": "application/json",
|
354 |
-
"X-Research-Session": self.session_id
|
355 |
-
}
|
356 |
-
payload = {
|
357 |
-
"model": "deepseek-chat",
|
358 |
-
"messages": [{
|
359 |
-
"role": "user",
|
360 |
-
"content": f"Respond as a Senior AI Researcher and Technical Writer:\n{prompt}"
|
361 |
-
}],
|
362 |
-
"temperature": 0.7,
|
363 |
-
"max_tokens": 1500,
|
364 |
-
"top_p": 0.9
|
365 |
-
}
|
366 |
-
try:
|
367 |
-
response = requests.post(
|
368 |
-
"https://api.deepseek.com/v1/chat/completions",
|
369 |
-
headers=headers,
|
370 |
-
json=payload,
|
371 |
-
timeout=45
|
372 |
-
)
|
373 |
-
response.raise_for_status()
|
374 |
-
logger.info("Backend API request successful.")
|
375 |
-
return response.json()
|
376 |
-
except requests.exceptions.RequestException as e:
|
377 |
-
logger.exception("Backend API request failed.")
|
378 |
-
return {"error": str(e)}
|
379 |
-
|
380 |
-
def _consensus_check(self, results: List[Dict]) -> Dict:
|
381 |
-
valid_results = [r for r in results if "error" not in r]
|
382 |
-
if not valid_results:
|
383 |
-
logger.error("All API requests failed.")
|
384 |
-
return {"error": "All API requests failed"}
|
385 |
-
# Choose the result with the longest response content as a simple consensus metric
|
386 |
-
return max(valid_results, key=lambda x: len(x.get('choices', [{}])[0].get('message', {}).get('content', '')))
|
387 |
-
|
388 |
-
# ------------------------------
|
389 |
-
# Enhanced Cognitive Processor with Ensemble & Knowledge Graph Integration
|
390 |
-
# ------------------------------
|
391 |
-
class EnhancedCognitiveProcessor(CognitiveProcessor):
|
392 |
-
"""
|
393 |
-
Extends CognitiveProcessor with ensemble processing and knowledge graph integration.
|
394 |
-
"""
|
395 |
-
def __init__(self) -> None:
|
396 |
-
super().__init__()
|
397 |
-
self.knowledge_graph = QuantumKnowledgeGraph()
|
398 |
-
self.ensemble_models = ["deepseek-chat", "deepseek-coder"]
|
399 |
-
|
400 |
-
def process_query(self, prompt: str) -> Dict:
|
401 |
-
futures = [self.executor.submit(self._execute_api_request, prompt, model) for model in self.ensemble_models]
|
402 |
-
results = []
|
403 |
-
for future in as_completed(futures):
|
404 |
-
try:
|
405 |
-
results.append(future.result())
|
406 |
-
except Exception as e:
|
407 |
-
logger.error(f"Model processing error: {str(e)}")
|
408 |
-
best_response = self._consensus_check(results)
|
409 |
-
self._update_knowledge_graph(best_response)
|
410 |
-
return best_response
|
411 |
-
|
412 |
-
def _execute_api_request(self, prompt: str, model: str) -> Dict:
|
413 |
-
headers = {
|
414 |
-
"Authorization": f"Bearer {ResearchConfig.DEEPSEEK_API_KEY}",
|
415 |
-
"Content-Type": "application/json",
|
416 |
-
"X-Research-Session": self.session_id
|
417 |
-
}
|
418 |
-
payload = {
|
419 |
-
"model": model,
|
420 |
-
"messages": [{
|
421 |
-
"role": "user",
|
422 |
-
"content": f"Respond as a Senior AI Researcher and Technical Writer:\n{prompt}"
|
423 |
-
}],
|
424 |
-
"temperature": ResearchConfig.ENSEMBLE_MODELS[model]["temp"],
|
425 |
-
"max_tokens": ResearchConfig.ENSEMBLE_MODELS[model]["max_tokens"],
|
426 |
-
"top_p": 0.9
|
427 |
-
}
|
428 |
-
try:
|
429 |
-
response = requests.post(
|
430 |
-
"https://api.deepseek.com/v1/chat/completions",
|
431 |
-
headers=headers,
|
432 |
-
json=payload,
|
433 |
-
timeout=45
|
434 |
-
)
|
435 |
-
response.raise_for_status()
|
436 |
-
logger.info(f"API request successful for model {model}.")
|
437 |
-
return response.json()
|
438 |
-
except requests.exceptions.RequestException as e:
|
439 |
-
logger.exception(f"API request failed for model {model}.")
|
440 |
-
return {"error": str(e)}
|
441 |
-
|
442 |
-
def _update_knowledge_graph(self, response: Dict) -> None:
|
443 |
-
content = response.get('choices', [{}])[0].get('message', {}).get('content', '')
|
444 |
-
node_id = self.knowledge_graph.create_node({"content": content}, "analysis")
|
445 |
-
if self.knowledge_graph.node_counter > 1:
|
446 |
-
self.knowledge_graph.create_relation(node_id - 1, node_id, "evolution", strength=0.8)
|
447 |
-
|
448 |
-
# ------------------------------
|
449 |
-
# Quantum Knowledge Graph & Multi-Modal Enhancements
|
450 |
-
# ------------------------------
|
451 |
-
from graphviz import Digraph
|
452 |
-
|
453 |
-
class QuantumKnowledgeGraph:
|
454 |
-
"""
|
455 |
-
Represents a dynamic, multi-modal knowledge graph.
|
456 |
-
"""
|
457 |
-
def __init__(self):
|
458 |
-
self.nodes: Dict[int, Dict[str, Any]] = {}
|
459 |
-
self.relations: List[Dict[str, Any]] = []
|
460 |
-
self.node_counter = 0
|
461 |
-
|
462 |
-
def create_node(self, content: Dict, node_type: str) -> int:
|
463 |
-
self.node_counter += 1
|
464 |
-
self.nodes[self.node_counter] = {
|
465 |
-
"id": self.node_counter,
|
466 |
-
"content": content,
|
467 |
-
"type": node_type,
|
468 |
-
"connections": []
|
469 |
-
}
|
470 |
-
return self.node_counter
|
471 |
-
|
472 |
-
def create_relation(self, source: int, target: int, rel_type: str, strength: float = 1.0) -> None:
|
473 |
-
self.relations.append({
|
474 |
-
"source": source,
|
475 |
-
"target": target,
|
476 |
-
"type": rel_type,
|
477 |
-
"strength": strength
|
478 |
-
})
|
479 |
-
self.nodes[source]["connections"].append(target)
|
480 |
-
|
481 |
-
def visualize_graph(self, focus_node: Optional[int] = None) -> str:
|
482 |
-
dot = Digraph(engine="neato")
|
483 |
-
for nid, node in self.nodes.items():
|
484 |
-
label = f"{node['type']}\n{self._truncate_content(node['content'])}"
|
485 |
-
dot.node(str(nid), label)
|
486 |
-
for rel in self.relations:
|
487 |
-
dot.edge(str(rel["source"]), str(rel["target"]), label=rel["type"])
|
488 |
-
if focus_node:
|
489 |
-
dot.node(str(focus_node), color="red", style="filled")
|
490 |
-
return dot.source
|
491 |
-
|
492 |
-
def _truncate_content(self, content: Dict) -> str:
|
493 |
-
return json.dumps(content)[:50] + "..."
|
494 |
-
|
495 |
-
# ------------------------------
|
496 |
-
# Multi-Modal Retriever
|
497 |
-
# ------------------------------
|
498 |
-
class MultiModalRetriever:
|
499 |
-
"""
|
500 |
-
Enhanced retrieval system that integrates text, image, and code snippet search.
|
501 |
-
"""
|
502 |
-
def __init__(self, text_retriever: Any, clip_model: Any, clip_processor: Any) -> None:
|
503 |
-
self.text_retriever = text_retriever
|
504 |
-
self.clip_model = clip_model
|
505 |
-
self.clip_processor = clip_processor
|
506 |
-
self.code_retriever = create_retriever_tool([], "Code Retriever", "Retriever for code snippets")
|
507 |
-
|
508 |
-
def retrieve(self, query: str, domain: str) -> Dict[str, List]:
|
509 |
-
return {
|
510 |
-
"text": self._retrieve_text(query),
|
511 |
-
"images": self._retrieve_images(query),
|
512 |
-
"code": self._retrieve_code(query)
|
513 |
-
}
|
514 |
-
|
515 |
-
def _retrieve_text(self, query: str) -> List[Any]:
|
516 |
-
return self.text_retriever.invoke(query)
|
517 |
-
|
518 |
-
def _retrieve_images(self, query: str) -> List[str]:
|
519 |
-
inputs = self.clip_processor(text=query, return_tensors="pt")
|
520 |
-
with torch.no_grad():
|
521 |
-
_ = self.clip_model.get_text_features(**inputs)
|
522 |
-
return ["image_result_1.png", "image_result_2.png"]
|
523 |
-
|
524 |
-
def _retrieve_code(self, query: str) -> List[str]:
|
525 |
-
return self.code_retriever.invoke(query)
|
526 |
-
|
527 |
-
# ------------------------------
|
528 |
-
# Research Workflow
|
529 |
-
# ------------------------------
|
530 |
-
class ResearchWorkflow:
|
531 |
-
"""
|
532 |
-
Defines a multi-step research workflow using a state graph.
|
533 |
-
"""
|
534 |
-
def __init__(self) -> None:
|
535 |
-
self.processor = EnhancedCognitiveProcessor()
|
536 |
-
self.workflow = StateGraph(AgentState)
|
537 |
-
self._build_workflow()
|
538 |
-
self.app = self.workflow.compile()
|
539 |
-
|
540 |
-
def _build_workflow(self) -> None:
|
541 |
-
self.workflow.add_node("ingest", self.ingest_query)
|
542 |
-
self.workflow.add_node("retrieve", self.retrieve_documents)
|
543 |
-
self.workflow.add_node("analyze", self.analyze_content)
|
544 |
-
self.workflow.add_node("validate", self.validate_output)
|
545 |
-
self.workflow.add_node("refine", self.refine_results)
|
546 |
-
self.workflow.set_entry_point("ingest")
|
547 |
-
self.workflow.add_edge("ingest", "retrieve")
|
548 |
-
self.workflow.add_edge("retrieve", "analyze")
|
549 |
-
self.workflow.add_conditional_edges(
|
550 |
-
"analyze",
|
551 |
-
self._quality_check,
|
552 |
-
{"valid": "validate", "invalid": "refine"}
|
553 |
-
)
|
554 |
-
self.workflow.add_edge("validate", END)
|
555 |
-
self.workflow.add_edge("refine", "retrieve")
|
556 |
-
# Extended node for multi-modal enhancement
|
557 |
-
self.workflow.add_node("enhance", self.enhance_analysis)
|
558 |
-
self.workflow.add_edge("validate", "enhance")
|
559 |
-
self.workflow.add_edge("enhance", END)
|
560 |
-
|
561 |
-
def ingest_query(self, state: AgentState) -> Dict:
|
562 |
-
try:
|
563 |
-
query = state["messages"][-1].content
|
564 |
-
# Retrieve the domain from the state's context (defaulting to Biomedical Research)
|
565 |
-
domain = state.get("context", {}).get("domain", "Biomedical Research")
|
566 |
-
new_context = {"raw_query": query, "domain": domain, "refine_count": 0, "refinement_history": []}
|
567 |
-
logger.info(f"Query ingested. Domain: {domain}")
|
568 |
-
return {
|
569 |
-
"messages": [AIMessage(content="Query ingested successfully")],
|
570 |
-
"context": new_context,
|
571 |
-
"metadata": {"timestamp": datetime.now().isoformat()}
|
572 |
-
}
|
573 |
-
except Exception as e:
|
574 |
-
logger.exception("Error during query ingestion.")
|
575 |
-
return self._error_state(f"Ingestion Error: {str(e)}")
|
576 |
-
|
577 |
-
def retrieve_documents(self, state: AgentState) -> Dict:
|
578 |
-
try:
|
579 |
-
query = state["context"]["raw_query"]
|
580 |
-
docs = retriever.retrieve(query, state["context"].get("domain", "Biomedical Research"))
|
581 |
-
logger.info(f"Retrieved {len(docs)} documents for query.")
|
582 |
-
return {
|
583 |
-
"messages": [AIMessage(content=f"Retrieved {len(docs)} documents")],
|
584 |
-
"context": {
|
585 |
-
"documents": docs,
|
586 |
-
"retrieval_time": time.time(),
|
587 |
-
"refine_count": state["context"].get("refine_count", 0),
|
588 |
-
"refinement_history": state["context"].get("refinement_history", []),
|
589 |
-
"domain": state["context"].get("domain", "Biomedical Research")
|
590 |
-
}
|
591 |
-
}
|
592 |
-
except Exception as e:
|
593 |
-
logger.exception("Error during document retrieval.")
|
594 |
-
return self._error_state(f"Retrieval Error: {str(e)}")
|
595 |
-
|
596 |
-
def analyze_content(self, state: AgentState) -> Dict:
|
597 |
-
"""
|
598 |
-
Analyzes the retrieved documents. If a domain-specific fallback is available, it is used;
|
599 |
-
otherwise, the system synthesizes a comprehensive analysis via the cognitive processor.
|
600 |
-
"""
|
601 |
-
try:
|
602 |
-
domain = state["context"].get("domain", "Biomedical Research").strip().lower()
|
603 |
-
fallback_analyses = ResearchConfig.DOMAIN_FALLBACKS
|
604 |
-
if domain in fallback_analyses:
|
605 |
-
logger.info(f"Using fallback analysis for domain: {state['context'].get('domain')}")
|
606 |
-
return {
|
607 |
-
"messages": [AIMessage(content=fallback_analyses[domain].strip())],
|
608 |
-
"context": state["context"]
|
609 |
-
}
|
610 |
-
else:
|
611 |
-
docs = state["context"].get("documents", [])
|
612 |
-
docs_text = "\n\n".join([d.page_content for d in docs])
|
613 |
-
domain_prompt = ResearchConfig.DOMAIN_PROMPTS.get(domain, "")
|
614 |
-
full_prompt = f"{domain_prompt}\n\n" + ResearchConfig.ANALYSIS_TEMPLATE.format(context=docs_text)
|
615 |
-
response = self.processor.process_query(full_prompt)
|
616 |
-
if "error" in response:
|
617 |
-
logger.error("Backend response error during analysis.")
|
618 |
-
return self._error_state(response["error"])
|
619 |
-
logger.info("Content analysis completed.")
|
620 |
-
return {
|
621 |
-
"messages": [AIMessage(content=response.get('choices', [{}])[0].get('message', {}).get('content', ''))],
|
622 |
-
"context": state["context"]
|
623 |
-
}
|
624 |
-
except Exception as e:
|
625 |
-
logger.exception("Error during content analysis.")
|
626 |
-
return self._error_state(f"Analysis Error: {str(e)}")
|
627 |
-
|
628 |
-
def validate_output(self, state: AgentState) -> Dict:
|
629 |
-
try:
|
630 |
-
analysis = state["messages"][-1].content
|
631 |
-
validation_prompt = (
|
632 |
-
f"Validate the following research analysis:\n{analysis}\n\n"
|
633 |
-
"Check for:\n"
|
634 |
-
"1. Technical accuracy\n"
|
635 |
-
"2. Citation support (are claims backed by evidence?)\n"
|
636 |
-
"3. Logical consistency\n"
|
637 |
-
"4. Methodological soundness\n\n"
|
638 |
-
"Respond with 'VALID: [brief justification]' or 'INVALID: [brief justification]'."
|
639 |
-
)
|
640 |
-
response = self.processor.process_query(validation_prompt)
|
641 |
-
logger.info("Output validation completed.")
|
642 |
-
return {
|
643 |
-
"messages": [AIMessage(content=analysis + f"\n\nValidation: {response.get('choices', [{}])[0].get('message', {}).get('content', '')}")]
|
644 |
-
}
|
645 |
-
except Exception as e:
|
646 |
-
logger.exception("Error during output validation.")
|
647 |
-
return self._error_state(f"Validation Error: {str(e)}")
|
648 |
-
|
649 |
-
def refine_results(self, state: AgentState) -> Dict:
|
650 |
-
try:
|
651 |
-
current_count = state["context"].get("refine_count", 0)
|
652 |
-
state["context"]["refine_count"] = current_count + 1
|
653 |
-
refinement_history = state["context"].setdefault("refinement_history", [])
|
654 |
-
current_analysis = state["messages"][-1].content
|
655 |
-
refinement_history.append(current_analysis)
|
656 |
-
difficulty_level = max(0, 3 - state["context"]["refine_count"])
|
657 |
-
logger.info(f"Refinement iteration: {state['context']['refine_count']}, Difficulty level: {difficulty_level}")
|
658 |
-
|
659 |
-
if state["context"]["refine_count"] >= 3:
|
660 |
-
meta_prompt = (
|
661 |
-
"You are given the following series of refinement outputs:\n" +
|
662 |
-
"\n---\n".join(refinement_history) +
|
663 |
-
"\n\nSynthesize the above into a final, concise, and high-quality technical analysis report. "
|
664 |
-
"Focus on the key findings and improvements made across the iterations. Do not introduce new ideas; just synthesize the improvements. Ensure the report is well-structured and easy to understand."
|
665 |
-
)
|
666 |
-
meta_response = self.processor.process_query(meta_prompt)
|
667 |
-
logger.info("Meta-refinement completed.")
|
668 |
-
return {
|
669 |
-
"messages": [AIMessage(content=meta_response.get('choices', [{}])[0].get('message', {}).get('content', ''))],
|
670 |
-
"context": state["context"]
|
671 |
-
}
|
672 |
-
else:
|
673 |
-
refinement_prompt = (
|
674 |
-
f"Refine this analysis (current difficulty level: {difficulty_level}):\n{current_analysis}\n\n"
|
675 |
-
"First, critically evaluate the analysis and identify its weaknesses, such as inaccuracies, unsupported claims, or lack of clarity. Summarize these weaknesses in a short paragraph.\n\n"
|
676 |
-
"Then, improve the following aspects:\n"
|
677 |
-
"1. Technical precision\n"
|
678 |
-
"2. Empirical grounding\n"
|
679 |
-
"3. Theoretical coherence\n\n"
|
680 |
-
"Use a structured difficulty gradient approach (similar to LADDER) to produce a simpler yet more accurate variant, addressing the weaknesses identified."
|
681 |
-
)
|
682 |
-
response = self.processor.process_query(refinement_prompt)
|
683 |
-
logger.info("Refinement completed.")
|
684 |
-
return {
|
685 |
-
"messages": [AIMessage(content=response.get('choices', [{}])[0].get('message', {}).get('content', ''))],
|
686 |
-
"context": state["context"]
|
687 |
-
}
|
688 |
-
except Exception as e:
|
689 |
-
logger.exception("Error during refinement.")
|
690 |
-
return self._error_state(f"Refinement Error: {str(e)}")
|
691 |
-
|
692 |
-
def _quality_check(self, state: AgentState) -> str:
|
693 |
-
refine_count = state["context"].get("refine_count", 0)
|
694 |
-
if refine_count >= 3:
|
695 |
-
logger.warning("Refinement limit reached. Forcing valid outcome.")
|
696 |
-
return "valid"
|
697 |
-
content = state["messages"][-1].content
|
698 |
-
quality = "valid" if "VALID" in content else "invalid"
|
699 |
-
logger.info(f"Quality check returned: {quality}")
|
700 |
-
return quality
|
701 |
-
|
702 |
-
def _error_state(self, message: str) -> Dict:
|
703 |
-
logger.error(message)
|
704 |
-
return {
|
705 |
-
"messages": [AIMessage(content=f"❌ {message}")],
|
706 |
-
"context": {"error": True},
|
707 |
-
"metadata": {"status": "error"}
|
708 |
-
}
|
709 |
-
|
710 |
-
def enhance_analysis(self, state: AgentState) -> Dict:
|
711 |
-
try:
|
712 |
-
analysis = state["messages"][-1].content
|
713 |
-
enhanced = f"{analysis}\n\n## Multi-Modal Insights\n"
|
714 |
-
if "images" in state["context"]:
|
715 |
-
enhanced += "### Visual Evidence\n"
|
716 |
-
for img in state["context"]["images"]:
|
717 |
-
enhanced += f"\n"
|
718 |
-
if "code" in state["context"]:
|
719 |
-
enhanced += "### Code Artifacts\n```python\n"
|
720 |
-
for code in state["context"]["code"]:
|
721 |
-
enhanced += f"{code}\n"
|
722 |
-
enhanced += "```"
|
723 |
-
return {
|
724 |
-
"messages": [AIMessage(content=enhanced)],
|
725 |
-
"context": state["context"]
|
726 |
-
}
|
727 |
-
except Exception as e:
|
728 |
-
logger.exception("Error during multi-modal enhancement.")
|
729 |
-
return self._error_state(f"Enhancement Error: {str(e)}")
|
730 |
-
|
731 |
-
# ------------------------------
|
732 |
-
# Streamlit Research Interface
|
733 |
-
# ------------------------------
|
734 |
-
class ResearchInterface:
|
735 |
-
"""
|
736 |
-
Provides the Streamlit-based interface for executing the research workflow.
|
737 |
-
"""
|
738 |
-
def __init__(self) -> None:
|
739 |
-
self.workflow = ResearchWorkflow()
|
740 |
-
self._initialize_interface()
|
741 |
-
|
742 |
-
def _initialize_interface(self) -> None:
|
743 |
-
st.set_page_config(
|
744 |
-
page_title="NeuroResearch AI",
|
745 |
-
layout="wide",
|
746 |
-
initial_sidebar_state="expanded"
|
747 |
-
)
|
748 |
-
self._inject_styles()
|
749 |
-
self._build_sidebar()
|
750 |
-
self._build_main_interface()
|
751 |
-
|
752 |
-
def _inject_styles(self) -> None:
|
753 |
-
st.markdown(
|
754 |
-
"""
|
755 |
-
<style>
|
756 |
-
:root {
|
757 |
-
--primary: #2ecc71;
|
758 |
-
--secondary: #3498db;
|
759 |
-
--background: #0a0a0a;
|
760 |
-
--text: #ecf0f1;
|
761 |
-
}
|
762 |
-
.stApp {
|
763 |
-
background: var(--background);
|
764 |
-
color: var(--text);
|
765 |
-
font-family: 'Roboto', sans-serif;
|
766 |
-
}
|
767 |
-
.stTextArea textarea {
|
768 |
-
background: #1a1a1a !important;
|
769 |
-
color: var(--text) !important;
|
770 |
-
border: 2px solid var(--secondary);
|
771 |
-
border-radius: 8px;
|
772 |
-
padding: 1rem;
|
773 |
-
}
|
774 |
-
.stButton>button {
|
775 |
-
background: linear-gradient(135deg, var(--primary), var(--secondary));
|
776 |
-
border: none;
|
777 |
-
border-radius: 8px;
|
778 |
-
padding: 1rem 2rem;
|
779 |
-
transition: all 0.3s;
|
780 |
-
}
|
781 |
-
.stButton>button:hover {
|
782 |
-
transform: translateY(-2px);
|
783 |
-
box-shadow: 0 4px 12px rgba(46, 204, 113, 0.3);
|
784 |
-
}
|
785 |
-
.stExpander {
|
786 |
-
background: #1a1a1a;
|
787 |
-
border: 1px solid #2a2a2a;
|
788 |
-
border-radius: 8px;
|
789 |
-
margin: 1rem 0;
|
790 |
-
}
|
791 |
-
</style>
|
792 |
-
""",
|
793 |
-
unsafe_allow_html=True
|
794 |
-
)
|
795 |
-
|
796 |
-
def _build_sidebar(self) -> None:
|
797 |
-
with st.sidebar:
|
798 |
-
st.title("🔍 Research Database")
|
799 |
-
st.subheader("Technical Papers")
|
800 |
-
for title, short in ResearchConfig.DOCUMENT_MAP.items():
|
801 |
-
with st.expander(short):
|
802 |
-
st.markdown(f"```\n{title}\n```")
|
803 |
-
st.subheader("Analysis Metrics")
|
804 |
-
st.metric("Vector Collections", 2)
|
805 |
-
st.metric("Embedding Dimensions", ResearchConfig.EMBEDDING_DIMENSIONS)
|
806 |
-
with st.sidebar.expander("Collaboration Hub"):
|
807 |
-
st.subheader("Live Research Team")
|
808 |
-
st.write("👩💻 Researcher A")
|
809 |
-
st.write("👨🔬 Researcher B")
|
810 |
-
st.write("🤖 AI Assistant")
|
811 |
-
st.subheader("Knowledge Graph")
|
812 |
-
if st.button("🕸 View Current Graph"):
|
813 |
-
self._display_knowledge_graph()
|
814 |
-
|
815 |
-
def _build_main_interface(self) -> None:
|
816 |
-
st.title("🧠 NeuroResearch AI")
|
817 |
-
query = st.text_area("Research Query:", height=200, placeholder="Enter technical research question...")
|
818 |
-
domain = st.selectbox(
|
819 |
-
"Select Research Domain:",
|
820 |
-
options=[
|
821 |
-
"Biomedical Research",
|
822 |
-
"Legal Research",
|
823 |
-
"Environmental and Energy Studies",
|
824 |
-
"Competitive Programming and Theoretical Computer Science",
|
825 |
-
"Social Sciences"
|
826 |
-
],
|
827 |
-
index=0
|
828 |
-
)
|
829 |
-
if st.button("Execute Analysis", type="primary"):
|
830 |
-
self._execute_analysis(query, domain)
|
831 |
-
|
832 |
-
def _execute_analysis(self, query: str, domain: str) -> None:
|
833 |
-
try:
|
834 |
-
with st.spinner("Initializing Quantum Analysis..."):
|
835 |
-
results = self.workflow.app.stream(
|
836 |
-
{
|
837 |
-
"messages": [HumanMessage(content=query)],
|
838 |
-
"context": {"domain": domain},
|
839 |
-
"metadata": {}
|
840 |
-
},
|
841 |
-
{"recursion_limit": 100}
|
842 |
-
)
|
843 |
-
for event in results:
|
844 |
-
self._render_event(event)
|
845 |
-
st.success("✅ Analysis Completed Successfully")
|
846 |
-
except Exception as e:
|
847 |
-
logger.exception("Workflow execution failed.")
|
848 |
-
st.error(
|
849 |
-
f"""**Analysis Failed**
|
850 |
-
{str(e)}
|
851 |
-
Potential issues:
|
852 |
-
- Complex query structure
|
853 |
-
- Document correlation failure
|
854 |
-
- Temporal processing constraints"""
|
855 |
-
)
|
856 |
-
|
857 |
-
def _render_event(self, event: Dict) -> None:
|
858 |
-
if 'ingest' in event:
|
859 |
-
with st.container():
|
860 |
-
st.success("✅ Query Ingested")
|
861 |
-
elif 'retrieve' in event:
|
862 |
-
with st.container():
|
863 |
-
docs = event['retrieve']['context'].get('documents', [])
|
864 |
-
st.info(f"📚 Retrieved {len(docs)} documents")
|
865 |
-
with st.expander("View Retrieved Documents", expanded=False):
|
866 |
-
for idx, doc in enumerate(docs, start=1):
|
867 |
-
st.markdown(f"**Document {idx}**")
|
868 |
-
st.code(doc.page_content, language='text')
|
869 |
-
elif 'analyze' in event:
|
870 |
-
with st.container():
|
871 |
-
content = event['analyze']['messages'][0].content
|
872 |
-
with st.expander("Technical Analysis Report", expanded=True):
|
873 |
-
st.markdown(content)
|
874 |
-
elif 'validate' in event:
|
875 |
-
with st.container():
|
876 |
-
content = event['validate']['messages'][0].content
|
877 |
-
if "VALID" in content:
|
878 |
-
st.success("✅ Validation Passed")
|
879 |
-
with st.expander("View Validated Analysis", expanded=True):
|
880 |
-
st.markdown(content.split("Validation:")[0])
|
881 |
-
else:
|
882 |
-
st.warning("⚠️ Validation Issues Detected")
|
883 |
-
with st.expander("View Validation Details", expanded=True):
|
884 |
-
st.markdown(content)
|
885 |
-
elif 'enhance' in event:
|
886 |
-
with st.container():
|
887 |
-
content = event['enhance']['messages'][0].content
|
888 |
-
with st.expander("Enhanced Multi-Modal Analysis Report", expanded=True):
|
889 |
-
st.markdown(content)
|
890 |
-
|
891 |
-
def _display_knowledge_graph(self) -> None:
|
892 |
-
st.write("Knowledge Graph visualization is not implemented yet.")
|
893 |
-
|
894 |
-
# ------------------------------
|
895 |
-
# Multi-Modal Retriever Initialization
|
896 |
-
# ------------------------------
|
897 |
-
from transformers import CLIPProcessor, CLIPModel
|
898 |
-
|
899 |
-
# Load CLIP components
|
900 |
-
clip_model = CLIPModel.from_pretrained(ResearchConfig.CLIP_SETTINGS["model"])
|
901 |
-
clip_processor = CLIPProcessor.from_pretrained(ResearchConfig.CLIP_SETTINGS["model"])
|
902 |
-
|
903 |
-
# Update the ExtendedQuantumDocumentManager with the loaded CLIP components
|
904 |
-
qdm.clip_model = clip_model
|
905 |
-
qdm.clip_processor = clip_processor
|
906 |
-
|
907 |
-
multi_retriever = MultiModalRetriever(retriever.research_retriever, clip_model, clip_processor)
|
908 |
-
|
909 |
-
# ------------------------------
|
910 |
-
# Execute the Application
|
911 |
-
# ------------------------------
|
912 |
-
class ResearchInterfaceExtended(ResearchInterface):
|
913 |
-
"""
|
914 |
-
Extended interface that includes domain adaptability, collaboration features, and graph visualization.
|
915 |
-
"""
|
916 |
-
def _build_main_interface(self) -> None:
|
917 |
-
super()._build_main_interface()
|
918 |
|
919 |
if __name__ == "__main__":
|
920 |
ResearchInterfaceExtended()
|
|
|
1 |
+
# main.py
|
|
|
|
|
|
|
|
|
|
|
|
|
2 |
|
3 |
+
from interface import ResearchInterfaceExtended
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
4 |
|
5 |
if __name__ == "__main__":
|
6 |
ResearchInterfaceExtended()
|