- 221
- 54 298
MLWorks
India
เข้าร่วมเมื่อ 18 ก.พ. 2011
Learning ML by teaching.
MLWorks: mayurji.github.io/
Github: github.com/Mayurji
Medium: mayur-ds.medium.com/
MLWorks: mayurji.github.io/
Github: github.com/Mayurji
Medium: mayur-ds.medium.com/
Mastering Logistic Regression with Numpy: A Hands-On Guide
Welcome to Mastering Logistic Regression with Numpy: A Hands-On Guide! In this video, we'll dive deep into one of the most popular machine learning algorithms-Logistic Regression-using Python and Numpy.
Whether you're a beginner or looking to strengthen your understanding, this hands-on tutorial will walk you through every step of the process:
Building the algorithm from scratch using Numpy.
Implementing the cost function, gradient descent, and model evaluation.
Tuning hyperparameters and interpreting results.
By the end of this video, you'll have the skills and confidence to implement logistic regression models, solve classification problems, and apply your knowledge to real-world datasets.
🔔 Don't forget to like, comment, and subscribe for more tutorials on machine learning and data science!
#LogisticRegression #MachineLearning #DataScience #Numpy #Python #HandsOnGuide #AI #DataAnalysis #CodingTutorial #Tech #ArtificialIntelligence
Whether you're a beginner or looking to strengthen your understanding, this hands-on tutorial will walk you through every step of the process:
Building the algorithm from scratch using Numpy.
Implementing the cost function, gradient descent, and model evaluation.
Tuning hyperparameters and interpreting results.
By the end of this video, you'll have the skills and confidence to implement logistic regression models, solve classification problems, and apply your knowledge to real-world datasets.
🔔 Don't forget to like, comment, and subscribe for more tutorials on machine learning and data science!
#LogisticRegression #MachineLearning #DataScience #Numpy #Python #HandsOnGuide #AI #DataAnalysis #CodingTutorial #Tech #ArtificialIntelligence
มุมมอง: 21
วีดีโอ
Mastering KNN(K-Nearest Neighbors) With Numpy: A Hands-On Guide
มุมมอง 2614 วันที่ผ่านมา
Welcome to this in-depth tutorial on Mastering KNN (K-Nearest Neighbors) with Numpy ! In this hands-on guide, we’ll walk you through the fundamentals of the KNN algorithm and show you how to implement it from scratch using Numpy . Whether you're new to machine learning or just looking to strengthen your understanding of KNN, this video covers it all. From understanding the underlying theory to ...
Mastering Linear Regression with Numpy: A Hands-On Guide
มุมมอง 3621 วันที่ผ่านมา
In this comprehensive tutorial, we will walk you through the fundamentals of linear regression and show you how to implement it from scratch using Numpy. Whether you're a beginner or looking to refine your skills, this guide will give you a solid understanding of the theory behind linear regression and how to apply it to real-world data. 🔍 What You’ll Learn: The basics of linear regression and ...
Scalable Inference: Deploying Ray Serve with Kubernetes in Production
มุมมอง 121หลายเดือนก่อน
In this video, we'll show you how to deploy Ray Serve on Kubernetes to create scalable AI services for production environments. Whether you're building machine learning models, AI-powered applications, or microservices, this tutorial will guide you step-by-step through the process of setting up Ray Serve with Kubernetes for high-performance, distributed AI workloads. What you'll learn: - Introd...
Master MLOps: Deploy Ray App with Serve CLI - Step-by-Step Tutorial
มุมมอง 58หลายเดือนก่อน
In this tutorial, we'll dive deep into the world of MLOps and show you how to deploy a Ray app using the Serve CLI. Whether you're a beginner or looking to level up your machine learning deployment skills, this video covers everything you need to know-from setting up Ray Serve to deploying scalable ML models with ease. 🔹 What you'll learn: - Introduction to Ray Serve and its capabilities for ML...
Master MLOps: Scalable Inference Service Using Ray Serve
มุมมอง 104หลายเดือนก่อน
Welcome to this comprehensive tutorial on mastering MLOps with Ray Serve! In this video, we'll walk you through how to build and deploy a scalable inference service for machine learning models using Ray Serve, a powerful and flexible framework for serving models in production. In this video, you’ll learn how to: - Set up Ray Serve for serving machine learning models.(Watch Previous Video) - Sca...
Master MLOps: Harnessing Ray on Minikube for Powerful Distributed Computing!
มุมมอง 118หลายเดือนก่อน
Welcome to our in-depth tutorial on mastering MLOps! In this video, we'll guide you through the process of harnessing Ray on Minikube to achieve powerful distributed computing for your machine learning projects. 🚀 What You'll Learn: - Setting up Minikube for local Kubernetes development (Watch Previous Video) - Installing and configuring Ray for distributed processing Whether you're just starti...
Master MLOps: Harnessing MLFlow & Optuna for Optimal Machine Learning!
มุมมอง 1472 หลายเดือนก่อน
Unlock the power of MLOps in this comprehensive tutorial! 🌟 In "Master MLOps: MLFlow with Optuna," we'll dive deep into the world of machine learning operations, exploring how to effectively manage your ML lifecycle with MLFlow and optimize your models using Optuna. What you'll learn: - The fundamentals of MLOps and why it's essential for scalable ML projects - Step-by-step guidance on setting ...
Master MLOps: Deploy ML Models on Kubernetes with KServe, MLServer & MLFlow!
มุมมอง 5052 หลายเดือนก่อน
Welcome to our comprehensive tutorial on deploying machine learning models in a Kubernetes environment! In this video, we'll guide you through the entire MLOps process, focusing on powerful tools like KServe, MLServer, and MLFlow. 🚀 What You'll Learn: - Introduction to MLOps and its importance (Watch Previous Videos) - Setting up your Kubernetes cluster for ML deployment (Watch Previous Videos)...
Master MLOps: MLOps with Kubernetes, Setting Up Kubernetes using Minikube!
มุมมอง 1932 หลายเดือนก่อน
In this video, we dive into the world of MLOps and how Kubernetes can revolutionize your machine learning workflows! 🌟 Join us as we walk through the step-by-step process of setting up a local Kubernetes environment using Minikube. Whether you’re a beginner or looking to refine your skills, we’ll cover everything from installation to deploying your first ML model. You’ll learn: - What MLOps is ...
Polars Concatenation: Efficiently Combining DataFrames in Python | Episode 5
มุมมอง 213 หลายเดือนก่อน
In this episode of our Polars series, we dive into the power of Concatenation and how it can help you combine DataFrames with ease. Whether you're working with rows or columns, Polars provides a fast and memory-efficient way to handle large datasets. We'll walk through practical examples and show you the differences between vertical and horizontal concatenation. By the end, you'll have a solid ...
Practical Tutorial: Mastering MLFlow, Model Serving with MLServer & Flask | Step-by-Step Guide
มุมมอง 2663 หลายเดือนก่อน
In this video, we dive deep into MLFlow model serving using MLServer and Flask. Learn how to deploy your machine learning models efficiently with MLFlow's powerful tracking and deployment capabilities. We walk you through the entire process, from setting up MLFlow, integrating MLServer, to serving models using Flask. Whether you're a beginner or looking to enhance your MLOps skills, this tutori...
Polars Series: Mastering Joins | Episode 4
มุมมอง 273 หลายเดือนก่อน
Welcome to Episode 4 of our Polars Series! In this video, we dive deep into Joins in Polars, an efficient DataFrame library for Python and Rust. Learn how to perform different types of joins, including inner, outer, left, and right joins, to combine your data effectively. Whether you're a beginner or an experienced data professional, this episode will help you master Polars joins and optimize y...
Practical Tutorial: MLOps with MLFlow, Essential Tools for Machine Learning!
มุมมอง 1473 หลายเดือนก่อน
Unlock the power of MLFlow in your MLOps journey! In this video, we'll explore how MLFlow simplifies machine learning workflows, from tracking experiments to managing models in production. Whether you're new to MLOps or looking to scale your machine learning pipelines, this tutorial will guide you through the essential features of MLFlow. Learn how to streamline your ML processes and bring your...
Polars Series: GroupBy and Data Analysis | Episode 3
มุมมอง 263 หลายเดือนก่อน
🚀 Welcome back to the Polars Series! In this episode, we take a deep dive into one of the most powerful features of Polars-GroupBy. Whether you're crunching numbers, summarizing data, or performing complex aggregations, mastering GroupBy is essential for effective data analysis. In this video, we'll cover: How to use GroupBy in Polars for efficient data grouping and aggregation. Advanced data a...
Polars Series: Everything to know about Drop and Null | Episode 2
มุมมอง 273 หลายเดือนก่อน
Polars Series: Everything to know about Drop and Null | Episode 2
Polars Series: Getting Started with the Basics | Episode 1
มุมมอง 453 หลายเดือนก่อน
Polars Series: Getting Started with the Basics | Episode 1
Floating Point Numbers 101: Basics, Normalization, and FP32 Explained
มุมมอง 1394 หลายเดือนก่อน
Floating Point Numbers 101: Basics, Normalization, and FP32 Explained
When to Use TF-IDF vs BM25: A General Guide
มุมมอง 3064 หลายเดือนก่อน
When to Use TF-IDF vs BM25: A General Guide
BM25 Algorithm: Overcoming the Limitations of TF-IDF
มุมมอง 7444 หลายเดือนก่อน
BM25 Algorithm: Overcoming the Limitations of TF-IDF
TF-IDF Explained Simply: Understanding Text Analysis | Understanding Tf-Idf
มุมมอง 744 หลายเดือนก่อน
TF-IDF Explained Simply: Understanding Text Analysis | Understanding Tf-Idf
DSPy | Programming On Foundation Models | RAG | MultiHop-Search | CoT
มุมมอง 3384 หลายเดือนก่อน
DSPy | Programming On Foundation Models | RAG | MultiHop-Search | CoT
System Design Basics: Back Of The Envelope Estimation
มุมมอง 1036 หลายเดือนก่อน
System Design Basics: Back Of The Envelope Estimation
System Design Basics: Logging, Metrics, and Automation
มุมมอง 166 หลายเดือนก่อน
System Design Basics: Logging, Metrics, and Automation
System Design Basics: Database Scaling
มุมมอง 366 หลายเดือนก่อน
System Design Basics: Database Scaling
System Design Basics: Stateless vs Stateful Applications
มุมมอง 256 หลายเดือนก่อน
System Design Basics: Stateless vs Stateful Applications
System Design Basics: Content Delivery Network
มุมมอง 286 หลายเดือนก่อน
System Design Basics: Content Delivery Network
Could you please share the codebase too for us to try
github.com/Mayurji/Explore-Libraries/tree/main/MLOps
It would be easier to understand with some verbal comments. That makes the video more engaging
Noted. 👍
You have done amazing work bhai, but is langchain and vector db or pinecone free?
Langchain is free, and pinecone is not free. But you can use any vectordb like chroma or faiss for the experiment.
@mlworks thankyou again
Hi please share the helm installation commands
Please find the doc here: github.com/Mayurji/Explore-Libraries/tree/main/MLOps/Ray/ray-mlops
How could I use dask delayed to encapsulate pandas functions that are not available on dask as json_normalize
import dask import dask.dataframe as dd import pandas as pd from dask import delayed # Step 1: Create a function that uses pandas' json_normalize def normalize_json(data): return pd.json_normalize(data) # Step 2: Wrap the function with dask.delayed delayed_normalize = delayed(normalize_json) # Example JSON data data = [ {'name': 'John', 'info': {'age': 30, 'city': 'New York'}}, {'name': 'Jane', 'info': {'age': 25, 'city': 'Los Angeles'}} ] # Step 3: Use delayed to process the data # Create a delayed object delayed_data = delayed_normalize(data) # Step 4: Compute the result result = delayed_data.compute() print(result) Explanation: Function Definition: The normalize_json function takes a list of dictionaries (the JSON data) and applies pd.json_normalize. Dask Delay: The function is wrapped in delayed, allowing it to be executed lazily. Data Processing: When you call delayed_normalize(data), it creates a delayed object. The computation is triggered only when you call .compute(). Benefits: Parallelism: You can encapsulate multiple calls to json_normalize using Dask's task graph, allowing Dask to optimize execution. Flexibility: This approach allows you to leverage Pandas functions while still benefiting from Dask's parallel processing capabilities. Source: ChatGPT. Let me know if it works as expected.
Brother please please send me that notebook
Notebook Link: github.com/Mayurji/Explore-Libraries/blob/main/Deep-Learning/Audio-Clf/audio-classification.ipynb
@@mlworks thanks alot brother ❤️
can you send me this notebook please ;-;
You can follow this link huggingface.co/blog/fine-tune-wav2vec2-english
Some feedback - you should record in higher resolution. The text on the computer screens is fuzzy. I skipped the video - I didn't want to fight the visibility issue.
You can change the TH-cam setting Quality while watching.
in dask u did nt compute so the result is invalid
Can you be clear?
@@mlworks dask uses lazy evaluation so in order to calcul the output u have to finish your line by compute()
Nice Explanation. Good work.
I have audio files in wav format so how can I process them for custom fine tuning
You can transform the wav file or audio into floating point representation using librosa or any other audio processing library.
Sample: stackoverflow.com/questions/54482346/reading-a-wav-file-with-scipy-and-librosa-in-python
Bro it was good
Thank you
may i have access to your code?
huggingface.co/blog/fine-tune-wav2vec2-english
@@mlworks thank you so much
Great Video, thanks! How can we make use of this data to fine tune our model? Teach it our preferences?
Thank you for this video, please can you do for CICIDS 2017?
So how about a website with cookies and session?
That you can get using the requests library.
Good question....idk lol.
Does this requires GPU to run ?
Yes.
Audio could be better
the output for my prompt was in Chinese. Why?
Which LLM provider are you using?
@@mlworks Using the HuggingFace Pipeline with the same model you used. I did different queries and their responses were in Chinese
@@DKBOsei00 can you share the prompt?
@@mlworks Question: What is South Park? Answer: 表演
Amazing video. Can you please share the link of your repo?
github.com/Mayurji/Explore-Libraries/blob/main/LLMs/phoenix-llm-observability-checkpoint.ipynb
interesting , i have tried to use langsmith but i've had a lot of issues ¡
Hope you improve your audio setup soon.
Sure
Great and commendable work. Thank you for all your efforts and hard work.
can i use gemma 7b-it model instead of intel?
Yes.
Promo'SM
very helpful video! im doing it on my company for it help desk questions, but with llm model with azure openAI, should I deploy ada02 for embedding creation and how would you do the search if its not a simple content column but various pdf documents? Azure AI search service might be helpful but is way to expensive
Yes, you can use the ada embedding model for generating an embedding vector and store it in a vector store. If you have large documents, you can chunk them based on various chunking techniques that are available in many RAG applications, ensuring the embedding model doesn't truncate your embedding randomly.
how would you do the search? What Tool do you recommend me? Im very new to the topic. Thanks in advance@s
can you tell me about the chunking techniques and the RAG Application? How could I start? :)@@mlworks
@@Z4rnii For chunking, follow this notebook. github.com/FullStackRetrieval-com/RetrievalTutorials/blob/main/5_Levels_Of_Text_Splitting.ipynb
@@Z4rnii Simple RAG - huggingface.co/learn/cookbook/en/rag_zephyr_langchain
What is that page_content_cokumn and context? Because I don't see context in you printed data Also I have CSV file which I loaded using CSV loader and in that there is columb instructions which has questions and output has answers of it do I have to create embedding of entire data with both the columns or just the column output?
page_content_column is the column that represents, the context column of the dataset. Checkout the context column here huggingface.co/datasets/databricks/databricks-dolly-15k What is the task you're going to implement with the dataset? QA I assume
@@mlworks yes a QA, and I'm suppose to use LLM model to make it more interactive and that's when I got confused because when I passed the data my bot is responding Grammatically incorrect sentences
@@rps6949 RAG helps LLMs to provide accurate and precise information based on the knowledge base. Are you using pretrained LLM or a custom LLM which you've got after fine tuning llm for your dataset, that has learnt the mapping between QA. If yes, then you can generate embeddings of your answers & store in vector store and ask the query to the system.
@@rps6949 if you mean interactive as in chatbot, you can set the system prompt for the LLM and this act as conversation agent.
@@mlworks i'm using a pretrained model , as in your code you are using datasets and then huggingface loader to load , what i have to do is ui from where user is uploading a csv file so i used CSVLoader but just like context column i have a text column but i'm not able to provide that column for embedding i just loader data from loader.load(), what i can do here?
the information in the video is good, but bro, do you really read rap, why do you need a beat in the background, it just gets in the way
I've stopped that in the last few videos.
dont put music
Well done brother. Will definitely try this 👍
actually what happens in learning with shorts is that you can't take the benefit of using seek. so bro plz don't make video in short. rest GOOD EFFORT I APPRECIATE!
Cool bro