15,190 Topics

Member Avatar for
Member Avatar for shane_18
Member Avatar for usmanmalik57

In the [last article](https://www.daniweb.com/programming/computer-science/tutorials/542973/benchmarking-deepseek-r1-for-text-classification-and-summarization#post2300447), I explained how you can use the [DeepSeek-R1-Distill-Qwen-32B](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Qwen-32B) model for text classification and summarization problems. In this article, we will use the [DeepSeek-R1-Distill-Llama-70b](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Llama-70B) for the same tasks. Following results from the [DeepSeek-AI's official paper](https://arxiv.org/pdf/2501.12948) show that `DeepSeek-R1-Distill-Llama-70b` outperform the other distilled models on 4 out of …

Member Avatar for policenbicleara
0
256
Member Avatar for cored0mp

I had some fun this weekend having a go at pdfkit with mixed results. Can anyone nominate a candidate for best PDF writing?

Member Avatar for policenbicleara
0
146
Member Avatar for shane_18

Hii I am a developer working on a blockchain MVP development. I want to add MVP features to the app, but I am not sure where to start. Can anyone provide some guidance? Thank You

Member Avatar for Salem
-1
15
Member Avatar for Ccrobinson001

When running the following command I get an error > Quoted Text Here python3 -m pip install -r requirements.txt Defaulting to user installation because normal site-packages is not writeable Collecting faster-whisper==1.0.2 (from -r requirements.txt (line 1)) Downloading faster_whisper-1.0.2-py3-none-any.whl.metadata (15 kB) Collecting groq==0.6.0 (from -r requirements.txt (line 2)) Downloading groq-0.6.0-py3-none-any.whl.metadata (13 …

Member Avatar for Pebble94464
0
47
Member Avatar for usmanmalik57

In my previous article, I explained how to fine-tune [OpenAI GPT-4o model for natural language processing tasks](https://www.daniweb.com/programming/computer-science/tutorials/542333/how-to-fine-tune-the-openai-gpt-4o-model-the-wait-is-finally-over). In OpenAI DevDay, held on October 1, 2024, OpenAI announced that users can now fine-tune OpenAI vision and multimodal models such as GPT-4o and GPT-4o mini. The best part is that fine-tuning vision …

Member Avatar for RKE2
2
263
Member Avatar for usmanmalik57

DeepSeek-R1 is a groundbreaking family of reinforcement learning (RL)-driven AI models developed by the Chinese AI firm [DeepSeek](https://www.deepseek.com/). It is designed to rival industry leaders like OpenAI and Google in complex decision-making and optimization problems. In this article, we will benchmark the DeepSeek R1 model for text classification and summarization …

1
630
Member Avatar for Audun

Hi I want to make use of GitHub-programs, and so I downloaded a bunch of Python-tools. When I run this command in "Python 3.12", which looks like CMD to me, I get a syntax error. "To create a virtual environment, Python supplies a built in venv module which provides the …

Member Avatar for pathofbuilding
1
78
Member Avatar for rev9solution

I'm currently working on a project where technical debt has started to pile up, and it's beginning to affect the stability of our software. However, the team is under pressure to deliver new features quickly, and we’re struggling to strike a balance. What strategies or workflows have you used to …

Member Avatar for rproffitt
-1
18
Member Avatar for bkelly13

Environment is Windows 11 and Visual Studio 2019 using Python. I am a Python novice. The goal is a project with multiple dialogs. Not a web project, just many dialogs. From VS some options are Django, Flask, Bottle, Jade, and more. Searches for each of those provide simplistic descriptions without …

Member Avatar for Reverend Jim
0
21
Member Avatar for usmanmalik57

Open-source LLMs are gaining significant traction due to their ability to match the performance of advanced proprietary LLMs. These models are free to use and allow users to modify their source code or fine-tune them on their own systems, making them highly versatile for various applications. Alibaba's [Qwen](https://www.alibabacloud.com/en/solutions/generative-ai/qwen?_p_lc=1) and Meta's …

4
676
Member Avatar for cored0mp

A script that was working fine on 100 records per batch choked when I fed it 1,000 records. It gave: mysql.connector.errors.OperationalError: 1040 (08004): Too many connections So I went ahead and made sure to connect.close() everywhere that I opened a connection, and the script made it much further but eventually …

Member Avatar for cored0mp
0
205
Member Avatar for usmanmalik57

This tutorial demonstrates how to build an AI agent that queries SQLite databases using natural language. You will see how to leverage the [LangGraph framework](https://www.langchain.com/langgraph) and the [OpenAI GPT-4o](https://openai.com/index/gpt-4/) model to retrieve natural language answers from an SQLite database, given a natural language query. So, let's begin without ado. ## …

2
483
Member Avatar for usmanmalik57

In a previous article, I explained [how to extract tabular data from PDF image documents using Multimodal Google Gemini Pro](https://www.daniweb.com/programming/computer-science/tutorials/541449/pdf-image-table-extractor-web-app-with-google-gemini-pro-and-streamlit#post2296083). However, there are a couple of disadvantages with Google Gemini Pro. First, Google Gemini Pro is not free, and second, it needs complex prompt engineering to retrieve table, columns, and …

Member Avatar for mansha99
2
2K
Member Avatar for usmanmalik57

On November 20, 2024, OpenAI updated its GPT-4o model, claiming it is more creative and accurate on several benchmarks. In this article, I compare the GPT-4o November update with the previous version (August update) for text summarization and classification tasks. By the end of this article, you will see whether …

2
153
Member Avatar for Mansour_4

Hello I want to learn python about sequentialfile And definition just a hobby in my spare time Thank u all

Member Avatar for Dani
0
19
Member Avatar for usmanmalik57

In my previous article, I presented a [comparison of GPT-4o and Claude 3.5 Sonnet for multi-label text classification](https://www.daniweb.com/programming/computer-science/tutorials/542629/openai-gpt-4o-vs-claude-3-5-sonnet-for-multi-label-text-classification). The accuracies achieved by both models were relatively low. Fine-tuning is one solution to overcome the low performance of large-language models. With fine-tuning, you can incorporate custom domain knowledge into an LLM's …

2
166
Member Avatar for Johannes C.

**Turning ideas into executable code has never been easier. This is the story of how I created a small program that turns your photos into pixel art in less than half an hour – with a little help from my AI assistant.** ![ai-coding-assistant.jpg](https://static.daniweb.com/attachments/4/167a40014fbe0091604c395e88cacd5e.jpg) The program is called **PixelPotion**, and you …

Member Avatar for Johannes C.
1
133
Member Avatar for usmanmalik57

In one of my previous articles, you saw a [comparison of GPT-4o vs. Claude 3.5 sonnet for zero-shot text classification](https://www.daniweb.com/programming/computer-science/tutorials/542132/comparing-gpt-4o-vs-claude-3-5-sonnet-for-zero-shot-text-classification). In that article; we performed multi-class text classification where input tweets belonged to one of the three categories. In this article, we will go a step further and perform zero-shot …

2
136
Member Avatar for usmanmalik57

On September 25, 2024, Meta released [the Llama 3.2 series of multimodal models](https://ai.meta.com/blog/llama-3-2-connect-2024-vision-edge-mobile-devices/). The models are lightweight yet extremely powerful for image-to-text and text-to-text tasks. In this article, you will learn how to use the Llama 3.2 Vision Instruct model for general image analysis, graph analysis, and facial sentiment prediction. …

3
351
Member Avatar for usmanmalik57

This article explains how to create a retrieval augmented generation (RAG) chatbot in LangChain using open-source models from [Hugging Face serverless inference API](https://huggingface.co/docs/api-inference/en/index). You will see how to call large language models (LLMs) and embedding models from Hugging Face serverless inference API using LangChain. You will also see how to …

2
626
Member Avatar for cored0mp

This week I'm working on the data warehousing capabilities of my application. Now most people here who have built more than a couple of applications can tell you how useful it is to include a datestamp on records or requests as they come in. The advantages are numerous. So much …

Member Avatar for WendyDolan
1
112
Member Avatar for usmanmalik57

Open-source LLMS, owing to their comparable performance with advanced proprietary LLMs, have been gaining immense popularity lately. Open-source LLMs are free to use, and you can easily modify their source code or fine-tune them on your systems. [Alibaba's Qwen](https://www.alibabacloud.com/en/solutions/generative-ai/qwen?_p_lc=1) and [Meta's Llama](https://ai.meta.com/blog/meta-llama-3-1/) series of models are two major players in …

Member Avatar for Brandon_38
2
2K
Member Avatar for usmanmalik57

In one of my previous articles, I explained [how to generate stunning images for free using diffusion models](https://www.daniweb.com/programming/computer-science/tutorials/541898/generate-stunning-ai-images-for-free-using-diffusion-models) and showed how to generate Stability AI's diffusion models for text-to-image generation. Since then, the AI domain has progressed considerably, particularly in image generation. Black Forest Labs has released [Flux.1 series of …

Member Avatar for autowrecking
3
251
Member Avatar for cored0mp

Hello Gang! I'm grateful once again for the advice to use MySQL over Postgres. It's been a pretty smooth experience so far. Unfortunately I had to migrate to a different host and have been getting an undefined variable error. Mysql is Running. I used the package manager to get python-mysql.connector …

Member Avatar for cored0mp
1
125
Member Avatar for deepakgupta2186

Given below is my telephone directory program.i made two lists one for name and the other for number.I merged it into a dictionary.performing basic functions..The problem is howto update the dictionary every time and how to save this program in a new directory,so as to call it any time and …

Member Avatar for Mansour_4
2
23K
Member Avatar for usmanmalik57

On September 19, 2024, [Alibaba released the Qwen 2.5 series of models](https://qwenlm.github.io/blog/qwen2.5/). The Qwen 2.5-72B base and instruct models outperformed larger state-of-the-art models like Llama 3.1-405B on multiple benchmarks. It is safe to assume that Qwen 2.5-72B is a state-of-the-art open-source large language model. This article will show you how …

3
1K
Member Avatar for TSC_Chazz

I have posted this question elsewhere and gotten zero helpful responses. Specifically on an Apple, with Python 3.9.10, I am using the socket sendall method to send a data buffer on a network connection that has successfully opened to a server. The data that I am sending does not reach …

Member Avatar for rproffitt
1
34
Member Avatar for usmanmalik57

The AI wave has introduced a myriad of exciting applications. While text generation and natural language processing are leading the AI revolution, image, and vision-based technologies are quickly catching up. The intersection of text and vision applications has seen a rapid surge recently. In this article, you'll learn how to …

2
889
Member Avatar for usmanmalik57

## Introduction ## In a previous article, I explained [how to fine-tune the vision transformer model for image classification in PyTorch](https://www.daniweb.com/programming/computer-science/tutorials/540749/fine-tuning-vision-transformer-for-image-classification-in-pytorch). In this article, I will explain how to fine-tune the pre-trained OpenAI Whisper model for audio classification in PyTorch. Audio classification is an important task that can be applied …

Member Avatar for meyerrluanna
3
2K

The End.