• Member Avatar for usmanmalik57
    usmanmalik57

    Published Integrating OpenAI Web Search API in LangGraph

    Large language models are trained on a fixed corpus, and their knowledge is often limited by the documents they are trained on. Techniques like retrieval augmented generation, continuous pre-training, and …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Integrating OpenAI Web Search API in LangGraph

    Large language models are trained on a fixed corpus, and their knowledge is often limited by the documents they are trained on. Techniques like retrieval augmented generation, continuous pre-training, and …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Evaluating OpenAI GPT 4.1 for Text Summarization and Classification Tasks

    On April 14, 2025, OpenAI released [GPT-4.1](https://openai.com/index/gpt-4-1/) — a model touted as the new state-of-the-art, outperforming GPT-4o on all major benchmarks. As always, I like to evaluate new LLMs on …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Evaluating OpenAI GPT 4.1 for Text Summarization and Classification Tasks

    On April 14, 2025, OpenAI released [GPT-4.1](https://openai.com/index/gpt-4-1/) — a model touted as the new state-of-the-art, outperforming GPT-4o on all major benchmarks. As always, I like to evaluate new LLMs on …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published DeepSeek R1 vs Llama 3.1-405b for Text Classification and Summarization

    In a [previous article](https://www.daniweb.com/programming/computer-science/tutorials/543028/text-classification-and-summarization-with-deepseek-r1-distill-llama-70b), I presented a comparison of [DeepSeek-R1-Distill-Llama-70b](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Llama-70B) with the [DeepSeek-R1-Distill-Qwen-32B](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Qwen-32B) for text classification and summarization. Both these models are distilled versions of the original DeepSeek R1 model. …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching DeepSeek R1 vs Llama 3.1-405b for Text Classification and Summarization

    In a [previous article](https://www.daniweb.com/programming/computer-science/tutorials/543028/text-classification-and-summarization-with-deepseek-r1-distill-llama-70b), I presented a comparison of [DeepSeek-R1-Distill-Llama-70b](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Llama-70B) with the [DeepSeek-R1-Distill-Qwen-32B](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Qwen-32B) for text classification and summarization. Both these models are distilled versions of the original DeepSeek R1 model. …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Text Classification and Summarization with DeepSeek R1 Distill Llama 70B

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Text Classification and Summarization with DeepSeek R1 Distill Llama 70B

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Benchmarking DeepSeek R1 for Text Classification and Summarization

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Benchmarking DeepSeek R1 for Text Classification and Summarization

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Qwen 2.5-72b Vs. Llama 3.3-70b for Text Classification and Summarization

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Qwen 2.5-72b Vs. Llama 3.3-70b for Text Classification and Summarization

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Question/Answering over SQL Data Using LangGraph Framework

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Question/Answering over SQL Data Using LangGraph Framework

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Evaluating GPT-4o November Model for Text Classification and Summarization

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Evaluating GPT-4o November Model for Text Classification and Summarization

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Fine-tuning OpenAI GPT-4o for Multi-label Text Classification

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Fine-tuning OpenAI GPT-4o for Multi-label Text Classification

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published OpenAI GPT-4o vs Claude 3.5 Sonnet for Multi-label Text Classification

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching OpenAI GPT-4o vs Claude 3.5 Sonnet for Multi-label Text Classification

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Image Analysis Using Llama 3.2 Vision Instruct Model

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Image Analysis Using Llama 3.2 Vision Instruct Model

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published RAG with LangChain and Hugging Face Serverless Inference API

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching RAG with LangChain and Hugging Face Serverless Inference API

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Edited Qwen vs Llama - Who is winning the Open Source LLM Race

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Qwen vs Llama - Who is winning the Open Source LLM Race

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Qwen vs Llama - Who is winning the Open Source LLM Race

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Fine-tuning OpenAI Vision Models for Visual Question-Answering

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Fine-tuning OpenAI Vision Models for Visual Question-Answering

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Image Generation with State of the Art Flux Diffusion Models

    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. …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Image Generation with State of the Art Flux Diffusion Models

    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. …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Text Classification and Summarization with Qwen 2.5 Model From Hugging Face

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Text Classification and Summarization with Qwen 2.5 Model From Hugging Face

    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 …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Text and Image to Video Generation using Diffusion Models in Hugging Face

    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. …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Text and Image to Video Generation using Diffusion Models in Hugging Face

    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. …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Extracting Structured Outputs from LLMs in LangChain

    Large language models (LLMS) are trained to predict the next token (set of characters) following an input sequence of tokens. This makes LLMs suitable for unstructured textual responses. However, we …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Extracting Structured Outputs from LLMs in LangChain

    Large language models (LLMS) are trained to predict the next token (set of characters) following an input sequence of tokens. This makes LLMs suitable for unstructured textual responses. However, we …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Enhancing RAG Functionalities using Tools and Agents in LangChain

    Retrieval augmented generation (RAG) allows large language models (LLMs) to answer queries related to the data the models have not seen during training. In my previous article, I explained [how …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Enhancing RAG Functionalities using Tools and Agents in LangChain

    Retrieval augmented generation (RAG) allows large language models (LLMs) to answer queries related to the data the models have not seen during training. In my previous article, I explained [how …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published How to Fine-tune the OpenAI GPT-4o Model - The Wait is Finally Over

    On August 20, 2024, [OpenAI enabled GPT-4o fine-tuning](https://openai.com/index/gpt-4o-fine-tuning/) in the OpenAI playground and the OpenAI API. The much-awaited feature is free for fine-tuning 1 million daily tokens until September 23, …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching How to Fine-tune the OpenAI GPT-4o Model - The Wait is Finally Over

    On August 20, 2024, [OpenAI enabled GPT-4o fine-tuning](https://openai.com/index/gpt-4o-fine-tuning/) in the OpenAI playground and the OpenAI API. The much-awaited feature is free for fine-tuning 1 million daily tokens until September 23, …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published GPT-4o Snapshot vs Meta Llama 3.1 70b for Zero-Shot Text Summarization

    In a previous article, I compared [GPT-4o mini vs. GPT-4o and GPT-3.5 Turbo for zero-shot text summarization](https://www.daniweb.com/programming/computer-science/tutorials/542208/gpt-4o-mini-vs-gpt-4o-vs-gpt-3-5-turbo-for-text-summarization). The results showed that the GPT-4o mini achieves almost similar performance for zero-shot …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching GPT-4o Snapshot vs Meta Llama 3.1 70b for Zero-Shot Text Summarization

    In a previous article, I compared [GPT-4o mini vs. GPT-4o and GPT-3.5 Turbo for zero-shot text summarization](https://www.daniweb.com/programming/computer-science/tutorials/542208/gpt-4o-mini-vs-gpt-4o-vs-gpt-3-5-turbo-for-text-summarization). The results showed that the GPT-4o mini achieves almost similar performance for zero-shot …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published Comparison of Fine-tuning GPT-4o mini vs GPT-3.5 for Text Classification

    In my previous articles, I presented a [comparison of OpenAI GPT-4o mini model with GPT-4o and GPT-3.5 turbo models for zero-shot text classification](https://www.daniweb.com/programming/computer-science/tutorials/542182/gpt-4o-mini-a-cheaper-and-faster-alternative-to-gpt-4o). The results showed that GPT-4o mini, while …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching Comparison of Fine-tuning GPT-4o mini vs GPT-3.5 for Text Classification

    In my previous articles, I presented a [comparison of OpenAI GPT-4o mini model with GPT-4o and GPT-3.5 turbo models for zero-shot text classification](https://www.daniweb.com/programming/computer-science/tutorials/542182/gpt-4o-mini-a-cheaper-and-faster-alternative-to-gpt-4o). The results showed that GPT-4o mini, while …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Edited GPT-4o mini vs. GPT-4o vs GPT-3.5 Turbo for Text Summarization

    In my previous [article on GPT-4o mini](https://www.daniweb.com/programming/computer-science/tutorials/542182/gpt-4o-mini-a-cheaper-and-faster-alternative-to-gpt-4o), I compared the performance of GPT-4o mini against GPT-3.5 Turbo and GPT-4o for zero-shot text classification. We saw that GPT-4o mini, being 36% …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published GPT-4o mini vs. GPT-4o vs GPT-3.5 Turbo for Text Summarization

    In my previous [article on GPT-4o mini](https://www.daniweb.com/programming/computer-science/tutorials/542182/gpt-4o-mini-a-cheaper-and-faster-alternative-to-gpt-4o), I compared the performance of GPT-4o mini against GPT-3.5 Turbo and GPT-4o for zero-shot text classification. We saw that GPT-4o mini, being 36% …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching GPT-4o mini vs. GPT-4o vs GPT-3.5 Turbo for Text Summarization

    In my previous [article on GPT-4o mini](https://www.daniweb.com/programming/computer-science/tutorials/542182/gpt-4o-mini-a-cheaper-and-faster-alternative-to-gpt-4o), I compared the performance of GPT-4o mini against GPT-3.5 Turbo and GPT-4o for zero-shot text classification. We saw that GPT-4o mini, being 36% …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Published GPT-4o mini - A Cheaper and Faster Alternative to GPT-4o

    On July 18th, 2024, [OpenAI released GPT-4o mini](https://openai.com/index/gpt-4o-mini-advancing-cost-efficient-intelligence/), their most cost-efficient small model. GPT-4o mini is around 60% cheaper than GPT-3.5 Turbo and around 97% cheaper than GPT-4o. As per …
  • Member Avatar for usmanmalik57
    usmanmalik57

    Began Watching GPT-4o mini - A Cheaper and Faster Alternative to GPT-4o

    On July 18th, 2024, [OpenAI released GPT-4o mini](https://openai.com/index/gpt-4o-mini-advancing-cost-efficient-intelligence/), their most cost-efficient small model. GPT-4o mini is around 60% cheaper than GPT-3.5 Turbo and around 97% cheaper than GPT-4o. As per …

The End.