- Видео 40
- Просмотров 26 768
Tech with DK
Добавлен 27 мар 2022
DL - 1.1 Understanding Perceptron in தமிழ்
In this video, I explain how a single perceptron with a step function works, breaking down its mathematical operations and demonstrating its use with simple examples.
#machinelearningtamil #deeplearningintamil #neuralnetworktamil #perceptrontamil #learning #tamil
#machinelearningtamil #deeplearningintamil #neuralnetworktamil #perceptrontamil #learning #tamil
Просмотров: 142
Видео
DL - 1.0 Introduction to deep learning in தமிழ்
Просмотров 436 месяцев назад
Explore the basics of deep learning explained in Tamil! Perfect for beginners and enthusiasts looking to understand neural networks and AI concepts in their native language. #DeepLearninginTamil #neuralnetworks #tamil #machinelearning #machinelearningintamil #deeplearningintamil
Mastering AI in Tamil: Exploring OpenAI Playground - Part- 2
Просмотров 766 месяцев назад
This video given an demonstration on how to use open-ai playground, Learn the basics of using OpenAI Playground in this beginner-friendly tutorial. Understand key features and start creating with AI today. If you wish to watch the part-1 video, please find the link ruclips.net/video/YJ1sY_reA4o/видео.html
Mastering AI in Tamil: Exploring OpenAI Playground - Part- 1
Просмотров 1428 месяцев назад
Mastering AI in Tamil: Exploring OpenAI Playground - Part- 1
Build Word Similarity - Hugging Face App in Tamil
Просмотров 609 месяцев назад
Video on first hugging face app : ruclips.net/video/vNID7cB5RIs/видео.html Git-Hub Link : github.com/t-m-d-k/Gen-AI-2-Word-Similarity Previous Video Link : ruclips.net/video/e5YmytfeoU0/видео.html
Identify Word Similarity with LangChain Gen AI
Просмотров 1309 месяцев назад
Gen AI Video Link : ruclips.net/video/iUmL4p_N79I/видео.html Code : import os os.environ["OPENAI_API_KEY"] = "YOUR-API-KEY" from langchain.embeddings import OpenAIEmbeddings embeddings = OpenAIEmbeddings() import pandas as pd df = pd.read_csv('Data.csv') print(df) our_Text = "dog" text_embedding = embeddings.embed_query(our_Text) len(text_embedding) df['embedding'] = df['Words'].apply(lambda x:...
Getting started with GenAI OpenAI Model in Tamil using Hugging Face: Step-by-Step Guide
Просмотров 34710 месяцев назад
"Explore the basics of building a GenAI OpenAI model in Tamil through this beginner-friendly guide. Start your AI journey today with Hugging Face!" Git Hub : github.com/t-m-d-k/Gen-ai-1-QS/tree/main
Getting started with basic coding in Langchain -Tamil
Просмотров 24810 месяцев назад
to install: pip install langchain user pip install Openai user code used in video : from langchain.llms import OpenAI import os os.environ["OPENAI_API_KEY"] = "YOUR-API-KEY" llm = OpenAI(model_name="gpt-3.5-turbo-instruct") our_query = "What is the currency of India?" completion = llm(our_query) print(completion)
Understanding whats LangChain in Tamil
Просмотров 93211 месяцев назад
#langchain #llm #tamilexplanation #introduction
Generative-AI : Transformer Attention Mechanism Explained in Tamil
Просмотров 1,2 тыс.11 месяцев назад
Embark on a fascinating journey as we simplify the Transformer Attention Mechanism in Tamil. Designed for beginners, this video breaks down complex concepts into easy-to-understand terms. Please feel free to drop some comments #GenerativeAI #Transformer #AttentionMechanism #AIExplained #TamilTech #MachineLearning #DeepLearning #ArtificialIntelligence #LanguageProcessing #TamilExplanation
Building a Chat Bot from Scratch in Python with NLTK | Step-by-Step Coding Tutorial
Просмотров 349Год назад
In this step-by-step coding tutorial, we demystify the process, covering essential concepts and hands-on implementation. Whether you're a beginner or an aspiring Python developer, join us on this journey to bring your own chat bot to life and enhance your programming skills!
CBoW model explanation - Natural language processing Word2Vec tutorial
Просмотров 139Год назад
This tutorial helps how to build a simple cbow word2vec model using pytorch Git Hub : github.com/t-m-d-k/Pytorch-Series/blob/main/CBOW.ipynb
"🔍 Unveiling the Power of Attention in NLP! 🧠 Visualizing Language Understanding with BERTViz
Просмотров 447Год назад
Exploring the fascinating world of attention models! 🕵️♂️ Just discovered BERTViz, a fantastic tool to visualize how attention works in action. 🗣️ With BERTViz, a simple cursor hover reveals the intricate web of attention connections of each layer. Exciting times in NLP! #AIInsights #NLP
Building a Variational Autoencoder (VAE) from Scratch in Under 5 Minutes using PyTorch
Просмотров 2,9 тыс.Год назад
Building a Variational Autoencoder (VAE) from Scratch in Under 5 Minutes using PyTorch
Generative Adversarial Networks(GAN): A Comprehensive Introduction and Architecture-Beginner's Guide
Просмотров 170Год назад
Generative Adversarial Networks(GAN): A Comprehensive Introduction and Architecture-Beginner's Guide
Easy Beginner Tutorial: Building a Custom CNN from Scratch for Image Classification with PyTorch
Просмотров 2,9 тыс.Год назад
Easy Beginner Tutorial: Building a Custom CNN from Scratch for Image Classification with PyTorch
Easy PyTorch Neural Network Implementation | From Scratch Tutorial
Просмотров 176Год назад
Easy PyTorch Neural Network Implementation | From Scratch Tutorial
PyTorch for Beginners: Mastering Deep Learning and Neural Networks | Introductory Video
Просмотров 301Год назад
PyTorch for Beginners: Mastering Deep Learning and Neural Networks | Introductory Video
AWS Jumpstart - Implement any deep learning framework in less than 5 minutes
Просмотров 57Год назад
AWS Jumpstart - Implement any deep learning framework in less than 5 minutes
AWS SageMaker Studio & Data Wrangler Tutorial: Building an ML Model with AutoML
Просмотров 199Год назад
AWS SageMaker Studio & Data Wrangler Tutorial: Building an ML Model with AutoML
Complete Guide to Object Detection with YOLO NAS: From Scratch to End-to-End
Просмотров 417Год назад
Complete Guide to Object Detection with YOLO NAS: From Scratch to End-to-End
Identifying Car Number Plates with OpenCV: A Step-by-Step Guide
Просмотров 1,1 тыс.Год назад
Identifying Car Number Plates with OpenCV: A Step-by-Step Guide
Contour Detection using OpenCV - Beginner Tutorial
Просмотров 151Год назад
Contour Detection using OpenCV - Beginner Tutorial
"Beginner's Tutorial: Understanding Edge Detection and Image Segmentation with OpenCV"
Просмотров 198Год назад
"Beginner's Tutorial: Understanding Edge Detection and Image Segmentation with OpenCV"
Identify and Track Colors in Live Video using OpenCV: A Step-by-Step Tutorial
Просмотров 114Год назад
Identify and Track Colors in Live Video using OpenCV: A Step-by-Step Tutorial
Airflow on Windows: Quick and Easy Installation Guide and First Dag creation in less than 10 minutes
Просмотров 363Год назад
Airflow on Windows: Quick and Easy Installation Guide and First Dag creation in less than 10 minutes
Template Matching for Object Detection Made Easy with OpenCV - Beginners Tutorial.
Просмотров 415Год назад
Template Matching for Object Detection Made Easy with OpenCV - Beginners Tutorial.
Mastering Canny Edge Detection with MS Dhoni and OpenCV: A Beginner's Guide to Computer Vision!
Просмотров 74Год назад
Mastering Canny Edge Detection with MS Dhoni and OpenCV: A Beginner's Guide to Computer Vision!
Reading and Displaying Images with OpenCV in Python for Beginners
Просмотров 125Год назад
Reading and Displaying Images with OpenCV in Python for Beginners
Could you explain the paper attention is all you need in tamil. You videos are so useful. especially transformers
@@VasukiDurairaj ruclips.net/video/iUmL4p_N79I/видео.htmlsi=o1ErU5QbBkoQrVa_ can you please check this
Mathangowri voice
awesome man ...kindly do more videos in tamil
❤❤
Very nice explanation bro!
The video was good na, Try to do more videos in tamil in Gen AI
Bro Simple Autoencoder Video Update pannunga 🥲
@@vinayakamoorthy.k137 sure bro will do
Gen AI and Open AI related videos la Update pannunga Bro
super
@@senthilmuruganr234 thanks for the support
bro can you share the requirements.txt file?
can you explain how this self attention mechanism is used in field of image processing
@@k.BACKIAVATHI yes, it's on my list. For that you need to understand neural network. So I have started my series on neural network after completing all neural network will be back on my gen ai videos. Thanks for your comment
Can CNNs be used in a generative way?
yes in some of gen models cnn is been used
Bravo brother, keep up the good work..
@@UsmanKhan-mw4ye thanks for the support
Thanks for sharing 🎉🎉
@@datascienceworld Thanks for the support
Dear sir, im naren , im submit P.hD thesis now, ur video very helpful for me, now time 5:21am 21 june 24, i search so many video in youtube but ur video,and explanation very amazing, pls upload more video, this is my humble request to you. so thank you very much thank you ...
Thanks for the support
Rare topic on RUclips with native language 😮
Thanks for the support
Can you please explain about the decoder session also
Sure will create a new video for it
Very good explanation
Thanks for liking
nandri brooo
Thanks Bro, Well Explained.
Thanks for the support
Super bro
hi, i have followed your tutorial and so far have successfully train the system. However, once I have put my testing image for output and it shows "output with shape [1, 224, 224] doesn't match the broadcast shape [3, 224, 224]" . Is it because im using gray image? and how to classify the gray images?
In CNN input of first layer, we have given 3 , hope it needs to be changed to 1
Good initiative
Thanks you
Sourse code?
super bro. crystal clear explanation........need more videos in this topic. Thanks bro😇
Thanks for the support
bro , explanation was great and easy to understand keep up the good work
Thanks for the support
Very good explanation bro!! Good job. Pleae continue with more and more such videos. I have watched many transformers video eplanation on youtube. This vidoe is best.
Thanks for the support and comment.
Following along with this tutorial right now, great stuff. Anyways I wanted to ask, in one of your lines of code you have "self.fc2 = nn.Linear(64, 2) # 2 output classes: babby and flower" if I wanted to do this with more than 2 classes would I change this to nn.Linear(64, 3) for 3 classes and so on? what else would I need to change besides extra stuff in input and testing?
Thanks for the comment . Yes you have to add one more folder with the same name eg : create a folder named car and upload images of cars in those folder also here you can make (64,3)
i made my CNN and trained it, then put a separate python file for the post testing and main usage like you did on ln 16 but everytime i run the code with a path to an image, it reruns the neural net going through the training epochs before making the prediction based on my inputted image. ive inputted the code exactly the same as you, is it because im running it in a separate python file?? I also tried it using torch.load(path) and model.load_state_dict() to load the trained neural net but the same issue happens again
I fixed my problem!turns out in my evaluation file i was using from main import * i didn't realise that it runs through the main.py file before running evaluation, which is why it was doing training over and over. instead i moved my training loop from main.py to a different file and just used main.py to store the cnn class and object and the transform variable, then imported them to the training file and the evaluation file, and it all works perfectly. thanks for the great video!
We can save the weight and reuse them 😇
Could you please provide this script in the description?
Sure , please find the github link : github.com/t-m-d-k/Pytorch-Series/blob/main/cnn-pytorch.ipynb
Super
Thanks
Nice video. But do you know how to fix error: image should be a tensor.. Thank you
Thanks, can you try converting it into pytorch dataset and try it please find the code : github.com/t-m-d-k/Pytorch-Series/blob/main/cnn-pytorch.ipynb
'promosm'
Awesome Brother.
Thank you
Looks very intersting! I will try on the weekend 🙂
Hope you enjoy
Dinesh ahae
hi. can share code?
Will do
Informative 🤩🤩🤩
Glad , think you so much
Super da 👍👍
Thanks