JAIGANESAN N
commited on
Commit
Β·
5cf1d12
1
Parent(s):
38b5930
upgrade model from GPT-3.5 to GPT-4o-mini
Browse files- notebooks/Prompting_101.ipynb +248 -281
notebooks/Prompting_101.ipynb
CHANGED
@@ -3,11 +3,11 @@
|
|
3 |
{
|
4 |
"cell_type": "markdown",
|
5 |
"metadata": {
|
6 |
-
"
|
7 |
-
"
|
8 |
},
|
9 |
"source": [
|
10 |
-
"<a href=\"https://colab.research.google.com/github/towardsai/ai-tutor-rag-system/blob/main/notebooks/Prompting_101.ipynb\" target=\"_parent\"><img src=\"https://colab.research.google.com/assets/colab-badge.svg\" alt=\"Open In Colab\"/></a
|
11 |
]
|
12 |
},
|
13 |
{
|
@@ -21,23 +21,23 @@
|
|
21 |
},
|
22 |
{
|
23 |
"cell_type": "code",
|
24 |
-
"execution_count":
|
25 |
"metadata": {
|
26 |
"colab": {
|
27 |
"base_uri": "https://localhost:8080/"
|
28 |
},
|
29 |
"id": "o4Q0N2omkAoZ",
|
30 |
-
"outputId": "
|
31 |
},
|
32 |
"outputs": [
|
33 |
{
|
34 |
-
"name": "stdout",
|
35 |
"output_type": "stream",
|
|
|
36 |
"text": [
|
37 |
-
"\u001b[2K
|
38 |
-
"\u001b[2K
|
39 |
-
"\u001b[2K
|
40 |
-
"\u001b[2K
|
41 |
"\u001b[?25h"
|
42 |
]
|
43 |
}
|
@@ -48,7 +48,7 @@
|
|
48 |
},
|
49 |
{
|
50 |
"cell_type": "code",
|
51 |
-
"execution_count":
|
52 |
"metadata": {
|
53 |
"id": "xxK7EAAvr2aT"
|
54 |
},
|
@@ -71,7 +71,7 @@
|
|
71 |
},
|
72 |
{
|
73 |
"cell_type": "code",
|
74 |
-
"execution_count":
|
75 |
"metadata": {
|
76 |
"id": "La8hdWqJkFkh"
|
77 |
},
|
@@ -111,7 +111,7 @@
|
|
111 |
"outputs": [],
|
112 |
"source": [
|
113 |
"response = client.chat.completions.create(\n",
|
114 |
-
" model=\"gpt-4o\",\n",
|
115 |
" temperature=0.0,\n",
|
116 |
" messages=[{\"role\": \"user\", \"content\": \"How AI can help my project?\"}],\n",
|
117 |
")"
|
@@ -125,64 +125,36 @@
|
|
125 |
"base_uri": "https://localhost:8080/"
|
126 |
},
|
127 |
"id": "ET_l06LiojaN",
|
128 |
-
"outputId": "
|
129 |
},
|
130 |
"outputs": [
|
131 |
{
|
132 |
-
"name": "stdout",
|
133 |
"output_type": "stream",
|
|
|
134 |
"text": [
|
135 |
-
"AI can
|
136 |
-
"\n",
|
137 |
-
"### 1. **Data Analysis and Insights**\n",
|
138 |
-
"- **Predictive Analytics:** AI can analyze historical data to predict future trends, helping you make informed decisions.\n",
|
139 |
-
"- **Pattern Recognition:** AI algorithms can identify patterns and correlations in large datasets that might be missed by human analysis.\n",
|
140 |
"\n",
|
141 |
-
"
|
142 |
-
"- **Task Automation:** Automate repetitive tasks such as data entry, scheduling, and customer service.\n",
|
143 |
-
"- **Process Optimization:** AI can streamline workflows and improve efficiency by optimizing processes.\n",
|
144 |
"\n",
|
145 |
-
"
|
146 |
-
"- **Customer Experience:** Use AI to personalize user experiences, such as recommending products or content based on user behavior.\n",
|
147 |
-
"- **Targeted Marketing:** AI can help segment your audience and create targeted marketing campaigns.\n",
|
148 |
"\n",
|
149 |
-
"
|
150 |
-
"- **Chatbots:** Implement AI-driven chatbots to handle customer inquiries, providing instant support and freeing up human resources.\n",
|
151 |
-
"- **Sentiment Analysis:** Analyze customer feedback and social media to gauge public sentiment about your project or product.\n",
|
152 |
"\n",
|
153 |
-
"
|
154 |
-
"- **Computer Vision:** Use AI to analyze images and videos for various applications, such as quality control, security, and content moderation.\n",
|
155 |
-
"- **Facial Recognition:** Implement facial recognition for security or personalized user experiences.\n",
|
156 |
"\n",
|
157 |
-
"
|
158 |
-
"- **Recommendation Systems:** AI can provide recommendations based on data analysis, helping you make better decisions.\n",
|
159 |
-
"- **Risk Assessment:** AI can evaluate risks and provide insights to mitigate them.\n",
|
160 |
"\n",
|
161 |
-
"
|
162 |
-
"- **Code Generation:** AI tools can assist in writing and debugging code, speeding up the development process.\n",
|
163 |
-
"- **Automated Testing:** Use AI to automate software testing, ensuring higher quality and faster release cycles.\n",
|
164 |
"\n",
|
165 |
-
"
|
166 |
-
"- **Supply Chain Optimization:** AI can optimize inventory management, demand forecasting, and logistics.\n",
|
167 |
-
"- **Human Resources:** AI can assist in talent acquisition, performance evaluation, and employee engagement.\n",
|
168 |
"\n",
|
169 |
-
"
|
170 |
-
"- **Idea Generation:** AI can help brainstorm new ideas by analyzing existing data and trends.\n",
|
171 |
-
"- **Content Creation:** Use AI to generate content, such as articles, reports, or even creative writing.\n",
|
172 |
"\n",
|
173 |
-
"
|
174 |
-
"- **Fraud Detection:** AI can identify unusual patterns that may indicate fraudulent activity.\n",
|
175 |
-
"- **Cybersecurity:** AI can help detect and respond to security threats in real-time.\n",
|
176 |
"\n",
|
177 |
-
"
|
178 |
-
"1. **Identify Needs:** Determine which aspects of your project could benefit from AI.\n",
|
179 |
-
"2. **Data Collection:** Gather the necessary data that AI will need to function effectively.\n",
|
180 |
-
"3. **Choose the Right Tools:** Select AI tools and platforms that fit your project requirements.\n",
|
181 |
-
"4. **Develop and Train Models:** Develop AI models and train them using your data.\n",
|
182 |
-
"5. **Integration:** Integrate AI solutions into your existing systems and workflows.\n",
|
183 |
-
"6. **Monitor and Optimize:** Continuously monitor the performance of AI systems and make adjustments as needed.\n",
|
184 |
"\n",
|
185 |
-
"
|
186 |
]
|
187 |
}
|
188 |
],
|
@@ -208,7 +180,7 @@
|
|
208 |
"outputs": [],
|
209 |
"source": [
|
210 |
"response = client.chat.completions.create(\n",
|
211 |
-
" model=\"gpt-4o\",\n",
|
212 |
" temperature=0.0,\n",
|
213 |
" messages=[{\"role\": \"user\", \"content\": \"How can I do summarization using AI?\"}],\n",
|
214 |
")"
|
@@ -222,156 +194,66 @@
|
|
222 |
"base_uri": "https://localhost:8080/"
|
223 |
},
|
224 |
"id": "0PfYfRCbuFiK",
|
225 |
-
"outputId": "
|
226 |
},
|
227 |
"outputs": [
|
228 |
{
|
229 |
-
"name": "stdout",
|
230 |
"output_type": "stream",
|
|
|
231 |
"text": [
|
232 |
-
"Summarization using AI
|
233 |
-
"\n",
|
234 |
-
"1. **
|
235 |
-
"
|
236 |
-
"
|
237 |
-
"\n",
|
238 |
-
"
|
239 |
-
"\n",
|
240 |
-
"
|
241 |
-
"\n",
|
242 |
-
"
|
243 |
-
"
|
244 |
-
"
|
245 |
-
"\n",
|
246 |
-
"
|
247 |
-
"
|
248 |
-
"
|
249 |
-
"
|
250 |
-
"
|
251 |
-
"\n",
|
252 |
-
"
|
253 |
-
"
|
254 |
-
"
|
255 |
-
"
|
256 |
-
"
|
257 |
-
"
|
258 |
-
"
|
259 |
-
"
|
260 |
-
"
|
261 |
-
"
|
262 |
-
"
|
263 |
-
"
|
264 |
-
"
|
265 |
-
"
|
266 |
-
"
|
267 |
-
"
|
268 |
-
"
|
269 |
-
"
|
270 |
-
"
|
271 |
-
"
|
272 |
-
"
|
273 |
-
"\n",
|
274 |
-
"
|
275 |
-
"
|
276 |
-
"
|
277 |
-
"
|
278 |
-
"\n",
|
279 |
-
"
|
280 |
-
"
|
281 |
-
"
|
282 |
-
"
|
283 |
-
"
|
284 |
-
"
|
285 |
-
"\n",
|
286 |
-
" for sentence in summary:\n",
|
287 |
-
" print(sentence)\n",
|
288 |
-
" ```\n",
|
289 |
-
"\n",
|
290 |
-
"### Using Online Services\n",
|
291 |
-
"\n",
|
292 |
-
"1. **OpenAI GPT-3**:\n",
|
293 |
-
" - OpenAI's GPT-3 can be used for summarization tasks. You can access it via the OpenAI API.\n",
|
294 |
-
"\n",
|
295 |
-
" ```python\n",
|
296 |
-
" import openai\n",
|
297 |
-
"\n",
|
298 |
-
" openai.api_key = 'your-api-key'\n",
|
299 |
-
"\n",
|
300 |
-
" response = openai.Completion.create(\n",
|
301 |
-
" engine=\"text-davinci-003\",\n",
|
302 |
-
" prompt=\"Summarize the following text:\\n\\nYour long text goes here...\",\n",
|
303 |
-
" max_tokens=150\n",
|
304 |
-
" )\n",
|
305 |
-
"\n",
|
306 |
-
" print(response.choices[0].text.strip())\n",
|
307 |
-
" ```\n",
|
308 |
-
"\n",
|
309 |
-
"2. **Google Cloud Natural Language API**:\n",
|
310 |
-
" - Google Cloud offers a Natural Language API that includes features for text analysis and summarization.\n",
|
311 |
-
"\n",
|
312 |
-
"### Custom Models\n",
|
313 |
-
"\n",
|
314 |
-
"If you have specific requirements or a unique dataset, you might want to train your own summarization model. This involves:\n",
|
315 |
-
"\n",
|
316 |
-
"1. **Data Collection**: Gather a large dataset of documents and their corresponding summaries.\n",
|
317 |
-
"2. **Preprocessing**: Clean and preprocess the text data.\n",
|
318 |
-
"3. **Model Training**: Use frameworks like TensorFlow or PyTorch to train a model. You can start with a pre-trained model and fine-tune it on your dataset.\n",
|
319 |
-
"4. **Evaluation**: Evaluate the model using metrics like ROUGE to ensure it generates high-quality summaries.\n",
|
320 |
-
"\n",
|
321 |
-
"### Example of Fine-Tuning a Model\n",
|
322 |
-
"\n",
|
323 |
-
"```python\n",
|
324 |
-
"from transformers import T5Tokenizer, T5ForConditionalGeneration, Trainer, TrainingArguments\n",
|
325 |
-
"\n",
|
326 |
-
"# Load pre-trained model and tokenizer\n",
|
327 |
-
"model = T5ForConditionalGeneration.from_pretrained('t5-small')\n",
|
328 |
-
"tokenizer = T5Tokenizer.from_pretrained('t5-small')\n",
|
329 |
-
"\n",
|
330 |
-
"# Prepare dataset (example)\n",
|
331 |
-
"train_texts = [\"Your training texts...\"]\n",
|
332 |
-
"train_summaries = [\"Your training summaries...\"]\n",
|
333 |
-
"\n",
|
334 |
-
"# Tokenize data\n",
|
335 |
-
"train_encodings = tokenizer(train_texts, truncation=True, padding=True, max_length=512)\n",
|
336 |
-
"train_labels = tokenizer(train_summaries, truncation=True, padding=True, max_length=150)\n",
|
337 |
-
"\n",
|
338 |
-
"# Create dataset\n",
|
339 |
-
"class SummarizationDataset(torch.utils.data.Dataset):\n",
|
340 |
-
" def __init__(self, encodings, labels):\n",
|
341 |
-
" self.encodings = encodings\n",
|
342 |
-
" self.labels = labels\n",
|
343 |
-
"\n",
|
344 |
-
" def __getitem__(self, idx):\n",
|
345 |
-
" item = {key: torch.tensor(val[idx]) for key, val in self.encodings.items()}\n",
|
346 |
-
" item['labels'] = torch.tensor(self.labels['input_ids'][idx])\n",
|
347 |
-
" return item\n",
|
348 |
-
"\n",
|
349 |
-
" def __len__(self):\n",
|
350 |
-
" return len(self.encodings['input_ids'])\n",
|
351 |
-
"\n",
|
352 |
-
"train_dataset = SummarizationDataset(train_encodings, train_labels)\n",
|
353 |
-
"\n",
|
354 |
-
"# Training arguments\n",
|
355 |
-
"training_args = TrainingArguments(\n",
|
356 |
-
" output_dir='./results',\n",
|
357 |
-
" num_train_epochs=3,\n",
|
358 |
-
" per_device_train_batch_size=4,\n",
|
359 |
-
" save_steps=10_000,\n",
|
360 |
-
" save_total_limit=2,\n",
|
361 |
-
")\n",
|
362 |
-
"\n",
|
363 |
-
"# Trainer\n",
|
364 |
-
"trainer = Trainer(\n",
|
365 |
-
" model=model,\n",
|
366 |
-
" args=training_args,\n",
|
367 |
-
" train_dataset=train_dataset,\n",
|
368 |
-
")\n",
|
369 |
-
"\n",
|
370 |
-
"# Train model\n",
|
371 |
-
"trainer.train()\n",
|
372 |
-
"```\n",
|
373 |
-
"\n",
|
374 |
-
"By following these steps and using the appropriate tools, you can effectively perform text summarization using AI.\n"
|
375 |
]
|
376 |
}
|
377 |
],
|
@@ -397,7 +279,7 @@
|
|
397 |
"outputs": [],
|
398 |
"source": [
|
399 |
"response = client.chat.completions.create(\n",
|
400 |
-
" model=\"gpt-4o\",\n",
|
401 |
" temperature=0.0,\n",
|
402 |
" messages=[\n",
|
403 |
" {\n",
|
@@ -416,86 +298,59 @@
|
|
416 |
"base_uri": "https://localhost:8080/"
|
417 |
},
|
418 |
"id": "QyIsGPp4AnVY",
|
419 |
-
"outputId": "
|
420 |
},
|
421 |
"outputs": [
|
422 |
{
|
423 |
-
"name": "stdout",
|
424 |
"output_type": "stream",
|
|
|
425 |
"text": [
|
426 |
-
"As of my last update in October 2023, Google Gemini is a
|
427 |
-
"\n",
|
428 |
-
"1. **Access the Model**: Ensure you have access to the Google Gemini model. This might be through an API provided by Google Cloud or another platform where the model is hosted.\n",
|
429 |
"\n",
|
430 |
-
"
|
431 |
"\n",
|
432 |
-
"
|
433 |
"\n",
|
434 |
-
"
|
|
|
|
|
|
|
435 |
"\n",
|
436 |
-
"
|
437 |
"\n",
|
438 |
-
"
|
439 |
"\n",
|
440 |
-
"
|
441 |
-
"\n",
|
442 |
-
"```python\n",
|
443 |
-
"import requests\n",
|
444 |
-
"\n",
|
445 |
-
"# Define your API endpoint and API key\n",
|
446 |
-
"api_endpoint = \"https://api.google.com/gemini/summarize\"\n",
|
447 |
-
"api_key = \"YOUR_API_KEY\"\n",
|
448 |
"\n",
|
449 |
-
"#
|
450 |
-
"
|
451 |
-
" headers = {\n",
|
452 |
-
" \"Authorization\": f\"Bearer {api_key}\",\n",
|
453 |
-
" \"Content-Type\": \"application/json\"\n",
|
454 |
-
" }\n",
|
455 |
-
" data = {\n",
|
456 |
-
" \"document\": document_text\n",
|
457 |
-
" }\n",
|
458 |
-
" response = requests.post(api_endpoint, headers=headers, json=data)\n",
|
459 |
-
" if response.status_code == 200:\n",
|
460 |
-
" return response.json().get(\"summary\")\n",
|
461 |
-
" else:\n",
|
462 |
-
" raise Exception(f\"Error: {response.status_code}, {response.text}\")\n",
|
463 |
"\n",
|
464 |
-
"#
|
465 |
-
"documents = [\n",
|
466 |
-
" \"Document 1 text...\",\n",
|
467 |
-
" \"Document 2 text...\",\n",
|
468 |
-
" \"Document 3 text...\"\n",
|
469 |
-
"]\n",
|
470 |
"\n",
|
471 |
-
"
|
472 |
-
"
|
473 |
-
"
|
474 |
-
"
|
475 |
-
" summaries.append(summary)\n",
|
476 |
"\n",
|
477 |
-
"#
|
478 |
-
"
|
|
|
|
|
479 |
"\n",
|
480 |
-
"
|
481 |
-
"print(combined_summary)\n",
|
482 |
-
"```\n",
|
483 |
"\n",
|
484 |
-
"
|
485 |
-
"- **API Limits**: Be aware of any rate limits or usage quotas associated with the API.\n",
|
486 |
-
"- **Document Size**: Large documents might need to be split into smaller parts before summarization.\n",
|
487 |
-
"- **Post-Processing**: Depending on the quality of the summaries, you might need to do some post-processing to ensure coherence and readability.\n",
|
488 |
"\n",
|
489 |
-
"
|
490 |
-
"- **Batch Processing**: If the API supports batch processing, you can send multiple documents in a single request to improve efficiency.\n",
|
491 |
-
"- **Custom Models**: If you have specific requirements, consider fine-tuning a model on your dataset using Google Cloud's AI Platform.\n",
|
492 |
"\n",
|
493 |
-
"
|
494 |
]
|
495 |
}
|
496 |
],
|
497 |
"source": [
|
498 |
-
"print(response.choices[0].message.content)"
|
499 |
]
|
500 |
},
|
501 |
{
|
@@ -504,12 +359,12 @@
|
|
504 |
"id": "StiZyiJ9e9ci"
|
505 |
},
|
506 |
"source": [
|
507 |
-
"## Control Output\n"
|
508 |
]
|
509 |
},
|
510 |
{
|
511 |
"cell_type": "code",
|
512 |
-
"execution_count":
|
513 |
"metadata": {
|
514 |
"id": "MghL9RV5HngY"
|
515 |
},
|
@@ -530,18 +385,18 @@
|
|
530 |
},
|
531 |
{
|
532 |
"cell_type": "code",
|
533 |
-
"execution_count":
|
534 |
"metadata": {
|
535 |
"colab": {
|
536 |
"base_uri": "https://localhost:8080/"
|
537 |
},
|
538 |
"id": "xVMysd9fexdf",
|
539 |
-
"outputId": "
|
540 |
},
|
541 |
"outputs": [
|
542 |
{
|
543 |
-
"name": "stdout",
|
544 |
"output_type": "stream",
|
|
|
545 |
"text": [
|
546 |
"The question is not related to AI.\n"
|
547 |
]
|
@@ -577,14 +432,14 @@
|
|
577 |
"base_uri": "https://localhost:8080/"
|
578 |
},
|
579 |
"id": "DqWLGQNke4zm",
|
580 |
-
"outputId": "
|
581 |
},
|
582 |
"outputs": [
|
583 |
{
|
584 |
-
"name": "stdout",
|
585 |
"output_type": "stream",
|
|
|
586 |
"text": [
|
587 |
-
"One of the most popular AI libraries is TensorFlow, developed by Google.
|
588 |
]
|
589 |
}
|
590 |
],
|
@@ -594,7 +449,7 @@
|
|
594 |
},
|
595 |
{
|
596 |
"cell_type": "code",
|
597 |
-
"execution_count":
|
598 |
"metadata": {
|
599 |
"id": "-xCC_7fQ9Q0v"
|
600 |
},
|
@@ -615,26 +470,22 @@
|
|
615 |
},
|
616 |
{
|
617 |
"cell_type": "code",
|
618 |
-
"execution_count":
|
619 |
"metadata": {
|
620 |
"colab": {
|
621 |
"base_uri": "https://localhost:8080/"
|
622 |
},
|
623 |
"id": "RwejpWBu9YfW",
|
624 |
-
"outputId": "
|
625 |
},
|
626 |
"outputs": [
|
627 |
{
|
628 |
-
"name": "stdout",
|
629 |
"output_type": "stream",
|
|
|
630 |
"text": [
|
631 |
-
"In the context of AI libraries, the \"tallest mountain\" could be considered
|
632 |
-
"\n",
|
633 |
-
"In terms of actual mountains, Mount Everest is the tallest mountain in the world, standing at 8,848 meters (29,029 feet) above sea level.\n",
|
634 |
"\n",
|
635 |
-
"
|
636 |
-
"- The \"tallest mountain\" in AI libraries could be TensorFlow.\n",
|
637 |
-
"- The tallest actual mountain is Mount Everest.\n"
|
638 |
]
|
639 |
}
|
640 |
],
|
@@ -650,13 +501,129 @@
|
|
650 |
},
|
651 |
"outputs": [],
|
652 |
"source": []
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
653 |
}
|
654 |
],
|
655 |
"metadata": {
|
656 |
"colab": {
|
657 |
-
"
|
658 |
-
"include_colab_link": true
|
659 |
-
"provenance": []
|
660 |
},
|
661 |
"kernelspec": {
|
662 |
"display_name": "Python 3",
|
@@ -669,4 +636,4 @@
|
|
669 |
},
|
670 |
"nbformat": 4,
|
671 |
"nbformat_minor": 0
|
672 |
-
}
|
|
|
3 |
{
|
4 |
"cell_type": "markdown",
|
5 |
"metadata": {
|
6 |
+
"id": "view-in-github",
|
7 |
+
"colab_type": "text"
|
8 |
},
|
9 |
"source": [
|
10 |
+
"<a href=\"https://colab.research.google.com/github/towardsai/ai-tutor-rag-system/blob/main/notebooks/Prompting_101.ipynb\" target=\"_parent\"><img src=\"https://colab.research.google.com/assets/colab-badge.svg\" alt=\"Open In Colab\"/></a>"
|
11 |
]
|
12 |
},
|
13 |
{
|
|
|
21 |
},
|
22 |
{
|
23 |
"cell_type": "code",
|
24 |
+
"execution_count": null,
|
25 |
"metadata": {
|
26 |
"colab": {
|
27 |
"base_uri": "https://localhost:8080/"
|
28 |
},
|
29 |
"id": "o4Q0N2omkAoZ",
|
30 |
+
"outputId": "a4c076e4-139d-48ca-9b35-b75c06c619b3"
|
31 |
},
|
32 |
"outputs": [
|
33 |
{
|
|
|
34 |
"output_type": "stream",
|
35 |
+
"name": "stdout",
|
36 |
"text": [
|
37 |
+
"\u001b[?25l \u001b[90mββββββββββββββββββββββββββββββββββββββββ\u001b[0m \u001b[32m0.0/337.0 kB\u001b[0m \u001b[31m?\u001b[0m eta \u001b[36m-:--:--\u001b[0m\r\u001b[2K \u001b[91mββββββββββββββββββββββββββββββββββββββ\u001b[0m\u001b[91mβΈ\u001b[0m\u001b[90mβ\u001b[0m \u001b[32m327.7/337.0 kB\u001b[0m \u001b[31m10.1 MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\r\u001b[2K \u001b[90mββββββββββββββββββββββββββββββββββββββββ\u001b[0m \u001b[32m337.0/337.0 kB\u001b[0m \u001b[31m6.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
|
38 |
+
"\u001b[2K \u001b[90mββββββββββββββββββββββββββββββββββββββββ\u001b[0m \u001b[32m76.4/76.4 kB\u001b[0m \u001b[31m4.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
|
39 |
+
"\u001b[2K \u001b[90mββββββββββββββββββββββββββββββββββββββββ\u001b[0m \u001b[32m77.9/77.9 kB\u001b[0m \u001b[31m4.1 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
|
40 |
+
"\u001b[2K \u001b[90mββββββββββββββββββββββββββββββββββββββββ\u001b[0m \u001b[32m58.3/58.3 kB\u001b[0m \u001b[31m3.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
|
41 |
"\u001b[?25h"
|
42 |
]
|
43 |
}
|
|
|
48 |
},
|
49 |
{
|
50 |
"cell_type": "code",
|
51 |
+
"execution_count": null,
|
52 |
"metadata": {
|
53 |
"id": "xxK7EAAvr2aT"
|
54 |
},
|
|
|
71 |
},
|
72 |
{
|
73 |
"cell_type": "code",
|
74 |
+
"execution_count": null,
|
75 |
"metadata": {
|
76 |
"id": "La8hdWqJkFkh"
|
77 |
},
|
|
|
111 |
"outputs": [],
|
112 |
"source": [
|
113 |
"response = client.chat.completions.create(\n",
|
114 |
+
" model=\"gpt-4o-mini\",\n",
|
115 |
" temperature=0.0,\n",
|
116 |
" messages=[{\"role\": \"user\", \"content\": \"How AI can help my project?\"}],\n",
|
117 |
")"
|
|
|
125 |
"base_uri": "https://localhost:8080/"
|
126 |
},
|
127 |
"id": "ET_l06LiojaN",
|
128 |
+
"outputId": "e80e1b00-7340-4939-e9f4-db60cc569f11"
|
129 |
},
|
130 |
"outputs": [
|
131 |
{
|
|
|
132 |
"output_type": "stream",
|
133 |
+
"name": "stdout",
|
134 |
"text": [
|
135 |
+
"AI can assist your project in various ways, depending on its nature and goals. Here are some general ways AI can be beneficial:\n",
|
|
|
|
|
|
|
|
|
136 |
"\n",
|
137 |
+
"1. **Data Analysis**: AI can process and analyze large datasets quickly, identifying patterns and insights that may not be immediately apparent. This can help in making informed decisions.\n",
|
|
|
|
|
138 |
"\n",
|
139 |
+
"2. **Automation**: AI can automate repetitive tasks, freeing up time for you and your team to focus on more strategic activities. This can include data entry, scheduling, or even customer service through chatbots.\n",
|
|
|
|
|
140 |
"\n",
|
141 |
+
"3. **Predictive Analytics**: AI can help forecast trends and outcomes based on historical data, which can be useful for project planning, risk management, and resource allocation.\n",
|
|
|
|
|
142 |
"\n",
|
143 |
+
"4. **Personalization**: If your project involves user interaction, AI can help tailor experiences to individual users by analyzing their behavior and preferences, enhancing user satisfaction.\n",
|
|
|
|
|
144 |
"\n",
|
145 |
+
"5. **Natural Language Processing (NLP)**: If your project involves text or speech, AI can help with tasks like sentiment analysis, language translation, or content generation.\n",
|
|
|
|
|
146 |
"\n",
|
147 |
+
"6. **Image and Video Analysis**: For projects involving visual data, AI can assist in image recognition, object detection, and video analysis, which can be useful in fields like security, healthcare, and marketing.\n",
|
|
|
|
|
148 |
"\n",
|
149 |
+
"7. **Enhanced Collaboration**: AI tools can facilitate better communication and collaboration among team members, providing insights and recommendations based on project data.\n",
|
|
|
|
|
150 |
"\n",
|
151 |
+
"8. **Resource Optimization**: AI can help optimize resource allocation, ensuring that your project runs efficiently and within budget.\n",
|
|
|
|
|
152 |
"\n",
|
153 |
+
"9. **Risk Management**: AI can identify potential risks and suggest mitigation strategies based on data analysis, helping you to proactively address issues before they escalate.\n",
|
|
|
|
|
154 |
"\n",
|
155 |
+
"10. **Feedback and Improvement**: AI can analyze feedback from stakeholders and users, providing insights that can help improve the project over time.\n",
|
|
|
|
|
|
|
|
|
|
|
|
|
156 |
"\n",
|
157 |
+
"To provide more specific suggestions, it would be helpful to know more about the nature of your project, its goals, and the challenges you are facing.\n"
|
158 |
]
|
159 |
}
|
160 |
],
|
|
|
180 |
"outputs": [],
|
181 |
"source": [
|
182 |
"response = client.chat.completions.create(\n",
|
183 |
+
" model=\"gpt-4o-mini\",\n",
|
184 |
" temperature=0.0,\n",
|
185 |
" messages=[{\"role\": \"user\", \"content\": \"How can I do summarization using AI?\"}],\n",
|
186 |
")"
|
|
|
194 |
"base_uri": "https://localhost:8080/"
|
195 |
},
|
196 |
"id": "0PfYfRCbuFiK",
|
197 |
+
"outputId": "c096d8e3-d9fe-4964-f76a-e67cee5806e8"
|
198 |
},
|
199 |
"outputs": [
|
200 |
{
|
|
|
201 |
"output_type": "stream",
|
202 |
+
"name": "stdout",
|
203 |
"text": [
|
204 |
+
"Summarization using AI can be accomplished through various methods and tools, depending on your specific needs and the type of content you want to summarize. Here are some approaches you can consider:\n",
|
205 |
+
"\n",
|
206 |
+
"### 1. **Using Pre-trained Models**\n",
|
207 |
+
" - **Transformers**: Models like BERT, GPT, and T5 can be fine-tuned for summarization tasks. Libraries like Hugging Face's Transformers provide pre-trained models that can be used directly for summarization.\n",
|
208 |
+
" - **Example**: You can use the `pipeline` function from the Hugging Face library to summarize text easily.\n",
|
209 |
+
" ```python\n",
|
210 |
+
" from transformers import pipeline\n",
|
211 |
+
"\n",
|
212 |
+
" summarizer = pipeline(\"summarization\")\n",
|
213 |
+
" text = \"Your long text goes here.\"\n",
|
214 |
+
" summary = summarizer(text, max_length=50, min_length=25, do_sample=False)\n",
|
215 |
+
" print(summary)\n",
|
216 |
+
" ```\n",
|
217 |
+
"\n",
|
218 |
+
"### 2. **Using Online Tools**\n",
|
219 |
+
" - There are several online platforms that offer AI-based summarization services. Some popular ones include:\n",
|
220 |
+
" - **SMMRY**: A simple tool that summarizes text by removing unnecessary sentences.\n",
|
221 |
+
" - **Resoomer**: Focuses on summarizing argumentative texts.\n",
|
222 |
+
" - **QuillBot**: Offers a summarization feature along with paraphrasing tools.\n",
|
223 |
+
"\n",
|
224 |
+
"### 3. **Custom Model Training**\n",
|
225 |
+
" - If you have specific requirements or a unique dataset, you can train your own summarization model. This typically involves:\n",
|
226 |
+
" - Collecting a dataset of documents and their summaries.\n",
|
227 |
+
" - Preprocessing the data (tokenization, cleaning, etc.).\n",
|
228 |
+
" - Training a model using frameworks like TensorFlow or PyTorch.\n",
|
229 |
+
" - Evaluating the model's performance using metrics like ROUGE.\n",
|
230 |
+
"\n",
|
231 |
+
"### 4. **Extractive vs. Abstractive Summarization**\n",
|
232 |
+
" - **Extractive Summarization**: This method selects key sentences or phrases from the original text to create a summary. Algorithms like TextRank or using BERT embeddings can be effective.\n",
|
233 |
+
" - **Abstractive Summarization**: This method generates new sentences that capture the essence of the original text. It often requires more advanced models like GPT or T5.\n",
|
234 |
+
"\n",
|
235 |
+
"### 5. **APIs for Summarization**\n",
|
236 |
+
" - Several companies provide APIs for text summarization, such as:\n",
|
237 |
+
" - **OpenAI's GPT-3/4**: You can use the API to generate summaries by providing prompts.\n",
|
238 |
+
" - **Google Cloud Natural Language API**: Offers various NLP capabilities, including summarization.\n",
|
239 |
+
"\n",
|
240 |
+
"### 6. **Using Python Libraries**\n",
|
241 |
+
" - Libraries like `sumy`, `gensim`, and `spaCy` can be used for summarization tasks.\n",
|
242 |
+
" - **Example with Gensim**:\n",
|
243 |
+
" ```python\n",
|
244 |
+
" from gensim.summarization import summarize\n",
|
245 |
+
"\n",
|
246 |
+
" text = \"Your long text goes here.\"\n",
|
247 |
+
" summary = summarize(text, ratio=0.2) # Summarize to 20% of the original text\n",
|
248 |
+
" print(summary)\n",
|
249 |
+
" ```\n",
|
250 |
+
"\n",
|
251 |
+
"### 7. **Considerations**\n",
|
252 |
+
" - **Quality of Input**: The quality of the summary often depends on the quality and clarity of the input text.\n",
|
253 |
+
" - **Length and Complexity**: Longer and more complex texts may require more sophisticated models or additional fine-tuning.\n",
|
254 |
+
" - **Evaluation**: Always evaluate the summaries generated by AI against human-generated summaries to ensure quality.\n",
|
255 |
+
"\n",
|
256 |
+
"By choosing the right method and tools based on your requirements, you can effectively use AI for summarization tasks.\n"
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
257 |
]
|
258 |
}
|
259 |
],
|
|
|
279 |
"outputs": [],
|
280 |
"source": [
|
281 |
"response = client.chat.completions.create(\n",
|
282 |
+
" model=\"gpt-4o-mini\",\n",
|
283 |
" temperature=0.0,\n",
|
284 |
" messages=[\n",
|
285 |
" {\n",
|
|
|
298 |
"base_uri": "https://localhost:8080/"
|
299 |
},
|
300 |
"id": "QyIsGPp4AnVY",
|
301 |
+
"outputId": "88b350f5-63a8-44e5-bb6d-4c7a34e8626b"
|
302 |
},
|
303 |
"outputs": [
|
304 |
{
|
|
|
305 |
"output_type": "stream",
|
306 |
+
"name": "stdout",
|
307 |
"text": [
|
308 |
+
"As of my last update in October 2023, Google Gemini is a powerful AI model designed for various natural language processing tasks, including summarization. To summarize multiple documents using the Google Gemini model, you can follow these general steps:\n",
|
|
|
|
|
309 |
"\n",
|
310 |
+
"1. **Access the Google Gemini Model**: Ensure you have access to the Google Gemini model through the appropriate platform, such as Google Cloud or any other service that provides access to the model.\n",
|
311 |
"\n",
|
312 |
+
"2. **Prepare Your Documents**: Gather the documents you want to summarize. Make sure they are in a format that the model can process (e.g., plain text, PDF, etc.).\n",
|
313 |
"\n",
|
314 |
+
"3. **Preprocess the Text**: Depending on the format of your documents, you may need to preprocess the text. This could involve:\n",
|
315 |
+
" - Extracting text from PDFs or other formats.\n",
|
316 |
+
" - Cleaning the text (removing unnecessary whitespace, special characters, etc.).\n",
|
317 |
+
" - Splitting large documents into smaller sections if they exceed the model's input limits.\n",
|
318 |
"\n",
|
319 |
+
"4. **Batch Processing**: If you have multiple documents, consider batching them. Some models have input size limitations, so you may need to summarize each document individually or in small groups.\n",
|
320 |
"\n",
|
321 |
+
"5. **Use the API or Interface**: If you are using an API, you will typically send a request with the text you want to summarize. The request might look something like this (in pseudocode):\n",
|
322 |
"\n",
|
323 |
+
" ```python\n",
|
324 |
+
" import requests\n",
|
|
|
|
|
|
|
|
|
|
|
|
|
325 |
"\n",
|
326 |
+
" # Example API endpoint\n",
|
327 |
+
" endpoint = \"https://api.google.com/gemini/summarize\"\n",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
328 |
"\n",
|
329 |
+
" # Your documents\n",
|
330 |
+
" documents = [\"Document 1 text...\", \"Document 2 text...\", ...]\n",
|
|
|
|
|
|
|
|
|
331 |
"\n",
|
332 |
+
" summaries = []\n",
|
333 |
+
" for doc in documents:\n",
|
334 |
+
" response = requests.post(endpoint, json={\"text\": doc})\n",
|
335 |
+
" summaries.append(response.json()[\"summary\"])\n",
|
|
|
336 |
"\n",
|
337 |
+
" # Output the summaries\n",
|
338 |
+
" for i, summary in enumerate(summaries):\n",
|
339 |
+
" print(f\"Summary of Document {i+1}: {summary}\")\n",
|
340 |
+
" ```\n",
|
341 |
"\n",
|
342 |
+
"6. **Review and Refine**: After obtaining the summaries, review them for coherence and completeness. You may want to refine the summaries further or combine them into a single summary if needed.\n",
|
|
|
|
|
343 |
"\n",
|
344 |
+
"7. **Post-Processing**: Depending on your requirements, you might want to format the summaries or integrate them into a report or presentation.\n",
|
|
|
|
|
|
|
345 |
"\n",
|
346 |
+
"8. **Stay Updated**: Since AI models and APIs are frequently updated, check the official Google documentation for any new features or changes in usage.\n",
|
|
|
|
|
347 |
"\n",
|
348 |
+
"Make sure to comply with any usage policies and guidelines provided by Google when using their models.\n"
|
349 |
]
|
350 |
}
|
351 |
],
|
352 |
"source": [
|
353 |
+
"print(response.choices[0].message.content.strip())"
|
354 |
]
|
355 |
},
|
356 |
{
|
|
|
359 |
"id": "StiZyiJ9e9ci"
|
360 |
},
|
361 |
"source": [
|
362 |
+
"## Control Output - GPT-4o\n"
|
363 |
]
|
364 |
},
|
365 |
{
|
366 |
"cell_type": "code",
|
367 |
+
"execution_count": null,
|
368 |
"metadata": {
|
369 |
"id": "MghL9RV5HngY"
|
370 |
},
|
|
|
385 |
},
|
386 |
{
|
387 |
"cell_type": "code",
|
388 |
+
"execution_count": null,
|
389 |
"metadata": {
|
390 |
"colab": {
|
391 |
"base_uri": "https://localhost:8080/"
|
392 |
},
|
393 |
"id": "xVMysd9fexdf",
|
394 |
+
"outputId": "868c3afb-d2da-4263-8d0f-90bd8cfb2b17"
|
395 |
},
|
396 |
"outputs": [
|
397 |
{
|
|
|
398 |
"output_type": "stream",
|
399 |
+
"name": "stdout",
|
400 |
"text": [
|
401 |
"The question is not related to AI.\n"
|
402 |
]
|
|
|
432 |
"base_uri": "https://localhost:8080/"
|
433 |
},
|
434 |
"id": "DqWLGQNke4zm",
|
435 |
+
"outputId": "b87b2dbf-fb6c-4481-8d15-29a55e03a688"
|
436 |
},
|
437 |
"outputs": [
|
438 |
{
|
|
|
439 |
"output_type": "stream",
|
440 |
+
"name": "stdout",
|
441 |
"text": [
|
442 |
+
"One of the most popular AI libraries is TensorFlow, developed by Google. TensorFlow is widely used for machine learning and deep learning applications due to its flexibility, scalability, and comprehensive ecosystem. Another highly popular library is PyTorch, developed by Facebook's AI Research lab, which is favored for its dynamic computation graph and ease of use, especially in research settings. Both libraries have large communities and extensive documentation, making them go-to choices for many AI practitioners.\n"
|
443 |
]
|
444 |
}
|
445 |
],
|
|
|
449 |
},
|
450 |
{
|
451 |
"cell_type": "code",
|
452 |
+
"execution_count": null,
|
453 |
"metadata": {
|
454 |
"id": "-xCC_7fQ9Q0v"
|
455 |
},
|
|
|
470 |
},
|
471 |
{
|
472 |
"cell_type": "code",
|
473 |
+
"execution_count": null,
|
474 |
"metadata": {
|
475 |
"colab": {
|
476 |
"base_uri": "https://localhost:8080/"
|
477 |
},
|
478 |
"id": "RwejpWBu9YfW",
|
479 |
+
"outputId": "f3f17946-c68e-4af6-b423-fe837720083a"
|
480 |
},
|
481 |
"outputs": [
|
482 |
{
|
|
|
483 |
"output_type": "stream",
|
484 |
+
"name": "stdout",
|
485 |
"text": [
|
486 |
+
"In the context of AI libraries, the \"tallest mountain\" could be considered TensorFlow, developed by Google, due to its widespread use, extensive features, and strong community support.\n",
|
|
|
|
|
487 |
"\n",
|
488 |
+
"In terms of actual mountains, the tallest mountain is Mount Everest, which stands at 8,848 meters (29,029 feet) above sea level.\n"
|
|
|
|
|
489 |
]
|
490 |
}
|
491 |
],
|
|
|
501 |
},
|
502 |
"outputs": [],
|
503 |
"source": []
|
504 |
+
},
|
505 |
+
{
|
506 |
+
"cell_type": "markdown",
|
507 |
+
"source": [
|
508 |
+
"## Control Output - GPT-4o-mini"
|
509 |
+
],
|
510 |
+
"metadata": {
|
511 |
+
"id": "TalIcsdkzhkw"
|
512 |
+
}
|
513 |
+
},
|
514 |
+
{
|
515 |
+
"cell_type": "code",
|
516 |
+
"source": [
|
517 |
+
"system_prompt = \"\"\"You are a helpful assistant who only answer question related to Artificial Intelligence.\n",
|
518 |
+
" If the question is not related, respond with the following: The question is not related to AI.\"\"\"\n",
|
519 |
+
"\n",
|
520 |
+
"response = client.chat.completions.create(\n",
|
521 |
+
" model=\"gpt-4o-mini\",\n",
|
522 |
+
" temperature=0.0,\n",
|
523 |
+
" messages=[\n",
|
524 |
+
" {\"role\": \"system\", \"content\": system_prompt},\n",
|
525 |
+
" {\"role\": \"user\", \"content\": \"What is the tallest mountain in the world?\"},\n",
|
526 |
+
" ],\n",
|
527 |
+
")\n",
|
528 |
+
"print(response.choices[0].message.content)"
|
529 |
+
],
|
530 |
+
"metadata": {
|
531 |
+
"id": "scYvk4yoy9xH",
|
532 |
+
"outputId": "1739389a-ddfc-49fb-fce1-ffdf5c4b9d4a",
|
533 |
+
"colab": {
|
534 |
+
"base_uri": "https://localhost:8080/"
|
535 |
+
}
|
536 |
+
},
|
537 |
+
"execution_count": null,
|
538 |
+
"outputs": [
|
539 |
+
{
|
540 |
+
"output_type": "stream",
|
541 |
+
"name": "stdout",
|
542 |
+
"text": [
|
543 |
+
"The question is not related to AI.\n"
|
544 |
+
]
|
545 |
+
}
|
546 |
+
]
|
547 |
+
},
|
548 |
+
{
|
549 |
+
"cell_type": "code",
|
550 |
+
"source": [
|
551 |
+
"response = client.chat.completions.create(\n",
|
552 |
+
" model=\"gpt-4o-mini\",\n",
|
553 |
+
" temperature=0.0,\n",
|
554 |
+
" messages=[\n",
|
555 |
+
" {\"role\": \"system\", \"content\": system_prompt},\n",
|
556 |
+
" {\"role\": \"user\", \"content\": \"What is the most popular AI library?\"},\n",
|
557 |
+
" ],\n",
|
558 |
+
")\n",
|
559 |
+
"print(response.choices[0].message.content)"
|
560 |
+
],
|
561 |
+
"metadata": {
|
562 |
+
"id": "nRxtJzPlzCEM",
|
563 |
+
"outputId": "f4bd82f9-be88-4273-eef9-b0c30de4c28f",
|
564 |
+
"colab": {
|
565 |
+
"base_uri": "https://localhost:8080/"
|
566 |
+
}
|
567 |
+
},
|
568 |
+
"execution_count": null,
|
569 |
+
"outputs": [
|
570 |
+
{
|
571 |
+
"output_type": "stream",
|
572 |
+
"name": "stdout",
|
573 |
+
"text": [
|
574 |
+
"As of my last update in October 2023, TensorFlow and PyTorch are two of the most popular AI libraries. TensorFlow, developed by Google, is widely used for deep learning and machine learning tasks, while PyTorch, developed by Facebook, is favored for its dynamic computation graph and ease of use, especially in research settings. Both libraries have extensive communities and support a variety of applications in AI.\n"
|
575 |
+
]
|
576 |
+
}
|
577 |
+
]
|
578 |
+
},
|
579 |
+
{
|
580 |
+
"cell_type": "code",
|
581 |
+
"source": [
|
582 |
+
"response = client.chat.completions.create(\n",
|
583 |
+
" model=\"gpt-4o-mini\",\n",
|
584 |
+
" temperature=0.0,\n",
|
585 |
+
" messages=[\n",
|
586 |
+
" {\"role\": \"system\", \"content\": system_prompt},\n",
|
587 |
+
" {\n",
|
588 |
+
" \"role\": \"user\",\n",
|
589 |
+
" \"content\": \"Let's play a game. Imagine the mountain are the same as AI libraries, what is the tallest mountain in terms of library and the actual mountain?\",\n",
|
590 |
+
" },\n",
|
591 |
+
" ],\n",
|
592 |
+
")\n",
|
593 |
+
"print(response.choices[0].message.content)"
|
594 |
+
],
|
595 |
+
"metadata": {
|
596 |
+
"id": "J4H4keRxzENZ",
|
597 |
+
"outputId": "d25a8a0b-1b2e-4104-a870-5f3719949eb7",
|
598 |
+
"colab": {
|
599 |
+
"base_uri": "https://localhost:8080/"
|
600 |
+
}
|
601 |
+
},
|
602 |
+
"execution_count": null,
|
603 |
+
"outputs": [
|
604 |
+
{
|
605 |
+
"output_type": "stream",
|
606 |
+
"name": "stdout",
|
607 |
+
"text": [
|
608 |
+
"The question is not related to AI.\n"
|
609 |
+
]
|
610 |
+
}
|
611 |
+
]
|
612 |
+
},
|
613 |
+
{
|
614 |
+
"cell_type": "code",
|
615 |
+
"source": [],
|
616 |
+
"metadata": {
|
617 |
+
"id": "FiO8fkyzzL5S"
|
618 |
+
},
|
619 |
+
"execution_count": null,
|
620 |
+
"outputs": []
|
621 |
}
|
622 |
],
|
623 |
"metadata": {
|
624 |
"colab": {
|
625 |
+
"provenance": [],
|
626 |
+
"include_colab_link": true
|
|
|
627 |
},
|
628 |
"kernelspec": {
|
629 |
"display_name": "Python 3",
|
|
|
636 |
},
|
637 |
"nbformat": 4,
|
638 |
"nbformat_minor": 0
|
639 |
+
}
|