Menu
Menu
DaniWeb
Log In
Sign Up
Read
Contribute
Meet
Search
Search
About 35 results for
hugging-face
- Page 1
Retrieval Augmented Generation with Hugging Face Models in LangChain
Programming
Computer Science
1 Year Ago
by usmanmalik57
…SentenceTransformer from transformers import BitsAndBytesConfig import torch ``` ## Importing a
Hugging
Face
LLM in langChain A RAG application requires two models: a… next step is to generate embeddings using
Hugging
Face
embedding models in LangChain. ## Generating
Hugging
Face
Model Embeddings in LangChain To generate embeddings…
RAG with LangChain and Hugging Face Serverless Inference API
Programming
Computer Science
8 Months Ago
by usmanmalik57
… import userdata hf_token = userdata.get('HF_API_TOKEN') ``` ## Basic Example of Calling
Hugging
Face
Inference API in LangChain Let's first see a basic… generate vector embeddings. You can retrieve this model free from
Hugging
Face
serverless inference API using the `HuggingFaceInferenceAPIEmbeddings` object. The following script…
Multilabel Text Classification using Hugging Face Models for TensorFlow
Programming
Computer Science
2 Years Ago
by usmanmalik57
…perform multiple-label text classification using the [
Hugging
Face
](https://huggingface.co/) transformers library.
Hugging
Face
library implements advanced transformer architectures, proven … to convert raw text into the
Hugging
Face
complaint format. The script below installs the
Hugging
Face
library. ! pip install datasets transformers…
Text and Image to Video Generation using Diffusion Models in Hugging Face
Programming
Computer Science
9 Months Ago
by usmanmalik57
…the libraries you will need to import these models from
Hugging
Face
. ``` !pip install --upgrade transformers accelerate diffusers imageio-…generation. The script below imports the corresponding pipeline from the
Hugging
Face
library. ```python image_video_pipe = StableVideoDiffusionPipeline.from_pretrained( "stabilityai…
Video Classification using Hugging Face Transformers in PyTorch
Programming
Computer Science
1 Year Ago
by usmanmalik57
… you will learn to fine-tune a [
Hugging
Face
Transformers model](https://huggingface.co/docs/transformers/index…of performing video classification using the
Hugging
Face
Trainer with one of
Hugging
Face
's built-in datasets. However… want, you can try other video transformers from
Hugging
Face
. The process remains the same. ``` image_processor =…
Text Classification and Summarization with Qwen 2.5 Model From Hugging Face
Programming
Computer Science
9 Months Ago
by usmanmalik57
… Using Qwen 2.5 Instruct Model in
Hugging
Face
Before moving to text classification and summarization …model. ### Importing the Model and Tokenizer from
Hugging
Face
The first step is to import the model… weights and tokenizer from the
Hugging
Face
library, as the following script demonstrates. ```Python model_name…
Text to Speech Conversion Using Hugging Face Transformers
Programming
Computer Science
1 Year Ago
by usmanmalik57
…explore how to convert text-to-speech using
Hugging
Face
's [MeloTTS transformer](https://huggingface.co/myshell… different languages. All languages are listed on [
Hugging
Face
MeloTTS model card](https://huggingface.co/myshell-ai…the basics of text-to-speech conversion using
Hugging
Face
's MeloTTS transformer. We covered installing required libraries…
Tabular Data Classification with Hugging Face Meta Tree Transformer
Programming
Computer Science
1 Year Ago
by usmanmalik57
As a data scientist, I have extensively used the
Hugging
Face
library for processing unstructured data such as images, text, and … for these types of data. Lately, however, I discovered that
Hugging
Face
also provides transformer models for tabular data. One such transformer…
Extract Tabular Data from PDF Images using Hugging Face Table Transformer
Programming
Computer Science
1 Year Ago
by usmanmalik57
….co/docs/transformers/main/en/model_doc/table-transformer) from the [
Hugging
Face
](https://huggingface.co/) library. You will see how to detect…
Re: Multilabel Text Classification using Hugging Face Models for TensorFlow
Programming
Computer Science
2 Years Ago
by Iuliia
Hello! Thanks for example! Please, tell, why do you use BinaryCrossentropy while there is 6-classes classification? Doesn't one should you CategoricalCrossentropy?
Re: Multilabel Text Classification using Hugging Face Models for TensorFlow
Programming
Computer Science
1 Year Ago
by Aravind_11
Thank you very much for this informative example! I have a question regarding the line "bert = TFAutoModel.from_pretrained(model_name, from_pt = True)". Since we are using Tensorflow here, shouldn't we leave out "from_pt = True" ?
Re: Extract Tabular Data from PDF Images using Hugging Face Table Transformer
Programming
Computer Science
1 Year Ago
by Harini sri
Hi, Thank you so much for the above code. Its giving better results compared to other libraries. I have few questions. In some tables, I have common column name for three columns and further I have sub columns like below.... in these cases the tables are not getting extracted properly...Do you have any suggestions for handling such cases? Also …
Re: Extract Tabular Data from PDF Images using Hugging Face Table Transformer
Programming
Computer Science
7 Months Ago
by mansha99
Awesome
Fine-Tuning OpenAI Whisper Model for Audio Classification in PyTorch
Programming
Computer Science
1 Year Ago
by usmanmalik57
… numeric arrays that you can pass to
Hugging
Face
transformer models. You can create a
Hugging
Face
dataset using the `datasets.Dataset.from_dict()` method… below script, we can transform our `train_audio_dataset`, `test_audio_dataset`, and `val_audio_dataset`
Hugging
Face
datasets into PyTorch datasets. To process the datasets in batches…
Image Analysis Using Llama 3.2 Vision Instruct Model
Programming
Computer Science
8 Months Ago
by usmanmalik57
….png) To analyze an image using the
Hugging
Face
Inference, you must first create an object of…the `huggingface_hub` module. You must pass your [
Hugging
Face
access token](https://huggingface.co/docs/hub/en/security… in the following script) and pass it the
Hugging
Face
model ID, the model temperature, and the list…
Image Generation with State of the Art Flux Diffusion Models
Programming
Computer Science
9 Months Ago
by usmanmalik57
…you need to download the `diffusers` module from
Hugging
Face
. The script below downloads these two modules. ``` …notebook_login() # you need to log into your
hugging
face
account using access token ``` ## Text to Image… for image modification. The following script creates a
Hugging
Face
pipeline for the `Flux.1-schnell` model. …
Fine Tuning Vision Transformer for Image Classification in PyTorch
Programming
Computer Science
1 Year Ago
by usmanmalik57
…tasks like image recognition and object detection.
Hugging
Face
, a hub for cutting-edge machine learning… easily downloaded and implemented. However, while
Hugging
Face
documentation provides insight into obtaining image representations … Libraries ## You will need to install the
Hugging
Face
Transformers library to run scripts in this article.…
Generate Stunning AI Images for Free Using Diffusion Models
Programming
Computer Science
1 Year Ago
by usmanmalik57
… using state-of-the-art diffusion models from [
Hugging
Face
](https://huggingface.co/). You'll learn about base… use any other [text-to-image diffusions from
Hugging
Face
](https://huggingface.co/models?pipeline_tag=text-to-image). …The following Python script initializes a
Hugging
Face
pipeline for the diffusion model and sets it …
Qwen vs Llama - Who is winning the Open Source LLM Race
Programming
Computer Science
8 Months Ago
by usmanmalik57
…and Importing Required Libraries We will call the [
Hugging
Face
inference API](https://huggingface.co/docs/api-inference…Using
Hugging
Face
Inference API To access models via the
Hugging
Face
inference API, you will need your [
Hugging
Face
… the `huggingface_hub` library. You must pass the
Hugging
Face
model path and the access token to the …
Qwen 2.5-72b Vs. Llama 3.3-70b for Text Classification and Summarization
Programming
Computer Science
6 Months Ago
by usmanmalik57
…to install some libraries to call the [
Hugging
Face
inference API](https://huggingface.co/docs/api-…Using
Hugging
Face
Inference API To access models using the
Hugging
Face
inference API, you will need your [
Hugging
Face
User… class from the `huggingface_hub` library. Pass the
Hugging
Face
model path and your access token to the `InferenceClient…
Fine Tuning Google Gemma Model for Text Classification in Python
Programming
Computer Science
1 Year Ago
by usmanmalik57
…, you must run the following script and enter your [
Hugging
Face
user access token](https://huggingface.co/docs/hub/en/security… to its terms of use before importing it from
Hugging
Face
. You can agree to its terms of use on…) The script below converts our Pandas dataframe to a
Hugging
Face
dataset. The script divides the dataset into 80% training…
Facial Emotion Detection with Vision Transformers and DeepFace Library
Programming
Computer Science
1 Year Ago
by usmanmalik57
… DeepFace. We will fine-tune the [
Hugging
Face
](https://huggingface.co/docs/transformers/index) version…perform [image classification with vision transformers in
Hugging
Face
](https://www.daniweb.com/programming/computer-science…-class classification of images. You can install the
hugging
-
face
library using the following script. ``` ! pip …
Benchmarking DeepSeek R1 for Text Classification and Summarization
Programming
Computer Science
5 Months Ago
by usmanmalik57
….co/deepseek-ai/DeepSeek-R1-Distill-Qwen-32B) from the [
Hugging
Face
Inference API](https://huggingface.co/docs/api-inference/en/index… ``` ## Calling DeepSeek R1 Model Using
Hugging
Face
Inference API Calling the DeepSeek R1 model via the
Hugging
Face
Inference API is similar to calling…
Custom Loss Functions in PyTorch: A Comprehensive Guide
Programming
Computer Science
1 Year Ago
by usmanmalik57
…, X_test, y_train, y_test X_train, X_test, y_train, y_test = get_train_test_split(data) ``` ### Creating
Hugging
Face
Dataset, Model, and Custom Loss Function ### The next step is… to create a
hugging
face
dataset for training and test sets. We will also create…
Summarizing YouTube Video Transcriptions Using Distil Whisper and LLM
Programming
Computer Science
1 Year Ago
by usmanmalik57
… will use the Distil Whisper Large V3 model from the [
Hugging
Face
](https://huggingface.co/) library. The following script downloads the model… import the Mistral-7B model and its tokenizer from the
Hugging
Face
library. ``` model_id = "mistralai/Mistral-7B-Instruct-v0.1"…
DeepSeek R1 vs Llama 3.1-405b for Text Classification and Summarization
Programming
Computer Science
3 Months Ago
by usmanmalik57
…. My other option was to access the model via the
Hugging
Face
API, but I could not run that either since it…
Re: Fine-Tuning OpenAI Whisper Model for Audio Classification in PyTorch
Programming
Computer Science
1 Year Ago
by habi_2
how to use the best_model.pt
Re: Fine-Tuning OpenAI Whisper Model for Audio Classification in PyTorch
Programming
Computer Science
9 Months Ago
by Duane_4
This is an interesting and useful post. I believe there is a typo in the 7th code block relating to train/val/test split. The second line should read: val_df, test_df = train_test_split(temp_df, test_size=0.5, random_state=42) The whole point of temp_df in the first line was to separate out 30% for val/test; the second line splits that to …
Re: Fine-Tuning OpenAI Whisper Model for Audio Classification in PyTorch
Programming
Computer Science
9 Months Ago
by meyerrluanna
The post gives a really clear, step-by-step guide on how to fine-tune the OpenAI Whisper model for audio classification. Its great how it covers everything from preparing the dataset to using tools for feature extraction and model training .This is definitely worth checking out, The explanations are practical, and the code snippets make it easy to …
Re: Image Generation with State of the Art Flux Diffusion Models
Programming
Computer Science
9 Months Ago
by autowrecking
Impressive Thanks for sharing.
1
2
Next
Search
Search
Forums
Forum Index
Hardware/Software
Recommended Topics
Programming
Recommended Topics
Digital Media
Recommended Topics
Community Center
Recommended Topics
Latest Content
Newest Topics
Latest Topics
Latest Posts
Latest Comments
Top Tags
Topics Feed
Social
Top Members
Meet People
Community Functions
DaniWeb Premium
Newsletter Archive
Markdown Syntax
Community Rules
Developer APIs
Connect API
Forum API Docs
Tools
Backlink Auditor
Legal
Terms of Service
Privacy Policy
FAQ
About Us
Advertise
Contact Us
© 2025 DaniWeb® LLC