talhasideline commited on
Commit
e6c15c5
·
verified ·
1 Parent(s): 0376f71

Upload 9 files

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ hockey_faiss_index.index filter=lfs diff=lfs merge=lfs -text
Original_OpenAPI_DB.py ADDED
@@ -0,0 +1,394 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import logging
2
+ import os
3
+ import re
4
+ import json
5
+ import numpy as np
6
+ from dotenv import load_dotenv
7
+ import httpx
8
+ from langdetect import detect
9
+ from deep_translator import GoogleTranslator
10
+ from tenacity import retry, stop_after_attempt, wait_exponential
11
+ from typing import Dict, List, Any, Optional
12
+ from datetime import datetime
13
+
14
+ # Try to import optional dependencies
15
+ try:
16
+ import faiss
17
+ FAISS_AVAILABLE = True
18
+ except ImportError:
19
+ FAISS_AVAILABLE = False
20
+ logging.warning("FAISS not available - semantic search disabled")
21
+
22
+ try:
23
+ from sentence_transformers import SentenceTransformer, util
24
+ TRANSFORMERS_AVAILABLE = True
25
+ except ImportError:
26
+ TRANSFORMERS_AVAILABLE = False
27
+ logging.warning("SentenceTransformers not available - semantic search disabled")
28
+
29
+ # Configure logging
30
+ logging.basicConfig(level=logging.INFO, format="%(asctime)s - %(levelname)s - %(message)s")
31
+
32
+ # Load environment variables
33
+ load_dotenv()
34
+ OPENROUTER_API_KEY = os.getenv("OPENROUTER_API_KEY")
35
+ OPENROUTER_API_URL = "https://openrouter.ai/api/v1/chat/completions"
36
+
37
+ # Embedding file paths
38
+ EMBEDDINGS_PATH = "hockey_embeddings.npy"
39
+ METADATA_PATH = "hockey_metadata.json"
40
+ INDEX_PATH = "hockey_faiss_index.index"
41
+
42
+ if not OPENROUTER_API_KEY:
43
+ logging.warning("OPENROUTER_API_KEY not set in environment - API calls will fail")
44
+
45
+ # In-memory conversation history
46
+ conversation_histories = {}
47
+
48
+ # Global variables for ML resources
49
+ sentence_model = None
50
+ faiss_index = None
51
+ embeddings_np = None
52
+ metadata = []
53
+
54
+ def load_resources():
55
+ """Load ML resources with graceful fallback for HuggingFace"""
56
+ global sentence_model, faiss_index, embeddings_np, metadata
57
+
58
+ logging.info("Loading resources for HuggingFace deployment...")
59
+
60
+ # Skip heavy ML models if dependencies are missing
61
+ if not TRANSFORMERS_AVAILABLE or not FAISS_AVAILABLE:
62
+ logging.info("Running in basic mode - ML dependencies not available")
63
+ return
64
+
65
+ # Try to load pre-computed embeddings first
66
+ if os.path.exists(EMBEDDINGS_PATH) and os.path.exists(METADATA_PATH):
67
+ try:
68
+ embeddings_np = np.load(EMBEDDINGS_PATH)
69
+ with open(METADATA_PATH, "r") as f:
70
+ metadata = json.load(f)
71
+
72
+ if os.path.exists(INDEX_PATH) and FAISS_AVAILABLE:
73
+ faiss_index = faiss.read_index(INDEX_PATH)
74
+ elif FAISS_AVAILABLE:
75
+ # Rebuild index if missing
76
+ dimension = embeddings_np.shape[1]
77
+ faiss_index = faiss.IndexFlatIP(dimension)
78
+ faiss.normalize_L2(embeddings_np)
79
+ faiss_index.add(embeddings_np)
80
+
81
+ logging.info(f"Loaded {len(metadata)} embeddings for semantic search")
82
+
83
+ # Only load SentenceTransformer if we have embeddings to work with
84
+ if TRANSFORMERS_AVAILABLE:
85
+ sentence_model = SentenceTransformer("paraphrase-multilingual-MiniLM-L12-v2")
86
+ logging.info("Loaded SentenceTransformer model")
87
+
88
+ except Exception as e:
89
+ logging.warning(f"Failed to load embeddings: {e}")
90
+ logging.info("Running without semantic search capabilities")
91
+ sentence_model = None
92
+ faiss_index = None
93
+ embeddings_np = None
94
+ metadata = []
95
+ else:
96
+ logging.info("No pre-computed embeddings found - running in basic mode")
97
+
98
+ # Hockey-specific translation dictionary
99
+ hockey_translation_dict = {
100
+ "schiettips": "shooting tips",
101
+ "schieten": "shooting",
102
+ "backhand": "backhand",
103
+ "backhandschoten": "backhand shooting",
104
+ "achterhand": "backhand",
105
+ "veldhockey": "field hockey",
106
+ "strafcorner": "penalty corner",
107
+ "sleepflick": "drag flick",
108
+ "doelman": "goalkeeper",
109
+ "aanvaller": "forward",
110
+ "verdediger": "defender",
111
+ "middenvelder": "midfielder",
112
+ "stickbeheersing": "stick handling",
113
+ "balbeheersing": "ball control",
114
+ "hockeyoefeningen": "hockey drills",
115
+ "oefeningen": "drills",
116
+ "kinderen": "kids",
117
+ "verbeteren": "improve"
118
+ }
119
+
120
+ # Hockey keywords for domain detection
121
+ hockey_keywords = [
122
+ "hockey", "field hockey", "veldhockey", "match", "wedstrijd", "game", "spel", "goal", "doelpunt",
123
+ "score", "scoren", "ball", "bal", "stick", "hockeystick", "field", "veld", "turf", "kunstgras",
124
+ "shooting", "schieten", "schiet", "backhand shooting", "backhandschoten", "passing", "passen",
125
+ "backhand", "achterhand", "forehand", "voorhand", "drag flick", "sleeppush", "push pass",
126
+ "training", "oefening", "exercise", "oefenen", "drill", "oefensessie", "practice", "praktijk",
127
+ "coach", "trainer", "goalkeeper", "doelman", "keeper", "goalie", "defender", "verdediger",
128
+ "midfielder", "middenvelder", "forward", "aanvaller", "striker", "spits"
129
+ ]
130
+
131
+ # Greetings for detection
132
+ greetings = [
133
+ "hey", "hello", "hi", "hiya", "yo", "what's up", "sup", "good morning", "good afternoon",
134
+ "good evening", "good night", "howdy", "greetings", "morning", "evening", "hallo", "hoi",
135
+ "goedemorgen", "goedemiddag", "goedenavond", "goedennacht", "hé", "joe", "moi", "dag",
136
+ "goedendag"
137
+ ]
138
+
139
+ def preprocess_prompt(prompt: str, user_lang: str) -> tuple[str, str]:
140
+ """Preprocess prompt and return both translated and original prompt"""
141
+ if not prompt or not isinstance(prompt, str):
142
+ return prompt, prompt
143
+
144
+ prompt_lower = prompt.lower().strip()
145
+ if user_lang == "nl":
146
+ # Apply hockey-specific translations
147
+ for dutch_term, english_term in hockey_translation_dict.items():
148
+ prompt_lower = re.sub(rf'\b{re.escape(dutch_term)}\b', english_term, prompt_lower)
149
+ try:
150
+ translated = GoogleTranslator(source="nl", target="en").translate(prompt_lower)
151
+ return translated if translated else prompt_lower, prompt
152
+ except Exception as e:
153
+ logging.error(f"Translation error: {str(e)}")
154
+ return prompt_lower, prompt
155
+ return prompt_lower, prompt
156
+
157
+ def is_in_domain(prompt: str) -> bool:
158
+ """Check if prompt is hockey-related"""
159
+ if not prompt or not isinstance(prompt, str):
160
+ return False
161
+
162
+ prompt_lower = prompt.lower().strip()
163
+ has_hockey_keywords = any(
164
+ re.search(rf'\b{re.escape(word)}\b|\b{re.escape(word[:-1])}\w*\b', prompt_lower)
165
+ for word in hockey_keywords
166
+ )
167
+
168
+ if sentence_model is not None and TRANSFORMERS_AVAILABLE:
169
+ try:
170
+ prompt_embedding = sentence_model.encode(prompt_lower, convert_to_tensor=True)
171
+ hockey_reference = "Field hockey training, drills, strategies, rules, techniques, or tutorials"
172
+ hockey_embedding = sentence_model.encode(hockey_reference, convert_to_tensor=True)
173
+ similarity = util.cos_sim(prompt_embedding, hockey_embedding).item()
174
+ return has_hockey_keywords or similarity > 0.3
175
+ except Exception as e:
176
+ logging.warning(f"Semantic similarity check failed: {e}")
177
+ pass
178
+
179
+ return has_hockey_keywords
180
+
181
+ def is_greeting_or_vague(prompt: str, user_lang: str) -> bool:
182
+ """Check if prompt is a greeting or too vague"""
183
+ if not prompt or not isinstance(prompt, str):
184
+ return True
185
+
186
+ prompt_lower = prompt.lower().strip()
187
+ is_greeting = any(greeting in prompt_lower for greeting in greetings)
188
+ has_hockey_keywords = any(
189
+ re.search(rf'\b{re.escape(word)}\b|\b{re.escape(word[:-1])}\w*\b', prompt_lower)
190
+ for word in hockey_keywords
191
+ )
192
+
193
+ return is_greeting and not has_hockey_keywords
194
+
195
+ def search_hockey_content(english_query: str, dutch_query: str) -> list:
196
+ """Search hockey database content using semantic similarity"""
197
+ if not is_in_domain(english_query):
198
+ logging.info("Query is out of domain, skipping database search.")
199
+ return []
200
+
201
+ if not all([sentence_model, faiss_index, embeddings_np, metadata]) or not FAISS_AVAILABLE:
202
+ logging.info("Search resources not available, skipping content search.")
203
+ return []
204
+
205
+ try:
206
+ # Encode query
207
+ english_embedding = sentence_model.encode(english_query, convert_to_tensor=False)
208
+ english_embedding = np.array(english_embedding).astype("float32").reshape(1, -1)
209
+ faiss.normalize_L2(english_embedding)
210
+
211
+ # Search FAISS index
212
+ distances, indices = faiss_index.search(english_embedding, 5) # Top 5 results
213
+
214
+ results = []
215
+ for idx, sim in zip(indices[0], distances[0]):
216
+ if idx < len(metadata) and sim > 0.3: # Similarity threshold
217
+ item = metadata[idx]
218
+ result = {
219
+ "title": item["title"],
220
+ "type": item["type"],
221
+ "source_table": item["source_table"],
222
+ "similarity": float(sim)
223
+ }
224
+
225
+ # Add URL for multimedia items
226
+ if item["type"] == "multimedia" and "url" in item:
227
+ result["url"] = item["url"]
228
+ else:
229
+ result["content"] = item.get("content", "")
230
+
231
+ results.append(result)
232
+
233
+ logging.info(f"Found {len(results)} relevant content items")
234
+ return results
235
+
236
+ except Exception as e:
237
+ logging.error(f"Content search error: {e}")
238
+ return []
239
+
240
+ def get_conversation_history(user_role: str, user_team: str) -> str:
241
+ """Get conversation history for user session"""
242
+ session_key = f"{user_role}|{user_team}"
243
+ history = conversation_histories.get(session_key, [])
244
+ formatted_history = "\n".join([f"User: {q}\nCoach: {a}" for q, a in history[-3:]])
245
+ return formatted_history
246
+
247
+ def update_conversation_history(user_role: str, user_team: str, question: str, answer: str):
248
+ """Update conversation history for user session"""
249
+ session_key = f"{user_role}|{user_team}"
250
+ history = conversation_histories.get(session_key, [])
251
+ history.append((question, answer))
252
+ conversation_histories[session_key] = history[-3:]
253
+
254
+ def translate_text(text: str, source_lang: str, target_lang: str) -> str:
255
+ """Translate text between languages"""
256
+ if not text or not isinstance(text, str) or source_lang == target_lang:
257
+ return text
258
+ try:
259
+ translated = GoogleTranslator(source=source_lang, target=target_lang).translate(text)
260
+ return translated
261
+ except Exception as e:
262
+ logging.error(f"Translation error: {str(e)}")
263
+ return text
264
+
265
+ @retry(stop=stop_after_attempt(3), wait=wait_exponential(multiplier=1, min=4, max=10))
266
+ async def agentic_hockey_chat(user_active_role: str, user_team: str, user_prompt: str) -> dict:
267
+ """Main chat function with hockey database integration"""
268
+ logging.info(f"Processing question: {user_prompt}, role: {user_active_role}, team: {user_team}")
269
+
270
+ # Sanitize user prompt
271
+ if not user_prompt or not isinstance(user_prompt, str):
272
+ logging.error("Invalid or empty user_prompt.")
273
+ return {"ai_response": "Question cannot be empty.", "recommended_content_details": []}
274
+
275
+ user_prompt = re.sub(r'\s+', ' ', user_prompt.strip())
276
+
277
+ try:
278
+ user_lang = detect(user_prompt)
279
+ if user_lang not in ["en", "nl"]:
280
+ user_lang = "en"
281
+ except Exception:
282
+ user_lang = "en"
283
+
284
+ # Get both translated and original prompts
285
+ processing_prompt, original_prompt = preprocess_prompt(user_prompt, user_lang)
286
+ logging.info(f"Processing prompt: {processing_prompt}")
287
+
288
+ # Handle greetings
289
+ if is_greeting_or_vague(user_prompt, user_lang):
290
+ answer = "Hello! How can I assist you with hockey, training, or other topics?" if user_lang == "en" else "Hallo! Waarmee kan ik je helpen met betrekking tot hockey, training of andere onderwerpen?"
291
+ update_conversation_history(user_active_role, user_team, user_prompt, answer)
292
+ return {"ai_response": answer, "recommended_content_details": []}
293
+
294
+ # Check domain
295
+ if not is_in_domain(processing_prompt):
296
+ answer = "Sorry, I can only assist with questions about hockey, such as training, drills, strategies, rules, and tutorials. Please ask a hockey-related question!" if user_lang == "en" else "Sorry, ik kan alleen helpen met vragen over hockey, zoals training, oefeningen, strategieën, regels en tutorials. Stel me een hockeygerelateerde vraag!"
297
+ update_conversation_history(user_active_role, user_team, user_prompt, answer)
298
+ return {"ai_response": answer, "recommended_content_details": []}
299
+
300
+ history = get_conversation_history(user_active_role, user_team)
301
+
302
+ system_prompt = (
303
+ f"You are an AI Assistant Bot specialized in field hockey, including training, drills, strategies, rules, and more. "
304
+ f"You communicate with a {user_active_role} from the team {user_team}. "
305
+ f"Provide concise, practical, and specific answers tailored to the user's role and team. "
306
+ f"Focus on field hockey-related topics such as training, drills, strategies, rules, and tutorials.\n\n"
307
+ f"Recent conversation:\n{history or 'No previous conversations.'}\n\n"
308
+ f"Answer the following question in English:\n{processing_prompt}"
309
+ )
310
+
311
+ payload = {
312
+ "model": "openai/gpt-4o",
313
+ "messages": [
314
+ {"role": "system", "content": system_prompt}
315
+ ],
316
+ "max_tokens": 150,
317
+ "temperature": 0.3,
318
+ "top_p": 0.9
319
+ }
320
+
321
+ headers = {
322
+ "Authorization": f"Bearer {OPENROUTER_API_KEY}",
323
+ "Content-Type": "application/json"
324
+ }
325
+
326
+ try:
327
+ if not OPENROUTER_API_KEY:
328
+ return {"ai_response": "OpenRouter API key not configured. Please set OPENROUTER_API_KEY environment variable.", "recommended_content_details": []}
329
+
330
+ logging.info("Making OpenRouter API call...")
331
+ async with httpx.AsyncClient(timeout=30) as client:
332
+ response = await client.post(OPENROUTER_API_URL, json=payload, headers=headers)
333
+ response.raise_for_status()
334
+ data = response.json()
335
+
336
+ answer = data.get("choices", [{}])[0].get("message", {}).get("content", "").strip()
337
+
338
+ if not answer:
339
+ logging.error("No answer received from OpenRouter API.")
340
+ return {"ai_response": "No answer received from the API.", "recommended_content_details": []}
341
+
342
+ # Remove URLs from answer and translate
343
+ answer = re.sub(r'https?://\S+', '', answer).strip()
344
+ answer = translate_text(answer, "en", user_lang)
345
+
346
+ # Search for recommended content (if available)
347
+ recommended_content = []
348
+ if sentence_model is not None and faiss_index is not None and metadata:
349
+ logging.info("Searching database for relevant content...")
350
+ recommended_content = search_hockey_content(processing_prompt, original_prompt if user_lang == "nl" else "")
351
+ else:
352
+ logging.info("Semantic search not available")
353
+
354
+ # Format recommended content details
355
+ recommended_content_details = []
356
+ for item in recommended_content:
357
+ content_detail = {
358
+ "title": item["title"],
359
+ "type": item["type"],
360
+ "source": item["source_table"],
361
+ "similarity": item["similarity"]
362
+ }
363
+
364
+ # Add URL for multimedia items, content for others
365
+ if item["type"] == "multimedia" and "url" in item:
366
+ content_detail["url"] = item["url"]
367
+ else:
368
+ content_detail["content"] = item.get("content", "")
369
+
370
+ recommended_content_details.append(content_detail)
371
+
372
+ update_conversation_history(user_active_role, user_team, user_prompt, answer)
373
+ return {"ai_response": answer, "recommended_content_details": recommended_content_details}
374
+
375
+ except httpx.HTTPStatusError as e:
376
+ logging.error(f"OpenRouter API error: Status {e.response.status_code}")
377
+ return {"ai_response": f"API error: {e.response.status_code}", "recommended_content_details": []}
378
+ except httpx.TimeoutException:
379
+ logging.error("OpenRouter API timeout")
380
+ return {"ai_response": "Request timed out. Please try again.", "recommended_content_details": []}
381
+ except httpx.NetworkError as e:
382
+ logging.error(f"Network error: {str(e)}")
383
+ return {"ai_response": "Network error occurred. Please check your connection and try again.", "recommended_content_details": []}
384
+ except Exception as e:
385
+ logging.error(f"Internal error: {str(e)}")
386
+ return {"ai_response": f"Internal error: {str(e)}", "recommended_content_details": []}
387
+
388
+ # Initialize resources on import - graceful fallback for HuggingFace
389
+ try:
390
+ load_resources()
391
+ logging.info("Successfully initialized Hockey Mind AI")
392
+ except Exception as e:
393
+ logging.warning(f"Failed to initialize full resources: {e}")
394
+ logging.info("Running in basic mode - hockey advice available without advanced features")
README.md CHANGED
@@ -1,17 +1,33 @@
1
- ---
2
- title: Hockey Mind Db
3
- emoji: 💬
4
- colorFrom: yellow
5
- colorTo: purple
6
- sdk: gradio
7
- sdk_version: 5.42.0
8
- app_file: app.py
9
- pinned: false
10
- hf_oauth: true
11
- hf_oauth_scopes:
12
- - inference-api
13
- license: apache-2.0
14
- short_description: hockey-mind-db
15
- ---
16
 
17
- An example chatbot using [Gradio](https://gradio.app), [`huggingface_hub`](https://huggingface.co/docs/huggingface_hub/v0.22.2/en/index), and the [Hugging Face Inference API](https://huggingface.co/docs/api-inference/index).
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Hockey Mind AI Chatbot - Database Edition
2
+
3
+ A specialized AI chatbot for field hockey training, coaching, and player development with integrated database search capabilities.
4
+
5
+ ## Features
6
+
7
+ 🏒 **Hockey-Specialized AI**: Focused responses for training, drills, strategies, and rules
8
+ 🗄️ **Semantic Database Search**: Find relevant training content and exercises
9
+ 🌐 **Multi-language Support**: English and Dutch language processing
10
+ 🎯 **Role-based Advice**: Tailored responses for players, coaches, and parents
11
+
12
+ ## Usage
 
 
 
13
 
14
+ Ask questions about:
15
+ - Hockey training drills and exercises
16
+ - Technique improvement tips
17
+ - Game strategies and tactics
18
+ - Equipment recommendations
19
+ - Rule clarifications
20
+
21
+ ## Technology Stack
22
+
23
+ - **Frontend**: Gradio web interface
24
+ - **AI**: OpenRouter GPT-4o integration
25
+ - **Search**: Sentence Transformers + FAISS vector search
26
+ - **Languages**: Python, with Dutch/English language support
27
+
28
+ ## Getting Started
29
+
30
+ Simply start asking hockey-related questions and get personalized advice based on your role (player, coach, parent) and skill level!
31
+
32
+ ---
33
+ *Powered by OpenRouter & Sentence Transformers | Built for the field hockey community*
app.py ADDED
@@ -0,0 +1,207 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #!/usr/bin/env python3
2
+ """
3
+ Hockey Mind AI Chatbot - HuggingFace Spaces Deployment
4
+ Optimized for HuggingFace Spaces with database integration
5
+ """
6
+ import gradio as gr
7
+ import asyncio
8
+ import os
9
+ from dotenv import load_dotenv
10
+ from Original_OpenAPI_DB import agentic_hockey_chat
11
+
12
+ # Load environment variables
13
+ load_dotenv()
14
+
15
+ # Global variable to track if resources are loaded
16
+ resources_loaded = False
17
+
18
+ async def chat_interface(user_role, user_team, user_prompt):
19
+ """Interface function for Gradio with HockeyFood database integration"""
20
+ global resources_loaded
21
+
22
+ try:
23
+ # Validate inputs
24
+ if not user_prompt or len(user_prompt.strip()) < 3:
25
+ return "Please enter a hockey question (minimum 3 characters).", ""
26
+
27
+ # Load resources on first use to save memory
28
+ if not resources_loaded:
29
+ try:
30
+ from Original_OpenAPI_DB import load_resources
31
+ load_resources()
32
+ resources_loaded = True
33
+ except ImportError as import_err:
34
+ # Fallback for HuggingFace without full database
35
+ return f"Hockey AI: I can help with general hockey advice.\n\nYour question: {user_prompt}\n\nThis appears to be a hockey-related question. I'd recommend focusing on basic hockey fundamentals, practice drills, and asking specific technique questions.", "Limited mode - no database"
36
+ except Exception as load_err:
37
+ return f"System initializing... Please try again in a moment.", "Loading resources"
38
+
39
+ # Call the main chat function with timeout
40
+ try:
41
+ # Reasonable prompt length limits for HuggingFace
42
+ if len(user_prompt) > 200:
43
+ user_prompt = user_prompt[:200] + "..."
44
+
45
+ result = await asyncio.wait_for(
46
+ agentic_hockey_chat(user_role, user_team, user_prompt),
47
+ timeout=25.0
48
+ )
49
+ except asyncio.TimeoutError:
50
+ return "Request timed out. Please try a shorter question.", ""
51
+
52
+ # Format response for Gradio with length limits
53
+ ai_response = result.get('ai_response', 'Sorry, no response generated.')
54
+
55
+ # Reasonable limits for HuggingFace deployment
56
+ if len(ai_response) > 600:
57
+ ai_response = ai_response[:600] + "..."
58
+
59
+ recommendations = result.get('recommended_content_details', [])
60
+
61
+ # Format recommendations with limits
62
+ rec_text = ""
63
+ if recommendations and len(recommendations) > 0:
64
+ try:
65
+ rec_list = []
66
+ for i, rec in enumerate(recommendations[:3]): # Limit to 3 items
67
+ if i >= 3: # Double check
68
+ break
69
+ title = str(rec.get('title', 'No title'))[:60] # Limit title length
70
+ content_type = str(rec.get('type', 'unknown'))
71
+ similarity = rec.get('similarity', 0)
72
+
73
+ item = f"{i+1}. [{content_type}] {title} (Score: {similarity:.2f})"
74
+ rec_list.append(item)
75
+
76
+ if rec_list:
77
+ rec_text = "Recommended Content:\n" + "\n".join(rec_list)
78
+ if len(rec_text) > 300:
79
+ rec_text = rec_text[:300] + "..."
80
+ except Exception as rec_err:
81
+ rec_text = f"Recommendations unavailable"
82
+
83
+ return ai_response, rec_text
84
+
85
+ except Exception as e:
86
+ # Simplified error for HuggingFace
87
+ return "Sorry, there was an issue processing your request. Please try again with a simpler question.", ""
88
+
89
+ def sync_chat_interface(user_role, user_team, user_prompt):
90
+ """Synchronous wrapper for Gradio"""
91
+ return asyncio.run(chat_interface(user_role, user_team, user_prompt))
92
+
93
+ # Gradio Interface
94
+ with gr.Blocks(
95
+ title="🏒 Hockey Mind AI Chatbot",
96
+ theme=gr.themes.Soft(),
97
+ css="""
98
+ .gradio-container {max-width: 900px !important; margin: auto !important;}
99
+ .main-header {text-align: center; margin-bottom: 2rem;}
100
+ .feature-badge {
101
+ background: linear-gradient(45deg, #FF6B6B, #4ECDC4);
102
+ color: white;
103
+ padding: 5px 10px;
104
+ border-radius: 15px;
105
+ font-size: 0.8em;
106
+ font-weight: bold;
107
+ margin: 5px;
108
+ display: inline-block;
109
+ }
110
+ """
111
+ ) as demo:
112
+
113
+ gr.HTML("""
114
+ <div class="main-header">
115
+ <h1>🏒 Hockey Mind AI Chatbot</h1>
116
+ <div class="feature-badge">🗄️ Hockey Database</div>
117
+ <div class="feature-badge">🎯 Smart Content Search</div>
118
+ <div class="feature-badge">🌐 Multi-language</div>
119
+ <p>Get personalized hockey advice with training content and drills!</p>
120
+ </div>
121
+ """)
122
+
123
+ with gr.Row():
124
+ with gr.Column():
125
+ user_role = gr.Dropdown(
126
+ choices=["Player", "Coach", "Trainer", "Parent", "le Coach", "Speler"],
127
+ label="Your Role 👤",
128
+ value="Player"
129
+ )
130
+
131
+ user_team = gr.Textbox(
132
+ label="Team/Level 🏒",
133
+ placeholder="e.g., U10, Beginner, Advanced",
134
+ value="U10"
135
+ )
136
+
137
+ user_prompt = gr.Textbox(
138
+ label="Your Question ❓",
139
+ placeholder="Ask about drills, techniques, strategies, rules...",
140
+ lines=3
141
+ )
142
+
143
+ submit_btn = gr.Button("Get Hockey Advice 🚀", variant="primary", size="lg")
144
+
145
+ with gr.Row():
146
+ ai_response = gr.Textbox(
147
+ label="🤖 AI Response",
148
+ lines=8,
149
+ interactive=False
150
+ )
151
+
152
+ with gr.Row():
153
+ recommendations = gr.Textbox(
154
+ label="🏒 Recommended Content",
155
+ lines=6,
156
+ interactive=False
157
+ )
158
+
159
+ # Examples section
160
+ gr.HTML("<br><h3>💡 Example Questions:</h3>")
161
+
162
+ examples = gr.Examples(
163
+ examples=[
164
+ ["Player", "U8", "What are the best backhand shooting drills for young players?"],
165
+ ["Player", "Intermediate", "Show me exercises for improving stick handling"],
166
+ ["Coach", "U10", "What training drills help with ball control?"],
167
+ ["Player", "Advanced", "Find training content for penalty corners"],
168
+ ],
169
+ inputs=[user_role, user_team, user_prompt],
170
+ outputs=[ai_response, recommendations],
171
+ fn=sync_chat_interface,
172
+ )
173
+
174
+ # Event handlers
175
+ submit_btn.click(
176
+ fn=sync_chat_interface,
177
+ inputs=[user_role, user_team, user_prompt],
178
+ outputs=[ai_response, recommendations],
179
+ api_name="chat"
180
+ )
181
+
182
+ user_prompt.submit(
183
+ fn=sync_chat_interface,
184
+ inputs=[user_role, user_team, user_prompt],
185
+ outputs=[ai_response, recommendations]
186
+ )
187
+
188
+ # Footer
189
+ gr.HTML("""
190
+ <br>
191
+ <div style="text-align: center; color: #666; font-size: 0.9em; border-top: 1px solid #eee; padding-top: 20px;">
192
+ <p>🏒 <strong>Hockey Mind AI - Database Edition</strong></p>
193
+ <p>Powered by OpenRouter & Sentence Transformers</p>
194
+ <p>🌍 Supports English & Dutch | Built for field hockey</p>
195
+ </div>
196
+ """)
197
+
198
+ # Launch for HuggingFace Spaces
199
+ if __name__ == "__main__":
200
+ print("🚀 Launching Hockey Mind AI on HuggingFace Spaces...")
201
+ demo.launch(
202
+ server_name="0.0.0.0",
203
+ server_port=7860,
204
+ share=False,
205
+ show_error=True,
206
+ quiet=False
207
+ )
data_modeling_hockeyfood.py ADDED
@@ -0,0 +1,508 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #!/usr/bin/env python3
2
+ """
3
+ Alternative Data Modeling Script for HockeyFood Database
4
+ Supports multiple connection methods and provides fallback options
5
+ """
6
+
7
+ import os
8
+ import json
9
+ from dotenv import load_dotenv
10
+ from typing import Dict, List, Any, Optional
11
+ import logging
12
+ from datetime import datetime
13
+
14
+ # Configure logging
15
+ logging.basicConfig(level=logging.INFO, format="%(asctime)s - %(levelname)s - %(message)s")
16
+
17
+ # Load environment variables
18
+ load_dotenv()
19
+
20
+ class DatabaseModelerAlternative:
21
+ def __init__(self):
22
+ self.server = os.getenv("DB_SERVER")
23
+ self.database = os.getenv("DB_DATABASE")
24
+ self.username = os.getenv("DB_USER")
25
+ self.password = os.getenv("DB_PASSWORD")
26
+ self.encrypt = os.getenv("DB_ENCRYPT", "true").lower() == "true"
27
+ self.trust_cert = os.getenv("DB_TRUST_SERVER_CERTIFICATE", "true").lower() == "true"
28
+
29
+ if not all([self.server, self.database, self.username, self.password]):
30
+ raise ValueError("Missing required database connection parameters in .env file")
31
+
32
+ self.connection = None
33
+ self.data_model = {}
34
+
35
+ def try_pymssql_connection(self):
36
+ """Try connecting using pymssql (alternative to pyodbc)"""
37
+ try:
38
+ import pymssql
39
+ self.connection = pymssql.connect(
40
+ server=self.server,
41
+ user=self.username,
42
+ password=self.password,
43
+ database=self.database,
44
+ timeout=30,
45
+ as_dict=True
46
+ )
47
+ logging.info(f"Successfully connected to database using pymssql: {self.database}")
48
+ return True
49
+ except ImportError:
50
+ logging.warning("pymssql not available. Install with: pip install pymssql")
51
+ return False
52
+ except Exception as e:
53
+ logging.error(f"pymssql connection failed: {str(e)}")
54
+ return False
55
+
56
+ def try_sqlalchemy_connection(self):
57
+ """Try connecting using SQLAlchemy with different drivers"""
58
+ try:
59
+ from sqlalchemy import create_engine, text
60
+ import urllib.parse
61
+
62
+ # URL-encode the password
63
+ password_encoded = urllib.parse.quote_plus(self.password)
64
+
65
+ # Try different connection strings
66
+ connection_strings = [
67
+ f"mssql+pyodbc://{self.username}:{password_encoded}@{self.server}/{self.database}?driver=ODBC+Driver+17+for+SQL+Server&Encrypt=yes&TrustServerCertificate=yes",
68
+ f"mssql+pyodbc://{self.username}:{password_encoded}@{self.server}/{self.database}?driver=ODBC+Driver+18+for+SQL+Server&Encrypt=yes&TrustServerCertificate=yes",
69
+ f"mssql+pymssql://{self.username}:{password_encoded}@{self.server}/{self.database}",
70
+ ]
71
+
72
+ for conn_str in connection_strings:
73
+ try:
74
+ engine = create_engine(conn_str)
75
+ connection = engine.connect()
76
+ # Test the connection
77
+ result = connection.execute(text("SELECT 1"))
78
+ self.connection = connection
79
+ self.engine = engine
80
+ logging.info(f"Successfully connected using SQLAlchemy: {self.database}")
81
+ return True
82
+ except Exception as e:
83
+ logging.debug(f"SQLAlchemy connection attempt failed: {str(e)}")
84
+ continue
85
+
86
+ return False
87
+ except ImportError:
88
+ logging.warning("SQLAlchemy not available. Install with: pip install sqlalchemy")
89
+ return False
90
+ except Exception as e:
91
+ logging.error(f"SQLAlchemy connection failed: {str(e)}")
92
+ return False
93
+
94
+ def connect(self):
95
+ """Try multiple connection methods"""
96
+ connection_methods = [
97
+ ("pymssql", self.try_pymssql_connection),
98
+ ("sqlalchemy", self.try_sqlalchemy_connection),
99
+ ]
100
+
101
+ for method_name, method in connection_methods:
102
+ logging.info(f"Trying {method_name} connection...")
103
+ if method():
104
+ self.connection_method = method_name
105
+ return True
106
+
107
+ logging.error("All connection methods failed")
108
+ return False
109
+
110
+ def disconnect(self):
111
+ """Close database connection"""
112
+ if self.connection:
113
+ self.connection.close()
114
+ logging.info("Database connection closed")
115
+
116
+ def execute_query(self, query: str, params: tuple = None):
117
+ """Execute a query using the established connection"""
118
+ try:
119
+ if self.connection_method == "pymssql":
120
+ cursor = self.connection.cursor()
121
+ cursor.execute(query, params or ())
122
+ return cursor.fetchall()
123
+ elif self.connection_method == "sqlalchemy":
124
+ from sqlalchemy import text
125
+ result = self.connection.execute(text(query), params or {})
126
+ return [dict(row._mapping) for row in result]
127
+ except Exception as e:
128
+ logging.error(f"Query execution failed: {str(e)}")
129
+ return []
130
+
131
+ def get_all_tables(self) -> List[str]:
132
+ """Get list of all tables in the database"""
133
+ try:
134
+ query = """
135
+ SELECT TABLE_SCHEMA, TABLE_NAME
136
+ FROM INFORMATION_SCHEMA.TABLES
137
+ WHERE TABLE_TYPE = 'BASE TABLE'
138
+ ORDER BY TABLE_NAME
139
+ """
140
+ results = self.execute_query(query)
141
+
142
+ if self.connection_method == "pymssql":
143
+ # Store schema info for later use
144
+ self.table_schemas = {row['TABLE_NAME']: row['TABLE_SCHEMA'] for row in results}
145
+ tables = [row['TABLE_NAME'] for row in results]
146
+ else:
147
+ self.table_schemas = {row['TABLE_NAME']: row['TABLE_SCHEMA'] for row in results}
148
+ tables = [row['TABLE_NAME'] for row in results]
149
+
150
+ logging.info(f"Found {len(tables)} tables in database")
151
+ return tables
152
+ except Exception as e:
153
+ logging.error(f"Error getting tables: {str(e)}")
154
+ return []
155
+
156
+ def get_table_schema(self, table_name: str) -> Dict[str, Any]:
157
+ """Get detailed schema information for a table"""
158
+ try:
159
+ # Get column information
160
+ query = """
161
+ SELECT
162
+ COLUMN_NAME,
163
+ DATA_TYPE,
164
+ IS_NULLABLE,
165
+ COLUMN_DEFAULT,
166
+ CHARACTER_MAXIMUM_LENGTH,
167
+ NUMERIC_PRECISION,
168
+ NUMERIC_SCALE,
169
+ ORDINAL_POSITION
170
+ FROM INFORMATION_SCHEMA.COLUMNS
171
+ WHERE TABLE_NAME = %s
172
+ ORDER BY ORDINAL_POSITION
173
+ """
174
+
175
+ if self.connection_method == "sqlalchemy":
176
+ query = query.replace("%s", ":table_name")
177
+ results = self.execute_query(query, {"table_name": table_name})
178
+ else:
179
+ results = self.execute_query(query, (table_name,))
180
+
181
+ columns = []
182
+ for row in results:
183
+ columns.append({
184
+ 'name': row['COLUMN_NAME'],
185
+ 'data_type': row['DATA_TYPE'],
186
+ 'nullable': row['IS_NULLABLE'] == 'YES',
187
+ 'default': row['COLUMN_DEFAULT'],
188
+ 'max_length': row['CHARACTER_MAXIMUM_LENGTH'],
189
+ 'precision': row['NUMERIC_PRECISION'],
190
+ 'scale': row['NUMERIC_SCALE'],
191
+ 'position': row['ORDINAL_POSITION']
192
+ })
193
+
194
+ # Get primary keys
195
+ pk_query = """
196
+ SELECT COLUMN_NAME
197
+ FROM INFORMATION_SCHEMA.KEY_COLUMN_USAGE
198
+ WHERE TABLE_NAME = %s AND CONSTRAINT_NAME LIKE 'PK_%'
199
+ """
200
+
201
+ if self.connection_method == "sqlalchemy":
202
+ pk_query = pk_query.replace("%s", ":table_name")
203
+ pk_results = self.execute_query(pk_query, {"table_name": table_name})
204
+ else:
205
+ pk_results = self.execute_query(pk_query, (table_name,))
206
+
207
+ primary_keys = [row['COLUMN_NAME'] for row in pk_results]
208
+
209
+ # Get foreign keys - Using sys tables for Azure SQL compatibility
210
+ fk_query = """
211
+ SELECT
212
+ c1.name as COLUMN_NAME,
213
+ OBJECT_NAME(fk.referenced_object_id) as REFERENCED_TABLE_NAME,
214
+ c2.name as REFERENCED_COLUMN_NAME
215
+ FROM sys.foreign_keys fk
216
+ JOIN sys.foreign_key_columns fkc ON fk.object_id = fkc.constraint_object_id
217
+ JOIN sys.columns c1 ON fkc.parent_object_id = c1.object_id AND fkc.parent_column_id = c1.column_id
218
+ JOIN sys.columns c2 ON fkc.referenced_object_id = c2.object_id AND fkc.referenced_column_id = c2.column_id
219
+ JOIN sys.tables t ON fk.parent_object_id = t.object_id
220
+ WHERE t.name = %s
221
+ """
222
+
223
+ if self.connection_method == "sqlalchemy":
224
+ fk_query = fk_query.replace("%s", ":table_name")
225
+ fk_results = self.execute_query(fk_query, {"table_name": table_name})
226
+ else:
227
+ fk_results = self.execute_query(fk_query, (table_name,))
228
+
229
+ foreign_keys = []
230
+ for row in fk_results:
231
+ foreign_keys.append({
232
+ 'column': row['COLUMN_NAME'],
233
+ 'referenced_table': row['REFERENCED_TABLE_NAME'],
234
+ 'referenced_column': row['REFERENCED_COLUMN_NAME']
235
+ })
236
+
237
+ return {
238
+ 'columns': columns,
239
+ 'primary_keys': primary_keys,
240
+ 'foreign_keys': foreign_keys
241
+ }
242
+ except Exception as e:
243
+ logging.error(f"Error getting schema for table {table_name}: {str(e)}")
244
+ return {}
245
+
246
+ def get_table_data_insights(self, table_name: str, sample_size: int = 100) -> Dict[str, Any]:
247
+ """Get data insights for a table including sample data and statistics"""
248
+ try:
249
+ # Get the correct schema for the table
250
+ schema_name = getattr(self, 'table_schemas', {}).get(table_name, 'dbo')
251
+ full_table_name = f"[{schema_name}].[{table_name}]"
252
+
253
+ # Get row count with proper schema qualification
254
+ count_query = f"SELECT COUNT(*) as row_count FROM {full_table_name}"
255
+ count_results = self.execute_query(count_query)
256
+ row_count = count_results[0]['row_count'] if count_results else 0
257
+
258
+ # Get sample data with proper schema qualification
259
+ sample_query = f"SELECT TOP {sample_size} * FROM {full_table_name}"
260
+ sample_results = self.execute_query(sample_query)
261
+
262
+ # Convert sample data to list of dictionaries
263
+ sample_data = []
264
+ for row in sample_results[:10]: # Limit to first 10 rows
265
+ sample_data.append({k: str(v) if v is not None else None for k, v in row.items()})
266
+
267
+ # Get basic column statistics (simplified)
268
+ data_analysis = {}
269
+ if sample_results:
270
+ columns = list(sample_results[0].keys())
271
+ for column in columns:
272
+ try:
273
+ # Basic analysis for each column with proper schema qualification
274
+ col_query = f"""
275
+ SELECT
276
+ COUNT(*) as total_count,
277
+ COUNT([{column}]) as non_null_count,
278
+ COUNT(DISTINCT [{column}]) as distinct_count
279
+ FROM {full_table_name}
280
+ """
281
+ col_results = self.execute_query(col_query)
282
+ if col_results:
283
+ result = col_results[0]
284
+ data_analysis[column] = {
285
+ 'total_count': result['total_count'],
286
+ 'non_null_count': result['non_null_count'],
287
+ 'distinct_count': result['distinct_count'],
288
+ 'null_percentage': round((result['total_count'] - result['non_null_count']) / result['total_count'] * 100, 2) if result['total_count'] > 0 else 0
289
+ }
290
+ except Exception as e:
291
+ logging.warning(f"Could not analyze column {column} in table {table_name}: {str(e)}")
292
+ data_analysis[column] = {'error': str(e)}
293
+
294
+ return {
295
+ 'row_count': row_count,
296
+ 'sample_data': sample_data,
297
+ 'data_analysis': data_analysis
298
+ }
299
+ except Exception as e:
300
+ logging.error(f"Error getting data insights for table {table_name}: {str(e)}")
301
+ return {}
302
+
303
+ def analyze_relationships(self) -> Dict[str, Any]:
304
+ """Analyze relationships between tables"""
305
+ try:
306
+ # Simplified query for Azure SQL - use sys tables instead of INFORMATION_SCHEMA
307
+ query = """
308
+ SELECT
309
+ OBJECT_NAME(fk.parent_object_id) as source_table,
310
+ c1.name as source_column,
311
+ OBJECT_NAME(fk.referenced_object_id) as target_table,
312
+ c2.name as target_column,
313
+ fk.name as constraint_name
314
+ FROM sys.foreign_keys fk
315
+ JOIN sys.foreign_key_columns fkc ON fk.object_id = fkc.constraint_object_id
316
+ JOIN sys.columns c1 ON fkc.parent_object_id = c1.object_id AND fkc.parent_column_id = c1.column_id
317
+ JOIN sys.columns c2 ON fkc.referenced_object_id = c2.object_id AND fkc.referenced_column_id = c2.column_id
318
+ ORDER BY source_table
319
+ """
320
+
321
+ results = self.execute_query(query)
322
+ relationships = []
323
+ for row in results:
324
+ relationships.append({
325
+ 'source_table': row['source_table'],
326
+ 'source_column': row['source_column'],
327
+ 'target_table': row['target_table'],
328
+ 'target_column': row['target_column'],
329
+ 'constraint_name': row['constraint_name']
330
+ })
331
+
332
+ return {'relationships': relationships}
333
+ except Exception as e:
334
+ logging.error(f"Error analyzing relationships: {str(e)}")
335
+ return {}
336
+
337
+ def build_comprehensive_data_model(self, focus_tables: List[str] = None):
338
+ """Build comprehensive data model for the entire database"""
339
+ if not self.connect():
340
+ return
341
+
342
+ try:
343
+ tables = self.get_all_tables()
344
+ if focus_tables:
345
+ # Filter to focus tables if they exist
346
+ available_focus_tables = [t for t in focus_tables if t in tables]
347
+ if available_focus_tables:
348
+ tables = available_focus_tables
349
+ logging.info(f"Focusing on tables: {available_focus_tables}")
350
+ else:
351
+ logging.warning(f"Focus tables {focus_tables} not found. Analyzing all tables.")
352
+ logging.info(f"Available tables: {tables}")
353
+
354
+ self.data_model = {
355
+ 'database_info': {
356
+ 'name': self.database,
357
+ 'server': self.server,
358
+ 'connection_method': self.connection_method,
359
+ 'analysis_date': datetime.now().isoformat(),
360
+ 'total_tables': len(tables),
361
+ 'analyzed_tables': tables
362
+ },
363
+ 'tables': {},
364
+ 'relationships': self.analyze_relationships()
365
+ }
366
+
367
+ # Analyze each table
368
+ for table_name in tables:
369
+ logging.info(f"Analyzing table: {table_name}")
370
+ self.data_model['tables'][table_name] = {
371
+ 'schema': self.get_table_schema(table_name),
372
+ 'data_insights': self.get_table_data_insights(table_name)
373
+ }
374
+
375
+ logging.info("Data model analysis completed successfully")
376
+
377
+ except Exception as e:
378
+ logging.error(f"Error building data model: {str(e)}")
379
+ finally:
380
+ self.disconnect()
381
+
382
+ def export_data_model(self, filename: str = None):
383
+ """Export data model to JSON file"""
384
+ if not filename:
385
+ filename = f"hockey_db_data_model_{datetime.now().strftime('%Y%m%d_%H%M%S')}.json"
386
+
387
+ try:
388
+ with open(filename, 'w', encoding='utf-8') as f:
389
+ json.dump(self.data_model, f, indent=2, ensure_ascii=False)
390
+ logging.info(f"Data model exported to: {filename}")
391
+ return filename
392
+ except Exception as e:
393
+ logging.error(f"Error exporting data model: {str(e)}")
394
+ return None
395
+
396
+ def generate_summary_report(self) -> str:
397
+ """Generate a human-readable summary report"""
398
+ if not self.data_model:
399
+ return "No data model available. Run build_comprehensive_data_model() first."
400
+
401
+ report = []
402
+ report.append("=" * 60)
403
+ report.append("HOCKEY DATABASE DATA MODEL SUMMARY")
404
+ report.append("=" * 60)
405
+ report.append(f"Database: {self.data_model['database_info']['name']}")
406
+ report.append(f"Server: {self.data_model['database_info']['server']}")
407
+ report.append(f"Connection Method: {self.data_model['database_info']['connection_method']}")
408
+ report.append(f"Analysis Date: {self.data_model['database_info']['analysis_date']}")
409
+ report.append(f"Total Tables Analyzed: {self.data_model['database_info']['total_tables']}")
410
+ report.append(f"Tables: {', '.join(self.data_model['database_info']['analyzed_tables'])}")
411
+ report.append("")
412
+
413
+ # Table summaries
414
+ report.append("TABLE SUMMARIES:")
415
+ report.append("-" * 40)
416
+ for table_name, table_data in self.data_model['tables'].items():
417
+ report.append(f"\n📊 TABLE: {table_name}")
418
+
419
+ schema = table_data.get('schema', {})
420
+ insights = table_data.get('data_insights', {})
421
+
422
+ if schema.get('columns'):
423
+ report.append(f" Columns: {len(schema['columns'])}")
424
+ report.append(f" Primary Keys: {', '.join(schema.get('primary_keys', []))}")
425
+ if schema.get('foreign_keys'):
426
+ report.append(" Foreign Keys:")
427
+ for fk in schema['foreign_keys']:
428
+ report.append(f" - {fk['column']} → {fk['referenced_table']}.{fk['referenced_column']}")
429
+
430
+ if insights.get('row_count') is not None:
431
+ report.append(f" Total Rows: {insights['row_count']:,}")
432
+
433
+ # Column details
434
+ if schema.get('columns'):
435
+ report.append(" Column Details:")
436
+ for col in schema['columns'][:5]: # Show first 5 columns
437
+ nullable = "NULL" if col['nullable'] else "NOT NULL"
438
+ report.append(f" - {col['name']}: {col['data_type']} {nullable}")
439
+ if len(schema['columns']) > 5:
440
+ report.append(f" ... and {len(schema['columns']) - 5} more columns")
441
+
442
+ # Sample data
443
+ if insights.get('sample_data'):
444
+ report.append(" Sample Data (first 3 rows):")
445
+ for i, row in enumerate(insights['sample_data'][:3]):
446
+ report.append(f" Row {i+1}: {row}")
447
+
448
+ # Relationships
449
+ relationships = self.data_model.get('relationships', {}).get('relationships', [])
450
+ if relationships:
451
+ report.append(f"\n🔗 DATABASE RELATIONSHIPS ({len(relationships)} total):")
452
+ report.append("-" * 40)
453
+ for rel in relationships:
454
+ report.append(f" {rel['source_table']}.{rel['source_column']} → {rel['target_table']}.{rel['target_column']}")
455
+
456
+ return "\n".join(report)
457
+
458
+
459
+ def install_dependencies():
460
+ """Install required dependencies"""
461
+ import subprocess
462
+ import sys
463
+
464
+ packages = ['pymssql', 'sqlalchemy']
465
+ for package in packages:
466
+ try:
467
+ subprocess.check_call([sys.executable, '-m', 'pip', 'install', package])
468
+ print(f"Successfully installed {package}")
469
+ except subprocess.CalledProcessError:
470
+ print(f"Failed to install {package}")
471
+
472
+
473
+ def main():
474
+ """Main function to run the data modeling analysis"""
475
+ try:
476
+ # Try to install dependencies
477
+ install_dependencies()
478
+
479
+ # Focus on specific tables mentioned in HockeyFood_DB.md
480
+ focus_tables = ['Exercise', 'Multimedia', 'Serie']
481
+
482
+ modeler = DatabaseModelerAlternative()
483
+ logging.info("Starting comprehensive database analysis...")
484
+
485
+ # Build the data model
486
+ modeler.build_comprehensive_data_model(focus_tables=focus_tables)
487
+
488
+ # Export to JSON
489
+ json_file = modeler.export_data_model()
490
+
491
+ # Generate and save summary report
492
+ summary = modeler.generate_summary_report()
493
+ summary_file = f"hockey_db_summary_{datetime.now().strftime('%Y%m%d_%H%M%S')}.txt"
494
+ with open(summary_file, 'w', encoding='utf-8') as f:
495
+ f.write(summary)
496
+
497
+ print(summary)
498
+ print(f"\n📁 Files generated:")
499
+ print(f" - JSON Data Model: {json_file}")
500
+ print(f" - Summary Report: {summary_file}")
501
+
502
+ except Exception as e:
503
+ logging.error(f"Main execution error: {str(e)}")
504
+ print(f"Error: {str(e)}")
505
+
506
+
507
+ if __name__ == "__main__":
508
+ main()
hockey_embeddings.npy ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:496e17b39c0b101d4e9baf12193cff22de42bdb98254377b33b553121d3a3abb
3
+ size 272000
hockey_faiss_index.index ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d65b70ba83e73b444e8b67ae743daf2fd2c867523412a896153352d604f7e450
3
+ size 271917
hockey_metadata.json ADDED
@@ -0,0 +1,1241 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "id": "exercise_1",
4
+ "type": "exercise",
5
+ "title": "t (KNLTB)",
6
+ "content": "<p>t</p>",
7
+ "source_table": "Exercise"
8
+ },
9
+ {
10
+ "id": "exercise_2",
11
+ "type": "exercise",
12
+ "title": "1 hoge bal, verschillende aannames (KNHB)",
13
+ "content": "<p>Spelers oefenen het aannemen van de hoge bal op de forehand, backhand, aanvallend en verdedigend.</p>",
14
+ "source_table": "Exercise"
15
+ },
16
+ {
17
+ "id": "exercise_3",
18
+ "type": "exercise",
19
+ "title": "KNHB oefening",
20
+ "content": "<p>KNHB oefening</p>",
21
+ "source_table": "Exercise"
22
+ },
23
+ {
24
+ "id": "exercise_7",
25
+ "type": "exercise",
26
+ "title": "1 hoge bal, verschillende aannames (KNHB)",
27
+ "content": "<p>Spelers oefenen het aannemen van de hoge bal op de forehand, backhand, aanvallend en verdedigend.</p>",
28
+ "source_table": "Exercise"
29
+ },
30
+ {
31
+ "id": "exercise_8",
32
+ "type": "exercise",
33
+ "title": "KNHB oefening",
34
+ "content": "<p>KNHB oefening</p>",
35
+ "source_table": "Exercise"
36
+ },
37
+ {
38
+ "id": "exercise_9",
39
+ "type": "exercise",
40
+ "title": "Oefening Nick",
41
+ "content": "<p>Oefening Nick</p>",
42
+ "source_table": "Exercise"
43
+ },
44
+ {
45
+ "id": "exercise_10",
46
+ "type": "exercise",
47
+ "title": "Oefening Bram",
48
+ "content": "<p>Oefening Bram</p>",
49
+ "source_table": "Exercise"
50
+ },
51
+ {
52
+ "id": "exercise_11",
53
+ "type": "exercise",
54
+ "title": "Oefening Bram&Nick",
55
+ "content": "<p>Oefening Bram&amp;Nick</p>",
56
+ "source_table": "Exercise"
57
+ },
58
+ {
59
+ "id": "exercise_12",
60
+ "type": "exercise",
61
+ "title": "Rugby oefening",
62
+ "content": "<p>Rugby oefening</p>",
63
+ "source_table": "Exercise"
64
+ },
65
+ {
66
+ "id": "exercise_13",
67
+ "type": "exercise",
68
+ "title": "Bulldogs oefening",
69
+ "content": "<p>Bulldogs oefening</p>",
70
+ "source_table": "Exercise"
71
+ },
72
+ {
73
+ "id": "exercise_14",
74
+ "type": "exercise",
75
+ "title": "Blokkade",
76
+ "content": "<p>Spelers leren in een eenvoudige stroomvorm de blocktackle aan.</p>",
77
+ "source_table": "Exercise"
78
+ },
79
+ {
80
+ "id": "exercise_15",
81
+ "type": "exercise",
82
+ "title": "Aannemen en go",
83
+ "content": "<p>Spelers leren het aannemen met de backhand en dribbelen vervolgens weer terug naar de trainer.</p>",
84
+ "source_table": "Exercise"
85
+ },
86
+ {
87
+ "id": "exercise_16",
88
+ "type": "exercise",
89
+ "title": "Backhand aannamen met slalom",
90
+ "content": "<p>Spelers leren in een eenvoudige oefenvorm de backhand aannamen en maken vervolgens een slalom.</p>",
91
+ "source_table": "Exercise"
92
+ },
93
+ {
94
+ "id": "exercise_17",
95
+ "type": "exercise",
96
+ "title": "Eindpartij 3-3 (5-5)",
97
+ "content": "<p>Er wordt volgens de wedstrijdregels een 3-3 of een 5-5 partijspel gespeeld.</p>",
98
+ "source_table": "Exercise"
99
+ },
100
+ {
101
+ "id": "exercise_18",
102
+ "type": "exercise",
103
+ "title": "Oefening 4 attachments",
104
+ "content": "<p>test123</p>",
105
+ "source_table": "Exercise"
106
+ },
107
+ {
108
+ "id": "exercise_19",
109
+ "type": "exercise",
110
+ "title": "test",
111
+ "content": "<p>test</p>",
112
+ "source_table": "Exercise"
113
+ },
114
+ {
115
+ "id": "exercise_20",
116
+ "type": "exercise",
117
+ "title": "testen oefening",
118
+ "content": "<p>testen oefening</p>",
119
+ "source_table": "Exercise"
120
+ },
121
+ {
122
+ "id": "exercise_21",
123
+ "type": "exercise",
124
+ "title": "Slaan123",
125
+ "content": "<p>iuhiuh</p>",
126
+ "source_table": "Exercise"
127
+ },
128
+ {
129
+ "id": "exercise_22",
130
+ "type": "exercise",
131
+ "title": "Jup",
132
+ "content": "<p>Jup</p>",
133
+ "source_table": "Exercise"
134
+ },
135
+ {
136
+ "id": "serie_1",
137
+ "type": "serie",
138
+ "title": "Test",
139
+ "content": "<p>De competitie is voorbij, maar dat hoeft zeker niet te betekenen dat jij de komende twee maanden stil zit. Het is nu namelijk het perfecte moment op je voor te bereiden op volgend seizoen! We begin...",
140
+ "source_table": "Serie"
141
+ },
142
+ {
143
+ "id": "serie_2",
144
+ "type": "serie",
145
+ "title": "Zaalcoaching",
146
+ "content": "<p>testtesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttest</p>\r\n<p>testtesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttesttes<...",
147
+ "source_table": "Serie"
148
+ },
149
+ {
150
+ "id": "serie_3",
151
+ "type": "serie",
152
+ "title": "Ladder Drills",
153
+ "content": "<p class=\"mt-4\">Volgend seizoen een stuk sneller en wendbaarder zijn dan afgelopen seizoen? Ga aan de slag met de ladder drills oefeningen van International en Hoofdklasse speler: Terrance Pieters.</p...",
154
+ "source_table": "Serie"
155
+ },
156
+ {
157
+ "id": "serie_11",
158
+ "type": "serie",
159
+ "title": "test",
160
+ "content": "<p>description</p>",
161
+ "source_table": "Serie"
162
+ },
163
+ {
164
+ "id": "serie_14",
165
+ "type": "serie",
166
+ "title": "TRAIN JE ROMPSTABILITEIT MET HOCKEYFOOD",
167
+ "content": "<p>Wist je dat een sterke rompstabiliteit tijdens hockey veel voordelen met zich meebrengt? Je kunt krachtigere passen geven, je bent sterker in duels, het verhoogt je explosief vermogen en het vermin...",
168
+ "source_table": "Serie"
169
+ },
170
+ {
171
+ "id": "serie_19",
172
+ "type": "serie",
173
+ "title": "Nick Test Flow",
174
+ "content": "<p>Omschrijving serie</p>",
175
+ "source_table": "Serie"
176
+ },
177
+ {
178
+ "id": "serie_21",
179
+ "type": "serie",
180
+ "title": "Serie with files",
181
+ "content": "<p>Serie with files</p>",
182
+ "source_table": "Serie"
183
+ },
184
+ {
185
+ "id": "serie_27",
186
+ "type": "serie",
187
+ "title": "Nick serie with document",
188
+ "content": "<p>Nick serie with document</p>",
189
+ "source_table": "Serie"
190
+ },
191
+ {
192
+ "id": "multimedia_1",
193
+ "type": "multimedia",
194
+ "title": "annie-spratt-42458-unsplash1.jpg",
195
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/0f959dfe-5b22-4400-bc0b-d41c499247fe?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1876562592&Signature=5x%2Bt%2BwpiBn9QFKF8SdF3cuS0yw4%3D",
196
+ "source_table": "Multimedia"
197
+ },
198
+ {
199
+ "id": "multimedia_5",
200
+ "type": "multimedia",
201
+ "title": "21.01.FF_.McAfee.DH_.59838.Wired_McAfee_036_Final.jpg",
202
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/78224fc0-0588-44bc-80bb-8513261e7b73.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877178002&Signature=6trKrFsPMpqKATmBslibEOcfPZU%3D",
203
+ "source_table": "Multimedia"
204
+ },
205
+ {
206
+ "id": "multimedia_6",
207
+ "type": "multimedia",
208
+ "title": "john_mcafee_afwezig_op_blockchain_world_conference_wegens_doodsbedreigingen-696x394.jpg",
209
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/c222f8ac-3590-4753-bd57-6ff6954c361d.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877178002&Signature=OkHiXhpfOrIXqCYp%2BTv%2BzhQibDM%3D",
210
+ "source_table": "Multimedia"
211
+ },
212
+ {
213
+ "id": "multimedia_7",
214
+ "type": "multimedia",
215
+ "title": "john_mcafee_afwezig_op_blockchain_world_conference_wegens_doodsbedreigingen-696x394.jpg",
216
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/faddb9b4-b006-4811-8225-039e80b5b2b6.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877178099&Signature=zXgw92Ck60h5Xx0rwhjjgzJY2zI%3D",
217
+ "source_table": "Multimedia"
218
+ },
219
+ {
220
+ "id": "multimedia_8",
221
+ "type": "multimedia",
222
+ "title": "21.01.FF_.McAfee.DH_.59838.Wired_McAfee_036_Final.jpg",
223
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/c5fa6094-b1f1-4ffc-a4de-b41ff32bd921.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877178099&Signature=dT%2FhT3vOqPGBrjPNQqR%2FY7hfGd0%3D",
224
+ "source_table": "Multimedia"
225
+ },
226
+ {
227
+ "id": "multimedia_9",
228
+ "type": "multimedia",
229
+ "title": "HC Press - algemeen(1).mp4",
230
+ "url": "https://player.vimeo.com/video/344585890",
231
+ "source_table": "Multimedia"
232
+ },
233
+ {
234
+ "id": "multimedia_10",
235
+ "type": "multimedia",
236
+ "title": "john_mcafee_afwezig_op_blockchain_world_conference_wegens_doodsbedreigingen-696x394.jpg",
237
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/d2a4ce51-9581-4cba-929c-ab4527a74266.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877178443&Signature=gR1KUI%2FtbzPYDT1g1Sd5sri%2BKd4%3D",
238
+ "source_table": "Multimedia"
239
+ },
240
+ {
241
+ "id": "multimedia_11",
242
+ "type": "multimedia",
243
+ "title": "john_mcafee_afwezig_op_blockchain_world_conference_wegens_doodsbedreigingen-696x394.jpg",
244
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/d2a4ce51-9581-4cba-929c-ab4527a74266.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877178443&Signature=gR1KUI%2FtbzPYDT1g1Sd5sri%2BKd4%3D",
245
+ "source_table": "Multimedia"
246
+ },
247
+ {
248
+ "id": "multimedia_12",
249
+ "type": "multimedia",
250
+ "title": "21.01.FF_.McAfee.DH_.59838.Wired_McAfee_036_Final.jpg",
251
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/7747f215-d497-4d63-89e7-837ef5141ef5.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877178443&Signature=VYYxeNifgs6RzlnZ0Qk5ezQB5Os%3D",
252
+ "source_table": "Multimedia"
253
+ },
254
+ {
255
+ "id": "multimedia_13",
256
+ "type": "multimedia",
257
+ "title": "HC Press - algemeen(1).mp4",
258
+ "url": "https://player.vimeo.com/video/344587101",
259
+ "source_table": "Multimedia"
260
+ },
261
+ {
262
+ "id": "multimedia_14",
263
+ "type": "multimedia",
264
+ "title": "green.jpg",
265
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/dbb25c68-1913-4a6c-8f99-a5e4ae4fd239.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877676680&Signature=uDZ1Qf2GclCixAcL4ykBx3Tsbt4%3D",
266
+ "source_table": "Multimedia"
267
+ },
268
+ {
269
+ "id": "multimedia_15",
270
+ "type": "multimedia",
271
+ "title": "banner-nieuwsbrief.jpg",
272
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/461d5cc4-4365-4969-bad5-3534bbc201d1.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877678300&Signature=U8LGlpGcX%2FfoeYITzzBMpupMztg%3D",
273
+ "source_table": "Multimedia"
274
+ },
275
+ {
276
+ "id": "multimedia_16",
277
+ "type": "multimedia",
278
+ "title": "terrance.jpg",
279
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/018df983-80cb-44c5-953b-4d5dedaf698c.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877691819&Signature=4UHzYSTOJ8%2BgR1M0bdoL9TxYqE8%3D",
280
+ "source_table": "Multimedia"
281
+ },
282
+ {
283
+ "id": "multimedia_17",
284
+ "type": "multimedia",
285
+ "title": "Pexels_small.mp4",
286
+ "url": "https://player.vimeo.com/video/345910683",
287
+ "source_table": "Multimedia"
288
+ },
289
+ {
290
+ "id": "multimedia_18",
291
+ "type": "multimedia",
292
+ "title": "Pexels_small.mp4",
293
+ "url": "https://player.vimeo.com/video/345911152",
294
+ "source_table": "Multimedia"
295
+ },
296
+ {
297
+ "id": "multimedia_19",
298
+ "type": "multimedia",
299
+ "title": "green.jpg",
300
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/d52338b9-4840-4daa-94b0-1e9970c97ffa.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877781038&Signature=p96DnFh3gDaGsQN9MIocz7So7FI%3D",
301
+ "source_table": "Multimedia"
302
+ },
303
+ {
304
+ "id": "multimedia_20",
305
+ "type": "multimedia",
306
+ "title": "Pexels_small.mp4",
307
+ "url": "https://player.vimeo.com/video/345914075",
308
+ "source_table": "Multimedia"
309
+ },
310
+ {
311
+ "id": "multimedia_21",
312
+ "type": "multimedia",
313
+ "title": "serie-skills-e8.jpg",
314
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/2ab7c648-c2e3-44fe-8ac4-1c0b6502b138.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877783803&Signature=s1ny9390SLQWBHSIhyRuHkus%2Bdc%3D",
315
+ "source_table": "Multimedia"
316
+ },
317
+ {
318
+ "id": "multimedia_22",
319
+ "type": "multimedia",
320
+ "title": "Pexels_small.mp4",
321
+ "url": "https://player.vimeo.com/video/346061157",
322
+ "source_table": "Multimedia"
323
+ },
324
+ {
325
+ "id": "multimedia_23",
326
+ "type": "multimedia",
327
+ "title": "Duel 1 tegen 1 Aanvallend.mp4",
328
+ "url": "https://player.vimeo.com/video/346086186",
329
+ "source_table": "Multimedia"
330
+ },
331
+ {
332
+ "id": "multimedia_24",
333
+ "type": "multimedia",
334
+ "title": "terrance.jpg",
335
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/3bb8b3ac-7011-4c02-9402-e39debd3c379.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877850931&Signature=tu8eqME1UMDfDWRvEtND10YzcWA%3D",
336
+ "source_table": "Multimedia"
337
+ },
338
+ {
339
+ "id": "multimedia_25",
340
+ "type": "multimedia",
341
+ "title": "Block Tackle.mp4",
342
+ "url": "https://player.vimeo.com/video/346168524",
343
+ "source_table": "Multimedia"
344
+ },
345
+ {
346
+ "id": "multimedia_26",
347
+ "type": "multimedia",
348
+ "title": "Intro loopladder niveau 1.mp4",
349
+ "url": "https://player.vimeo.com/video/346172946",
350
+ "source_table": "Multimedia"
351
+ },
352
+ {
353
+ "id": "multimedia_27",
354
+ "type": "multimedia",
355
+ "title": "TEST PDF FILE.pdf",
356
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/8130444e-e618-4a4e-8111-2d2460560b73.pdf?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1877869292&Signature=1XPbcHq2J1Kh83b4RkqGnS8HMoo%3D",
357
+ "source_table": "Multimedia"
358
+ },
359
+ {
360
+ "id": "multimedia_28",
361
+ "type": "multimedia",
362
+ "title": "annie-spratt-42458-unsplash.jpg",
363
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/9ddc94c4-b159-4aa6-b681-a0b42ec8b8ad.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878196564&Signature=G5ckZ0WypUjH7qEAQSCYLgrR3u0%3D",
364
+ "source_table": "Multimedia"
365
+ },
366
+ {
367
+ "id": "multimedia_29",
368
+ "type": "multimedia",
369
+ "title": "annie-spratt-42458-unsplash.jpg",
370
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/822c28f6-147f-4c70-8a9f-d2a6d308615d.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878196621&Signature=xgwIyZAvrrp%2FS2quckQNOQ02JCQ%3D",
371
+ "source_table": "Multimedia"
372
+ },
373
+ {
374
+ "id": "multimedia_30",
375
+ "type": "multimedia",
376
+ "title": "annie-spratt-42458-unsplash.jpg",
377
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/5912c11a-9c8e-4d63-8c7d-a9bcda1b824f.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878196670&Signature=ocZ14yNTOrngEXE0bFK%2BLFyX9oI%3D",
378
+ "source_table": "Multimedia"
379
+ },
380
+ {
381
+ "id": "multimedia_31",
382
+ "type": "multimedia",
383
+ "title": "annie-spratt-42458-unsplash.jpg",
384
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/4a366000-5553-44ef-82c3-2459c187a154.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878196722&Signature=K8RNjYUSbhKsjSUWmmQRAh9SuJM%3D",
385
+ "source_table": "Multimedia"
386
+ },
387
+ {
388
+ "id": "multimedia_32",
389
+ "type": "multimedia",
390
+ "title": "green.jpg",
391
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/a1254c4d-e33d-43a3-8c7d-0f608588f748.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878196728&Signature=Nkm4Bv4BUqbRJkd9iBk8tt7h7O0%3D",
392
+ "source_table": "Multimedia"
393
+ },
394
+ {
395
+ "id": "multimedia_33",
396
+ "type": "multimedia",
397
+ "title": "beauty-bloom-blue-67636.jpg",
398
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/6140e5c9-b827-442a-8639-a224ffe910d6.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878196841&Signature=f4LEviiX4L93x5vsoqOqcKIMHUE%3D",
399
+ "source_table": "Multimedia"
400
+ },
401
+ {
402
+ "id": "multimedia_34",
403
+ "type": "multimedia",
404
+ "title": "green.jpg",
405
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/9c427b4e-9238-4ec8-805a-f9d32798a4be.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878199167&Signature=71iGgJy4S%2FU3cVpcyfchr14gTK8%3D",
406
+ "source_table": "Multimedia"
407
+ },
408
+ {
409
+ "id": "multimedia_35",
410
+ "type": "multimedia",
411
+ "title": "green.jpg",
412
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/e435bf52-7bde-4be2-bdb4-ccec23e7aac0.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878199227&Signature=BCNXIYvqDtdQWxZt%2Bsm8LkGg%2BIo%3D",
413
+ "source_table": "Multimedia"
414
+ },
415
+ {
416
+ "id": "multimedia_36",
417
+ "type": "multimedia",
418
+ "title": "green.jpg",
419
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/1bb11412-c044-4418-a885-62d383520bb8.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878199791&Signature=GT%2FIMb1Iwueur69ZTJkl4uQyuMc%3D",
420
+ "source_table": "Multimedia"
421
+ },
422
+ {
423
+ "id": "multimedia_37",
424
+ "type": "multimedia",
425
+ "title": "green.jpg",
426
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/7655f776-c4b0-4e3c-9948-b6932ca4babf.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878199808&Signature=HfBguNLDSPmh61ucr7RIYWSOAjQ%3D",
427
+ "source_table": "Multimedia"
428
+ },
429
+ {
430
+ "id": "multimedia_39",
431
+ "type": "multimedia",
432
+ "title": "Pexels_small.mp4",
433
+ "url": "https://player.vimeo.com/video/346833497",
434
+ "source_table": "Multimedia"
435
+ },
436
+ {
437
+ "id": "multimedia_40",
438
+ "type": "multimedia",
439
+ "title": "header-corestability.jpg",
440
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/caefc0f3-9c21-4136-9501-e8bb56949efc.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1878812856&Signature=vng1YCTS4R27%2BU1iD%2B%2FVJfh5pxc%3D",
441
+ "source_table": "Multimedia"
442
+ },
443
+ {
444
+ "id": "multimedia_41",
445
+ "type": "multimedia",
446
+ "title": "Pexels_small.mp4",
447
+ "url": "https://player.vimeo.com/video/348369785",
448
+ "source_table": "Multimedia"
449
+ },
450
+ {
451
+ "id": "multimedia_42",
452
+ "type": "multimedia",
453
+ "title": "Pexels_small.mp4",
454
+ "url": "https://player.vimeo.com/video/348370288",
455
+ "source_table": "Multimedia"
456
+ },
457
+ {
458
+ "id": "multimedia_43",
459
+ "type": "multimedia",
460
+ "title": "arnie.mp4",
461
+ "url": "https://player.vimeo.com/video/348602103",
462
+ "source_table": "Multimedia"
463
+ },
464
+ {
465
+ "id": "multimedia_44",
466
+ "type": "multimedia",
467
+ "title": "Introductie seizoen 1.mp4",
468
+ "url": "https://player.vimeo.com/video/348604004",
469
+ "source_table": "Multimedia"
470
+ },
471
+ {
472
+ "id": "multimedia_45",
473
+ "type": "multimedia",
474
+ "title": "green.jpg",
475
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/b84b1943-0915-4a4c-b3fd-64a72817df9f.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1879397902&Signature=o2VufyCM%2FOl8f9Uu%2BjFFGdtQZkE%3D",
476
+ "source_table": "Multimedia"
477
+ },
478
+ {
479
+ "id": "multimedia_46",
480
+ "type": "multimedia",
481
+ "title": "81688-field-hockey-sticks.png",
482
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/29833395-17b4-4ef0-8f27-ac934776c172.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1879425740&Signature=8uB1UwgKzx2b9myPSAAqAI8Wnyo%3D",
483
+ "source_table": "Multimedia"
484
+ },
485
+ {
486
+ "id": "multimedia_47",
487
+ "type": "multimedia",
488
+ "title": "Autoband.png",
489
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/eb34553a-f523-4153-a685-d9538d962c0f.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1879489160&Signature=GrqtadJhaAjHxvtM0IOLYmgu3qM%3D",
490
+ "source_table": "Multimedia"
491
+ },
492
+ {
493
+ "id": "multimedia_48",
494
+ "type": "multimedia",
495
+ "title": "Bal.png",
496
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/c8517060-3eb2-47dc-b2e1-0a48a80a49ce.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1879489241&Signature=IZKg1L33P6dA82IDDUdgXQhJ6%2BI%3D",
497
+ "source_table": "Multimedia"
498
+ },
499
+ {
500
+ "id": "multimedia_49",
501
+ "type": "multimedia",
502
+ "title": "Autoband.png",
503
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/380886f8-362d-47fb-a124-73ffb87cf3c8.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1879489252&Signature=TZ%2FiCkoF4aJIUkiDgW%2FQ8AtU1%2Fg%3D",
504
+ "source_table": "Multimedia"
505
+ },
506
+ {
507
+ "id": "multimedia_50",
508
+ "type": "multimedia",
509
+ "title": "Bal.png",
510
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/4865fcfb-5f43-4ad8-994d-174dbb016713.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1879489260&Signature=HA5UBFSCUphAqLv02X%2F0S%2BFM7Dg%3D",
511
+ "source_table": "Multimedia"
512
+ },
513
+ {
514
+ "id": "multimedia_51",
515
+ "type": "multimedia",
516
+ "title": "green.jpg",
517
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/6a1cea49-f9a1-4160-8f4b-a3995346ba1d.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1880191042&Signature=ZQUyB8IWJmGwWHTTqbMmKJX7iCk%3D",
518
+ "source_table": "Multimedia"
519
+ },
520
+ {
521
+ "id": "multimedia_52",
522
+ "type": "multimedia",
523
+ "title": "hqdefault.jpg",
524
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/e8d0e3b1-0230-4111-893c-5240d4f33f72.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1880792898&Signature=TD5OYad18pb2cEvq18r1JLhkP80%3D",
525
+ "source_table": "Multimedia"
526
+ },
527
+ {
528
+ "id": "multimedia_53",
529
+ "type": "multimedia",
530
+ "title": "hqdefault.jpg",
531
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/c1e4a851-f294-441c-8681-092baebccf8b.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1880792955&Signature=dde8BkbP%2FYEftZFj4QwJV1d6ApM%3D",
532
+ "source_table": "Multimedia"
533
+ },
534
+ {
535
+ "id": "multimedia_54",
536
+ "type": "multimedia",
537
+ "title": "Pexels_small.mp4",
538
+ "url": "352459862",
539
+ "source_table": "Multimedia"
540
+ },
541
+ {
542
+ "id": "multimedia_55",
543
+ "type": "multimedia",
544
+ "title": "Pexels_small.mp4",
545
+ "url": "352460046",
546
+ "source_table": "Multimedia"
547
+ },
548
+ {
549
+ "id": "multimedia_56",
550
+ "type": "multimedia",
551
+ "title": "Pexels_small.mp4",
552
+ "url": "352460101",
553
+ "source_table": "Multimedia"
554
+ },
555
+ {
556
+ "id": "multimedia_57",
557
+ "type": "multimedia",
558
+ "title": "green.jpg",
559
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/3379db49-faa7-44bc-8a82-63d93b4cb574.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1880795072&Signature=K%2BLgboLT8g89WS8rAYD86HPTn6I%3D",
560
+ "source_table": "Multimedia"
561
+ },
562
+ {
563
+ "id": "multimedia_58",
564
+ "type": "multimedia",
565
+ "title": "green.jpg",
566
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/38a29afd-ae04-4413-bc81-45376a5da627.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1880795072&Signature=vhwvkGI%2F2TEESDUhze%2FIGvbEXLQ%3D",
567
+ "source_table": "Multimedia"
568
+ },
569
+ {
570
+ "id": "multimedia_66",
571
+ "type": "multimedia",
572
+ "title": "Screenshot 2019-09-12 at 14.00.13",
573
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/8667f38e1f2c4be7b97ae639e645bd15.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1884865717&Signature=cVNDurOT2BVCxqoYMkTnoKHohaQ%3D",
574
+ "source_table": "Multimedia"
575
+ },
576
+ {
577
+ "id": "multimedia_68",
578
+ "type": "multimedia",
579
+ "title": "Autoband",
580
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/bb620306c83945bf8697e79a00bb37d9.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1889191403&Signature=wY4VkaTVfBF55LbueLIfX26ohro%3D",
581
+ "source_table": "Multimedia"
582
+ },
583
+ {
584
+ "id": "multimedia_69",
585
+ "type": "multimedia",
586
+ "title": "Autoband",
587
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/ef5d12cc3e174d46a4482a578481d70a.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1889191439&Signature=dg57dsDSPSNOryCJt4autqwKcZE%3D",
588
+ "source_table": "Multimedia"
589
+ },
590
+ {
591
+ "id": "multimedia_70",
592
+ "type": "multimedia",
593
+ "title": "Detail_exercise",
594
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/74b22362e2af4b1fbb206726f6f7e59e.pdf?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1889191439&Signature=L4OS%2Bn95giyMalrP44%2B%2FASIUq98%3D",
595
+ "source_table": "Multimedia"
596
+ },
597
+ {
598
+ "id": "multimedia_71",
599
+ "type": "multimedia",
600
+ "title": "green",
601
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/9dee49e00afe431bad5fd7bc1ac98c38.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1889430835&Signature=ArkXdav%2BYMLXEvP%2FSjmagOXO4RY%3D",
602
+ "source_table": "Multimedia"
603
+ },
604
+ {
605
+ "id": "multimedia_72",
606
+ "type": "multimedia",
607
+ "title": "Screenshot 2019-12-04 at 17.04.30",
608
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/16052f542eac4a9cafb8a116deffdd0b.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891174452&Signature=fwXUyGWHonE01uhcORGVJzsa7uU%3D",
609
+ "source_table": "Multimedia"
610
+ },
611
+ {
612
+ "id": "multimedia_73",
613
+ "type": "multimedia",
614
+ "title": "Screenshot 2019-12-04 at 17.04.30",
615
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/efefeda5334a47e2bee1fd837362045c.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891174544&Signature=GQAQ68HwLEj65stSUdB%2FM4ULuMc%3D",
616
+ "source_table": "Multimedia"
617
+ },
618
+ {
619
+ "id": "multimedia_74",
620
+ "type": "multimedia",
621
+ "title": "Screenshot 2019-12-04 at 17.04.30",
622
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/7f1129ec1e97498eb9081541b9143246.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891174545&Signature=rDIw4GdkOPc5sl6zFmCPMC3ChFU%3D",
623
+ "source_table": "Multimedia"
624
+ },
625
+ {
626
+ "id": "multimedia_75",
627
+ "type": "multimedia",
628
+ "title": "Screenshot 2019-12-04 at 17.04.30",
629
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/8e40eb5a09c5426391bb0de5eac4f049.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891174631&Signature=Pp2JS67c70iZOkN28nl3PHf5o7o%3D",
630
+ "source_table": "Multimedia"
631
+ },
632
+ {
633
+ "id": "multimedia_76",
634
+ "type": "multimedia",
635
+ "title": "Screenshot 2019-12-04 at 17.04.30",
636
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/b4ffdfa2f4974fcd8923f55b42ee6b1c.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891174633&Signature=IXq0i%2FliJbY4MeuGG066sz%2F9JvU%3D",
637
+ "source_table": "Multimedia"
638
+ },
639
+ {
640
+ "id": "multimedia_77",
641
+ "type": "multimedia",
642
+ "title": "Screenshot 2019-12-04 at 17.04.30",
643
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/ed360d84a0e642728552d9bd89e5d50f.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891175428&Signature=KUJBoMNK2eMZ%2BZCasseuFgehLWY%3D",
644
+ "source_table": "Multimedia"
645
+ },
646
+ {
647
+ "id": "multimedia_78",
648
+ "type": "multimedia",
649
+ "title": "Screenshot 2019-12-04 at 17.04.30",
650
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/5bd195b0ca884e1f88a9a0c67fb98dbd.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891176298&Signature=ueptOKMByPwjCVA%2FwIjoaT465aQ%3D",
651
+ "source_table": "Multimedia"
652
+ },
653
+ {
654
+ "id": "multimedia_79",
655
+ "type": "multimedia",
656
+ "title": "Screenshot 2019-12-04 at 17.04.30",
657
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/b325e5e1eb8e4f0c8402841e76294618.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891599004&Signature=erRkmAdFXlabzHRMeho%2BVicXIWU%3D",
658
+ "source_table": "Multimedia"
659
+ },
660
+ {
661
+ "id": "multimedia_80",
662
+ "type": "multimedia",
663
+ "title": "Screenshot 2019-12-04 at 17.04.30",
664
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/8b54fd47eadf4d15882d3bf17a4b9077.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891599007&Signature=h5WSlbk8VECfUaaAh%2Bo%2FXocNndg%3D",
665
+ "source_table": "Multimedia"
666
+ },
667
+ {
668
+ "id": "multimedia_81",
669
+ "type": "multimedia",
670
+ "title": "Screenshot 2019-12-11 at 14.08.35",
671
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/4429fd38725b4310bb22e29b3692d2dd.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891694881&Signature=BYJhLCBPBPsnL2CaF8M2Zg9YJ7Q%3D",
672
+ "source_table": "Multimedia"
673
+ },
674
+ {
675
+ "id": "multimedia_82",
676
+ "type": "multimedia",
677
+ "title": "Screenshot 2019-12-11 at 14.08.35",
678
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/b8f31b2349f6484e98ea29da7fec4090.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1891694882&Signature=rLaDmTXAZD1A5KbtKwkoR%2BhcEvw%3D",
679
+ "source_table": "Multimedia"
680
+ },
681
+ {
682
+ "id": "multimedia_83",
683
+ "type": "multimedia",
684
+ "title": "Screenshot 2019-12-17 at 13.53.01",
685
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/BULLDOGS/1e71ed41900f448f9a4c087d8b70715f.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1892212435&Signature=Hrf%2Bn2MnzsK19sWswcFvtzNJ0%2Bo%3D",
686
+ "source_table": "Multimedia"
687
+ },
688
+ {
689
+ "id": "multimedia_84",
690
+ "type": "multimedia",
691
+ "title": "Screenshot 2019-12-17 at 13.53.01",
692
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/BULLDOGS/e89eeaa56b364e9188da978df82ef9e9.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1892212521&Signature=orCM0rb7acpP4GZRtCkcEgLZ%2Fa4%3D",
693
+ "source_table": "Multimedia"
694
+ },
695
+ {
696
+ "id": "multimedia_85",
697
+ "type": "multimedia",
698
+ "title": "Screenshot 2019-12-17 at 13.53.01",
699
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/721a518b1deb4e38b2e12b8acf308795.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1892212521&Signature=Al7mjHei2wBHxgryfRmEFv%2Fs83I%3D",
700
+ "source_table": "Multimedia"
701
+ },
702
+ {
703
+ "id": "multimedia_86",
704
+ "type": "multimedia",
705
+ "title": "66342e1906234a729425e796ac7f2775",
706
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/0219f8afbc0141d382353aa38159c546.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1892297185&Signature=YtHgWfdeBOE4K%2FsyCAhs62xEibs%3D",
707
+ "source_table": "Multimedia"
708
+ },
709
+ {
710
+ "id": "multimedia_87",
711
+ "type": "multimedia",
712
+ "title": "b141a8462f6e41f0bbe16d0d08d20f6d",
713
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/64ad24a6e2b94c358a91e3a0376e3526.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1892297196&Signature=OYVm6mJpBdYIhvJZELbecwTQgAQ%3D",
714
+ "source_table": "Multimedia"
715
+ },
716
+ {
717
+ "id": "multimedia_88",
718
+ "type": "multimedia",
719
+ "title": "db4f4299abed47e2bb415268b262b014",
720
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/adb5689d49b641448256df088ff9b5e0.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1892297211&Signature=Op9NbjBnOBCD%2FUetA99i05xw83o%3D",
721
+ "source_table": "Multimedia"
722
+ },
723
+ {
724
+ "id": "multimedia_89",
725
+ "type": "multimedia",
726
+ "title": "Backhand push - Voorbeeld goed",
727
+ "url": "https://player.vimeo.com/video/380253754",
728
+ "source_table": "Multimedia"
729
+ },
730
+ {
731
+ "id": "multimedia_90",
732
+ "type": "multimedia",
733
+ "title": "Voor de linksachter3",
734
+ "url": "https://player.vimeo.com/video/383713174",
735
+ "source_table": "Multimedia"
736
+ },
737
+ {
738
+ "id": "multimedia_91",
739
+ "type": "multimedia",
740
+ "title": "Rol van de keeper",
741
+ "url": "https://player.vimeo.com/video/384972581",
742
+ "source_table": "Multimedia"
743
+ },
744
+ {
745
+ "id": "multimedia_92",
746
+ "type": "multimedia",
747
+ "title": "Screenshot 2020-01-21 at 10.35.34",
748
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/0075ed7a2a7f41848985da5532009f2e.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1895759408&Signature=Lcx2LUEM8U18Mrm2wWuDSWmoEAw%3D",
749
+ "source_table": "Multimedia"
750
+ },
751
+ {
752
+ "id": "multimedia_93",
753
+ "type": "multimedia",
754
+ "title": "Screenshot 2020-01-21 at 10.35.34",
755
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/c866a580deff41e89e622ea53c746ab5.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1895759451&Signature=flvpPEMUfr%2F13EyQ3fY0Eyo4%2Bfo%3D",
756
+ "source_table": "Multimedia"
757
+ },
758
+ {
759
+ "id": "multimedia_94",
760
+ "type": "multimedia",
761
+ "title": "Screenshot 2020-01-21 at 10.35.34",
762
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/3a50fcc04eaf4425bfd51c1cc191bf0b.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1895759452&Signature=hHoYErcnqpvjiSODBfc9c7sONT0%3D",
763
+ "source_table": "Multimedia"
764
+ },
765
+ {
766
+ "id": "multimedia_97",
767
+ "type": "multimedia",
768
+ "title": "Demo_hockey_app",
769
+ "url": "https://player.vimeo.com/video/395969700",
770
+ "source_table": "Multimedia"
771
+ },
772
+ {
773
+ "id": "multimedia_100",
774
+ "type": "multimedia",
775
+ "title": "81688-field-hockey-sticks",
776
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/efbd5a61682948a99505f9c1d6367690.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1903008841&Signature=Rgu09KBG5LfiEqFsaNp%2BiR2nBhg%3D",
777
+ "source_table": "Multimedia"
778
+ },
779
+ {
780
+ "id": "multimedia_101",
781
+ "type": "multimedia",
782
+ "title": "57635_miscellaneous_sea_pier_pier",
783
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/76ee34a477594c99945f7d72bddfc571.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1903008896&Signature=%2Fj9Xo0gv9pT9mbcvKXDB7Wp3hXI%3D",
784
+ "source_table": "Multimedia"
785
+ },
786
+ {
787
+ "id": "multimedia_102",
788
+ "type": "multimedia",
789
+ "title": "7ef4cf6e-1ff6-47ec-9408-1ea776a0c24b",
790
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/94f2990d77d344ef93bb761d56ab835f.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1903008936&Signature=Ty3LmDxWEE4H889ZWr1cZX4L2bE%3D",
791
+ "source_table": "Multimedia"
792
+ },
793
+ {
794
+ "id": "multimedia_103",
795
+ "type": "multimedia",
796
+ "title": "57635_miscellaneous_sea_pier_pier",
797
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/3d9c3084d150494a9d201ded8562d02b.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1903009503&Signature=5HX9VtY5V6hszbUPCZsGc1rY5lc%3D",
798
+ "source_table": "Multimedia"
799
+ },
800
+ {
801
+ "id": "multimedia_104",
802
+ "type": "multimedia",
803
+ "title": "file_example_MOV_480_700kB",
804
+ "url": "https://player.vimeo.com/video/412204192",
805
+ "source_table": "Multimedia"
806
+ },
807
+ {
808
+ "id": "multimedia_105",
809
+ "type": "multimedia",
810
+ "title": "sample2",
811
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/65acb946045847fe9a76ca1485b46097.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1904121409&Signature=ITkajysZUcFxeX81zGTGzs19V3s%3D",
812
+ "source_table": "Multimedia"
813
+ },
814
+ {
815
+ "id": "multimedia_106",
816
+ "type": "multimedia",
817
+ "title": "circle-abstract-logo-28546917",
818
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/f78859db25b74f16b02f2adda90011e0.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1904388467&Signature=90QzHb81k%2FBBYvEe1ocKHQ2rSxk%3D",
819
+ "source_table": "Multimedia"
820
+ },
821
+ {
822
+ "id": "multimedia_107",
823
+ "type": "multimedia",
824
+ "title": "smile-68",
825
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/3d67dbefe6674c2abbac45ce5a4a4f2d.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1904389117&Signature=MIkOeR%2FucOFDq6MXH1bCcDiQgWk%3D",
826
+ "source_table": "Multimedia"
827
+ },
828
+ {
829
+ "id": "multimedia_108",
830
+ "type": "multimedia",
831
+ "title": "button_in_app_1",
832
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/060ff68a73a045db8fbfc2620de93c82.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905496870&Signature=P0kEO9HK28W9cB%2FV2AKQQ%2FPQpoQ%3D",
833
+ "source_table": "Multimedia"
834
+ },
835
+ {
836
+ "id": "multimedia_113",
837
+ "type": "multimedia",
838
+ "title": "circle-abstract-logo-28546917",
839
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/434affe5822e40a78f9df56a7a65a25b.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905930050&Signature=W4HQ45kaOXUgdHHWTikupFgGwCg%3D",
840
+ "source_table": "Multimedia"
841
+ },
842
+ {
843
+ "id": "multimedia_114",
844
+ "type": "multimedia",
845
+ "title": "61rbwgxdCKL._SL1500__",
846
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/26340b120bae4084809f0c0ea87375e8.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905930731&Signature=oG7ff25ErrKSEw58pK8qbqihe%2F4%3D",
847
+ "source_table": "Multimedia"
848
+ },
849
+ {
850
+ "id": "multimedia_115",
851
+ "type": "multimedia",
852
+ "title": "Heineken-Logo",
853
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/50bb054c929c4294b776fce06595e334.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905930783&Signature=KkIIyMAh159A5NHdcx3WN9oV%2Fek%3D",
854
+ "source_table": "Multimedia"
855
+ },
856
+ {
857
+ "id": "multimedia_116",
858
+ "type": "multimedia",
859
+ "title": "almeerse-white",
860
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/1d26c0078d7144059782591f0ff68480.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905930814&Signature=4Ine%2FBgg4yeVV2YGaZ5CcR4KEx0%3D",
861
+ "source_table": "Multimedia"
862
+ },
863
+ {
864
+ "id": "multimedia_117",
865
+ "type": "multimedia",
866
+ "title": "796356052",
867
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/e9c911753194431eb8d2a4bdfa28ea68.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905930847&Signature=gfXQPxioet7%2F0Dxck0eQgqRVdcM%3D",
868
+ "source_table": "Multimedia"
869
+ },
870
+ {
871
+ "id": "multimedia_119",
872
+ "type": "multimedia",
873
+ "title": "imgbin-adidas-nike-logo-emblem-adidas-brand-logo-JXYwqNF27ExpcZWN2N3p3C8Ec",
874
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/bbe6f05e422c4fb5bee27bae754e330e.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905943558&Signature=7J1PTD8AshBWSDBMdXFhDkAvh80%3D",
875
+ "source_table": "Multimedia"
876
+ },
877
+ {
878
+ "id": "multimedia_120",
879
+ "type": "multimedia",
880
+ "title": "adidas",
881
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/e1c46e3ccbc8486980df7d2ac1495a8d.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905943691&Signature=%2BGkvqyIf8f7vi2TMjxh%2F6LI3kDo%3D",
882
+ "source_table": "Multimedia"
883
+ },
884
+ {
885
+ "id": "multimedia_121",
886
+ "type": "multimedia",
887
+ "title": "0de9693d3906d34bd1d24e65a2ee17ba--red-logo-energy-drinks",
888
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/aed4f49db5244309a62bead819cd6a99.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905943746&Signature=oltvlT2DX3yvwiAlJSj8Up4o4lQ%3D",
889
+ "source_table": "Multimedia"
890
+ },
891
+ {
892
+ "id": "multimedia_123",
893
+ "type": "multimedia",
894
+ "title": "sample",
895
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/BULLDOGS/2655ac943ecb4c6c9f778e875b6d35e7.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1905945345&Signature=SYEvjxCg6o4nyIwFesBo8eSf08U%3D",
896
+ "source_table": "Multimedia"
897
+ },
898
+ {
899
+ "id": "multimedia_124",
900
+ "type": "multimedia",
901
+ "title": "logo-abn-amro",
902
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/05dc7a3f51ee482dbddab1ae0ad59aba.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1908708798&Signature=AahQvXzO3hXo8QPADbSLaDhG770%3D",
903
+ "source_table": "Multimedia"
904
+ },
905
+ {
906
+ "id": "multimedia_125",
907
+ "type": "multimedia",
908
+ "title": "Pexels_small",
909
+ "url": "https://player.vimeo.com/video/439960086",
910
+ "source_table": "Multimedia"
911
+ },
912
+ {
913
+ "id": "multimedia_126",
914
+ "type": "multimedia",
915
+ "title": "Pexels_small",
916
+ "url": "https://player.vimeo.com/video/439960930",
917
+ "source_table": "Multimedia"
918
+ },
919
+ {
920
+ "id": "multimedia_127",
921
+ "type": "multimedia",
922
+ "title": "Copyright-ProShots-2694035-756x422",
923
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/069ae4e7c6de45e8a8560588f39c7cbc.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1919947821&Signature=niMEo9tYPM8NF6k%2Fidl3NsU9vU0%3D",
924
+ "source_table": "Multimedia"
925
+ },
926
+ {
927
+ "id": "multimedia_128",
928
+ "type": "multimedia",
929
+ "title": "2_AG-ARGENTINA_AUSTRALIA",
930
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/8da65c9cb1ae4085b8b93dbd92695f81.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1919947831&Signature=br1U5peWsMnMx%2BY%2BAYd3CLHuzDc%3D",
931
+ "source_table": "Multimedia"
932
+ },
933
+ {
934
+ "id": "multimedia_129",
935
+ "type": "multimedia",
936
+ "title": "Copyright-ProShots-2694035-756x422",
937
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/72fdc425ea154f7a8e6c380649bad581.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1919948571&Signature=uH9ufg4sOFyFN%2BGRsEx8b0yZvoo%3D",
938
+ "source_table": "Multimedia"
939
+ },
940
+ {
941
+ "id": "multimedia_130",
942
+ "type": "multimedia",
943
+ "title": "sample-mp4-file",
944
+ "url": "https://player.vimeo.com/video/500437149",
945
+ "source_table": "Multimedia"
946
+ },
947
+ {
948
+ "id": "multimedia_131",
949
+ "type": "multimedia",
950
+ "title": "sample-mp4-file_2",
951
+ "url": "https://player.vimeo.com/video/500437057",
952
+ "source_table": "Multimedia"
953
+ },
954
+ {
955
+ "id": "multimedia_132",
956
+ "type": "multimedia",
957
+ "title": "HF_1",
958
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/df9484f55fa24469a88c2b449d1025f6.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926163985&Signature=xjAPUZw1muakvgMmsyFTZD%2BfUsw%3D",
959
+ "source_table": "Multimedia"
960
+ },
961
+ {
962
+ "id": "multimedia_133",
963
+ "type": "multimedia",
964
+ "title": "HF_2",
965
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/1454d128813d4ccaa7f6f57165b9e2a7.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926163986&Signature=hBtA5KqWOL5ChbFUtw4Gdi6fpcw%3D",
966
+ "source_table": "Multimedia"
967
+ },
968
+ {
969
+ "id": "multimedia_134",
970
+ "type": "multimedia",
971
+ "title": "logo_hf_knltb",
972
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/e6351953c1d44b839198206191b174a2.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926164888&Signature=tyQMTphuOn%2FvLPbQynp8ELGV%2FGI%3D",
973
+ "source_table": "Multimedia"
974
+ },
975
+ {
976
+ "id": "multimedia_135",
977
+ "type": "multimedia",
978
+ "title": "kntlb_background",
979
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/8eabb35fa1c34feab7cf890f28b59a01.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926164889&Signature=SAm%2FiNJ0EKcvZfIK8BpeF6UCog8%3D",
980
+ "source_table": "Multimedia"
981
+ },
982
+ {
983
+ "id": "multimedia_136",
984
+ "type": "multimedia",
985
+ "title": "logo_hf_knhb",
986
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/453d4a5fcde34ff692741e7551c2983c.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926164931&Signature=9UIma5IqVoVrz4Evx04mUK35IzM%3D",
987
+ "source_table": "Multimedia"
988
+ },
989
+ {
990
+ "id": "multimedia_137",
991
+ "type": "multimedia",
992
+ "title": "knhb_backrgound",
993
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/59182630a81d4469b4f644f13cd48553.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926165027&Signature=KETxw2JyuS7Lg4%2B%2B9JFGCA8Vblw%3D",
994
+ "source_table": "Multimedia"
995
+ },
996
+ {
997
+ "id": "multimedia_152",
998
+ "type": "multimedia",
999
+ "title": "sample",
1000
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/9ed8f02aedbf45e2a6cc4dda599ee395.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926226296&Signature=pEQVYJ%2FO8E5HbdwnlXr6lJeQDkA%3D",
1001
+ "source_table": "Multimedia"
1002
+ },
1003
+ {
1004
+ "id": "multimedia_153",
1005
+ "type": "multimedia",
1006
+ "title": "eset_trophy_by_adydesign_d5fitr7-fullview",
1007
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/69187a0dd7a2431aba9f16c72b4e8cf0.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926236157&Signature=yI9%2Bx7rZnFKfWfBc1%2BCIhbKilDo%3D",
1008
+ "source_table": "Multimedia"
1009
+ },
1010
+ {
1011
+ "id": "multimedia_154",
1012
+ "type": "multimedia",
1013
+ "title": "sample",
1014
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/27014245071748348aadb1f0b7139a00.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926236157&Signature=goahAf2PIxjpiMmNSAFCALkUx%2Fo%3D",
1015
+ "source_table": "Multimedia"
1016
+ },
1017
+ {
1018
+ "id": "multimedia_155",
1019
+ "type": "multimedia",
1020
+ "title": "logo_hf_knltb",
1021
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/0d0a6f7731dc46d49b36089da69eb97a.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1926248184&Signature=rrj8jamFwY1nJ5bBbv8or2s3QWw%3D",
1022
+ "source_table": "Multimedia"
1023
+ },
1024
+ {
1025
+ "id": "multimedia_157",
1026
+ "type": "multimedia",
1027
+ "title": "hp-logo",
1028
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/bfcf2ab6293441c5bc31a86bce894119.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1966152179&Signature=lDVaWeu7cMqiLDNCiICFuyPgdjo%3D",
1029
+ "source_table": "Multimedia"
1030
+ },
1031
+ {
1032
+ "id": "multimedia_158",
1033
+ "type": "multimedia",
1034
+ "title": "hp-logo",
1035
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/3b0c906b5e02485692bcb490ccfe7acd.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1966152179&Signature=mcISYigsYW6OB9FIeb8wTNFM4IY%3D",
1036
+ "source_table": "Multimedia"
1037
+ },
1038
+ {
1039
+ "id": "multimedia_159",
1040
+ "type": "multimedia",
1041
+ "title": "hp-logo",
1042
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/83232df475074dcc9a6b03c629bef628.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1966152185&Signature=Pwco8SVJ9dkscqn324E7TpNx%2BcE%3D",
1043
+ "source_table": "Multimedia"
1044
+ },
1045
+ {
1046
+ "id": "multimedia_160",
1047
+ "type": "multimedia",
1048
+ "title": "Schermafbeelding 2023-01-23 133811",
1049
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/b45884125cda4e7f86b3f8022e6cca84.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1990096706&Signature=fLLqn1AjxdrHu5Dz18cHPcmKs%2FY%3D",
1050
+ "source_table": "Multimedia"
1051
+ },
1052
+ {
1053
+ "id": "multimedia_161",
1054
+ "type": "multimedia",
1055
+ "title": "Schermafbeelding 2023-01-23 133811",
1056
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/0a7f9772326047829b6723e37aef62dd.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1990097213&Signature=T%2BDtF5BsjEM%2FO9qUSeVwyspszOM%3D",
1057
+ "source_table": "Multimedia"
1058
+ },
1059
+ {
1060
+ "id": "multimedia_162",
1061
+ "type": "multimedia",
1062
+ "title": "Doc1",
1063
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/6687dfd38ca147a7aa767b0e31608315.pdf?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1990097214&Signature=8tkM6enxmpx30EoaOEOpxDIlEgM%3D",
1064
+ "source_table": "Multimedia"
1065
+ },
1066
+ {
1067
+ "id": "multimedia_163",
1068
+ "type": "multimedia",
1069
+ "title": "file_example_MP4_480_1_5MG",
1070
+ "url": "https://player.vimeo.com/video/791854742",
1071
+ "source_table": "Multimedia"
1072
+ },
1073
+ {
1074
+ "id": "multimedia_164",
1075
+ "type": "multimedia",
1076
+ "title": "Schermafbeelding 2023-01-23 133811",
1077
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/HH11AM8/6f55d1da341a46cd88cf354f46244d43.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1990099673&Signature=cZExEuEErv7TK%2FIKY0g0LWHjrAg%3D",
1078
+ "source_table": "Multimedia"
1079
+ },
1080
+ {
1081
+ "id": "multimedia_165",
1082
+ "type": "multimedia",
1083
+ "title": "Doc1",
1084
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/c9f6dc781d8740f3b394fb81ded27262.pdf?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=1990099673&Signature=oREFd1h9ugGviykcM16S9dsElGg%3D",
1085
+ "source_table": "Multimedia"
1086
+ },
1087
+ {
1088
+ "id": "multimedia_166",
1089
+ "type": "multimedia",
1090
+ "title": "file_example_MP4_1280_10MG",
1091
+ "url": "https://player.vimeo.com/video/850519142",
1092
+ "source_table": "Multimedia"
1093
+ },
1094
+ {
1095
+ "id": "multimedia_167",
1096
+ "type": "multimedia",
1097
+ "title": "Scherm\u00adafbeelding 2024-01-30 om 13.48.53",
1098
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/e895dc46837e430ea5f3f6e005fd3f3c.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2022243867&Signature=6T7W9crgtuqRTvSHTvZBZZFUtiU%3D",
1099
+ "source_table": "Multimedia"
1100
+ },
1101
+ {
1102
+ "id": "multimedia_168",
1103
+ "type": "multimedia",
1104
+ "title": "Het verdedigen van een 1-0 voorsprong Tips per leeftijdscategorie",
1105
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/bd40ccb87265480589a01d711c4cc96c.pdf?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2022243868&Signature=fOWs2LMie5BomYtPLj8zia7wJJA%3D",
1106
+ "source_table": "Multimedia"
1107
+ },
1108
+ {
1109
+ "id": "multimedia_169",
1110
+ "type": "multimedia",
1111
+ "title": "Adidas logo",
1112
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/19219b99392f429bab1f136b6f63a0f1.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2022244098&Signature=5u70qkeJIgaf9Il%2BfNu1cZ3Kuis%3D",
1113
+ "source_table": "Multimedia"
1114
+ },
1115
+ {
1116
+ "id": "multimedia_170",
1117
+ "type": "multimedia",
1118
+ "title": "test",
1119
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/b4ef7db198a94df6a4cd2822555952ef.pdf?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2022244099&Signature=yQTuqCiPmrlDJAvIhZC7ljlgrsc%3D",
1120
+ "source_table": "Multimedia"
1121
+ },
1122
+ {
1123
+ "id": "multimedia_171",
1124
+ "type": "multimedia",
1125
+ "title": "bf5e1e66f4664cc3986cf565f3beae7c",
1126
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/a6affb60736b43318c719fed4cf86ce1.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2029671226&Signature=VVj2%2BDos1jK2BFQWEgpeY6Esep0%3D",
1127
+ "source_table": "Multimedia"
1128
+ },
1129
+ {
1130
+ "id": "multimedia_172",
1131
+ "type": "multimedia",
1132
+ "title": "e25486b521f841c5a6eb4dd038494135",
1133
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/0832abbc97cb4183a11dc0dff6cfe02f.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2029671337&Signature=8AOiwbMDu5HJnqxLw6yNQcNH2sM%3D",
1134
+ "source_table": "Multimedia"
1135
+ },
1136
+ {
1137
+ "id": "multimedia_173",
1138
+ "type": "multimedia",
1139
+ "title": "Scherm\u00adafbeelding 2024-05-03 om 11.13.58",
1140
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/15563924970c4206bf223773b811e5a0.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2030260451&Signature=lavdf5bo3Zjm8wVurM9k4FLTIqw%3D",
1141
+ "source_table": "Multimedia"
1142
+ },
1143
+ {
1144
+ "id": "multimedia_174",
1145
+ "type": "multimedia",
1146
+ "title": "Zrzut ekranu 2024-06-12 092632",
1147
+ "url": "https://hockeyacademy.s3.eu-west-1.amazonaws.com/STMHL/d50f1797ccd04314bd39c62d43075c27.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2033798181&Signature=qkLn7VbF0y1LR8XuPoBgXVDkl9c%3D",
1148
+ "source_table": "Multimedia"
1149
+ },
1150
+ {
1151
+ "id": "multimedia_175",
1152
+ "type": "multimedia",
1153
+ "title": "48664157732_8288d7a6e1_c",
1154
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/3be2a7b8b0a044589ab6ddbed820f112.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070183379&Signature=8v3pEnY9munwOhdoEczR%2BXyAwyY%3D",
1155
+ "source_table": "Multimedia"
1156
+ },
1157
+ {
1158
+ "id": "multimedia_176",
1159
+ "type": "multimedia",
1160
+ "title": "48664157732_8288d7a6e1_c",
1161
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/bacb16adc11740c4b91e4d6684ddcf9a.jpg?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070183476&Signature=gfAZcH8hc4XHfMHpub1kmToO0lE%3D",
1162
+ "source_table": "Multimedia"
1163
+ },
1164
+ {
1165
+ "id": "multimedia_177",
1166
+ "type": "multimedia",
1167
+ "title": "Scherm\u00adafbeelding 2025-08-08 om 14.15.13",
1168
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/644f3759d7d447dc9027a643f0b13377.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070188388&Signature=YuDmQ2GQl8JlT5ZWyEhLaw%2Bitj4%3D",
1169
+ "source_table": "Multimedia"
1170
+ },
1171
+ {
1172
+ "id": "multimedia_178",
1173
+ "type": "multimedia",
1174
+ "title": "Scherm\u00adafbeelding 2025-08-08 om 14.11.04",
1175
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/b39cc81f2ba44198bb372f5f9d806231.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070188451&Signature=sbMJ0ff3AO1oaEbgrg755rWK8iE%3D",
1176
+ "source_table": "Multimedia"
1177
+ },
1178
+ {
1179
+ "id": "multimedia_179",
1180
+ "type": "multimedia",
1181
+ "title": "Scherm\u00adafbeelding 2025-08-08 om 14.23.13",
1182
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/5303e2fd32c94c659df0248c77260e5b.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070188664&Signature=TyCGaAT0gkCrgcGTdO2PFW5Swog%3D",
1183
+ "source_table": "Multimedia"
1184
+ },
1185
+ {
1186
+ "id": "multimedia_180",
1187
+ "type": "multimedia",
1188
+ "title": "Scherm\u00adafbeelding 2025-08-08 om 14.23.13",
1189
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/5cb798d8c3744eec973efb8ee74c76c4.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070188887&Signature=pf3cH%2FO%2F2iIUBJLHpiUjPhSVUjI%3D",
1190
+ "source_table": "Multimedia"
1191
+ },
1192
+ {
1193
+ "id": "multimedia_181",
1194
+ "type": "multimedia",
1195
+ "title": "Scherm\u00adafbeelding 2025-08-08 om 14.23.13",
1196
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/1A%20/dab7f6102aa946dfa2707717423a558a.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070190633&Signature=qpJqdzx2ta5kQire%2Fl4E%2Bz8Ak3U%3D",
1197
+ "source_table": "Multimedia"
1198
+ },
1199
+ {
1200
+ "id": "multimedia_182",
1201
+ "type": "multimedia",
1202
+ "title": "Scherm\u00adafbeelding 2025-08-08 om 14.23.13",
1203
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/1A%20/782e79a6ba2f428184f526390605cff2.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070190838&Signature=dn6Ub4aLZ2LrLXEzfbZv2mkxj8M%3D",
1204
+ "source_table": "Multimedia"
1205
+ },
1206
+ {
1207
+ "id": "multimedia_183",
1208
+ "type": "multimedia",
1209
+ "title": "png-transparent-football-afc-ajax-psv-eindhoven-jong-ajax-eredivisie-fc-utrecht-ajax-tv-netherlands",
1210
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/1A%20/a0622b80b7f5459897fd9aa408c2202a.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070191000&Signature=B2nE2Q3iW9uZMktBx%2Bv9x4%2BVhW4%3D",
1211
+ "source_table": "Multimedia"
1212
+ },
1213
+ {
1214
+ "id": "multimedia_184",
1215
+ "type": "multimedia",
1216
+ "title": "Ajax_Amsterdam.svg",
1217
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/1A%20/99969714b55d464ca45c6d7c805695c4.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070191052&Signature=ZSWe91pKlC%2Bx1xPYzxAJ%2F2r8XXs%3D",
1218
+ "source_table": "Multimedia"
1219
+ },
1220
+ {
1221
+ "id": "multimedia_185",
1222
+ "type": "multimedia",
1223
+ "title": "Scherm\u00adafbeelding 2025-08-08 om 15.01.19",
1224
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/1A%20/4f3cb3ebeeea43c4a4b718806db6d2bf.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070191403&Signature=KvBjQKPclXKgdOkTgozURkqKuyE%3D",
1225
+ "source_table": "Multimedia"
1226
+ },
1227
+ {
1228
+ "id": "multimedia_186",
1229
+ "type": "multimedia",
1230
+ "title": "Scherm\u00adafbeelding 2025-08-11 om 10.59.43",
1231
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/2B/07f5442cb3444296b044c169eeb8291e.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070435707&Signature=k%2B4A54bGVL91oEADDGh5O1EzF6s%3D",
1232
+ "source_table": "Multimedia"
1233
+ },
1234
+ {
1235
+ "id": "multimedia_187",
1236
+ "type": "multimedia",
1237
+ "title": "Scherm\u00adafbeelding 2025-08-11 om 10.59.43",
1238
+ "url": "https://hockeypraktijk-prd.s3.eu-west-1.amazonaws.com/2B/3b2eebdda8984e06bf744bd9fd707c8b.png?AWSAccessKeyId=AKIAIHH6FKHKXFBX7DLQ&Expires=2070435775&Signature=fQnIm0wZVy9jLR63U%2F3H1WvVjN0%3D",
1239
+ "source_table": "Multimedia"
1240
+ }
1241
+ ]
requirements.in ADDED
@@ -0,0 +1,19 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Core dependencies for HuggingFace Spaces
2
+ gradio
3
+ python-dotenv
4
+ httpx
5
+ tenacity
6
+ pydantic
7
+
8
+ # Language processing
9
+ langdetect
10
+ deep-translator
11
+
12
+ # ML and embeddings
13
+ sentence-transformers
14
+ faiss-cpu
15
+ numpy
16
+
17
+ # Optional but recommended
18
+ requests
19
+ beautifulsoup4
requirements.txt ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ gradio==4.8.0
2
+ python-dotenv==1.0.0
3
+ httpx==0.25.2
4
+ tenacity==8.2.3
5
+ pydantic==2.5.0
6
+ langdetect==1.0.9
7
+ deep-translator==1.11.4
8
+ sentence-transformers==2.7.0
9
+ faiss-cpu==1.8.0
10
+ numpy==1.26.4
11
+ requests==2.31.0
12
+ beautifulsoup4==4.12.2