- 173
- 438 328
Datum Learning
India
Приєднався 16 лют 2020
Datum Learning is a data science driven channel. I post interesting and informative videos on ML, DL, AI and more.
Background for Attention Mechanism. Why do we need attention mechanism. Long term dependency problem
In this video, we are going to deal with the question of why do we need the attention mechanism. We are going to discuss the problem that attention mechanism solves using a real life example.
RNNs had a tough time trying to remember events that happened to far in the past due to which it was difficult to give correct answers sometimes. This happened because of the problem of vanishing gradients. The problem is called the Long term dependency problem.
The video aims to delve deeper into why the problem exists and how to solve the problem intuitively.
RNNs had a tough time trying to remember events that happened to far in the past due to which it was difficult to give correct answers sometimes. This happened because of the problem of vanishing gradients. The problem is called the Long term dependency problem.
The video aims to delve deeper into why the problem exists and how to solve the problem intuitively.
Переглядів: 8
Відео
Introduction - 1 | Attention mechanism in Deep Learning.
Переглядів 5216 годин тому
In this video, we are going to start with a new series focusing on the attention mechanism in deep learning. We will see the motivation and also the things that we will be discussing in the series.
nn.ConvTranspose2d | PyTorch function fully discussed | stride, padding, output_padding, dilation
Переглядів 104Місяць тому
In this video, we are going to see the next function in PyTorch which is the ConvTranspose2d function. We will also be looking into its parameters. The ConvTranspose2d operation is used in CNNs to increase the size of the feature maps in the upsampling part. Code: github.com/DatumLearning/PyTorch_functions/blob/main/17_ConvTranspose2d.ipynb
Transposed Convolution in Deep Learning. Stride , Padding, Dilation, Output_padding
Переглядів 314Місяць тому
In this video, we are going to see the topic of transposed convolution in Deep Learning. We will learn about strides, padding, dilation, output_padding in transposed convolutions. Transposed convolution is a way of increasing the size of the feature maps in upsampling networks, eg UNET.
#AskDL How much time does it take for a programmer to learn a new language?
Переглядів 15Місяць тому
In this video, we are going to take a doubt asked by one of our viewers i.e. how much time does it take for someone who already knows Cpp to learn Python.
RNN/LSTM with Attention | Why Transformer is better than LSTM and RNN.
Переглядів 107Місяць тому
In this video, we will take up a question asked by one of the subscribers. The question has four parts, basically, what is attention with LSTM and what is the use of that. We also delve into the aspect of Transformers and how is it better than LSTMs.
Language Detection using Mediapipe | Language Classification using Python and Deep Learning.
Переглядів 292 місяці тому
In this video, we are going to see how to do language classification using Mediapipe. Basically, we are going to give a text to the model and the model is expected to find out which language does the text belong to. There are 110 languages that the model can classify. Code: github.com/DatumLearning/Mediapipe-playlist/blob/main/Language_detector.ipynb
Text Embedder using Mediapipe | Find cosine similarity between two text samples in Mediapipe.
Переглядів 172 місяці тому
In this video, we are going to cover the text embedder in Mediapipe. This model can also be used to convert a sentence of any length to a fixed vector of 512 length. This task can help take two sentences and then find the cosine similarity between the two sentences. The sentences focusing on similar ideas have a higher degree of similarity. Code: github.com/DatumLearning/Mediapipe-playlist/blob...
Text Classification using Mediapipe | Sentiment analysis using Mediapipe
Переглядів 152 місяці тому
In this video, we are going to cover the text classification using Mediapipe. The model is based on BERT and can do sentiment analysis. Code: github.com/DatumLearning/Mediapipe-playlist/blob/main/text_classification.ipynb
Face Stylization using Mediapipe | Color ink, color sketch and oil painting effect in Mediapipe
Переглядів 342 місяці тому
In this video, we are going to see how can we stylize a face in Mediapipe. This is an experimental feature but a powerful one. It can be used for creating avatars. Code: github.com/DatumLearning/Mediapipe-playlist/blob/main/face_stylization.ipynb
Pose Landmark Detection using Mediapipe | Find the important body landmarks using Mediapipe.
Переглядів 1512 місяці тому
In this video, we are going to see how can we find the pose landmarks of an individual in an image using the Pose Landmark Detection functionality in Mediapipe. We will also see how can we plot the points on an image. Code: github.com/DatumLearning/Mediapipe-playlist/blob/main/Pose_Landmarks.ipynb
nn.MaxPool2d | PyTorch function fully discussed | kernel_size , ceil_mode , return_indices, dilation
Переглядів 552 місяці тому
In this video, we are going to see the next function in PyTorch which is the MaxPool2d function. We will also be looking into its parameters. The Maxpool2d operation is used in CNNs to reduce the height and width of the feature maps. Code: github.com/DatumLearning/PyTorch_functions/blob/main/17_maxpool2d.ipynb
nn.Conv2d | Part - 3 fully discussed | Groups, bias and formula for convolution
Переглядів 162 місяці тому
In this video, we are going to see the last remaining parameters of the Convolution operation in PyTorch. We will be focusing on groups, bias the formula for finding the shape of the output of the convolution operation. Groups will be discussed in convolution and we will also see depthwise convolution. We will also see what bias is in the convolution operation. Lastly, we will also see the form...
nn.Conv2d | Part - 2 fully discussed | padding, padding_modes and dilation.
Переглядів 502 місяці тому
In this video, we are going to see the some more parameters of the nn.Conv2d function in the torch.nn module. We will looking into the padding, padding_mode and the dilation parameters of torch.nn. We will go in detail into understanding the padding parameter of nn.conv2d. We will understand what values it can take and what do they mean. Secondly, we will understand the different padding_modes ...
Face Landmark Detection using Mediapipe | Facial expression and landmarks in face images
Переглядів 962 місяці тому
In this video, we are going to see how can we implement face landmarks detection and facial expression classification in Mediapipe. We will find the correct facial expression and also the coordinates of the landmarks in the face of a person. Code: github.com/DatumLearning/Mediapipe-playlist/blob/main/face_landmarks.ipynb
Face Detection using Mediapipe | Keypoints detection on face and Bounding Box
Переглядів 802 місяці тому
Face Detection using Mediapipe | Keypoints detection on face and Bounding Box
Hand Landmark Detection in Mediapipe.
Переглядів 1462 місяці тому
Hand Landmark Detection in Mediapipe.
Image Gesture recognition using Mediapipe
Переглядів 1172 місяці тому
Image Gesture recognition using Mediapipe
Image Embedding using Mediapipe | How to find Image Similarity in Python.
Переглядів 1012 місяці тому
Image Embedding using Mediapipe | How to find Image Similarity in Python.
#AskDL Will Mediapipe and OpenCV be relevant? | Ask your questions on the daily #AskDL post hashtag
Переглядів 262 місяці тому
#AskDL Will Mediapipe and OpenCV be relevant? | Ask your questions on the daily #AskDL post hashtag
nn.Conv2d | Part - 1 fully discussed | in & out channels, stride, kernel_size | PyTorch functions
Переглядів 602 місяці тому
nn.Conv2d | Part - 1 fully discussed | in & out channels, stride, kernel_size | PyTorch functions
Ep - 1 | Intro and Data | Audio Classification in PyTorch Project | Urban Sound classification CNN
Переглядів 702 місяці тому
Ep - 1 | Intro and Data | Audio Classification in PyTorch Project | Urban Sound classification CNN
Instance image segmentation using Mediapipe | Segment one object in an image
Переглядів 522 місяці тому
Instance image segmentation using Mediapipe | Segment one object in an image
Discussion on ChatBots in AI | Simple to Advanced Chatbots.
Переглядів 282 місяці тому
Discussion on ChatBots in AI | Simple to Advanced Chatbots.
Coding and AI in College | Useful tips for someone starting with AI and Coding in College.
Переглядів 182 місяці тому
Coding and AI in College | Useful tips for someone starting with AI and Coding in College.
Ep - 7 | Results and Test function| Bird Classification project in Deep Learning using PyTorch
Переглядів 792 місяці тому
Ep - 7 | Results and Test function| Bird Classification project in Deep Learning using PyTorch
YOLOv10 Object Detection in Python | Object detection using YOLO in Python
Переглядів 2022 місяці тому
YOLOv10 Object Detection in Python | Object detection using YOLO in Python
Ep - 6 | Writing the validation fn | Bird Classification project in Deep Learning using PyTorch
Переглядів 362 місяці тому
Ep - 6 | Writing the validation fn | Bird Classification project in Deep Learning using PyTorch
Ep - 5 | Writing the train function | Bird Classification project in Deep Learning using PyTorch
Переглядів 342 місяці тому
Ep - 5 | Writing the train function | Bird Classification project in Deep Learning using PyTorch
thanks but you didn't explain how the last bounding box remained after supressing others
good explanation sir
This is indeed a great explanation. thank you!
Very clear explanation!
Neat explanation. Thank you, bro.
Best R-CNN explanation on the internet...
Easiest explanation and technique!!!🙏👍🔥🙌
Now create a Gradio interface 😊
Bro can you please provide training script for the ssd and faster rcnn please
Hi can you make video how can import json data in pytorch? By the way you are doing good. Keep going✨️
Can you do a realtime version for mobile phones?
Thank you. Part 2?
Helpful tutorial for getting started. Thanks!
EXCELENTE, muchas gracias!!!.
i cant find your dataset 😭😭
Or please make a video on . what should i know or learn before jumping into pytorch as beginner 😊
Bhai i have 1 questions is pytorch need OOP python programming ? And if yes then which are the points should i learn from oop part .
Bhai i was reaching this type of video for long time , it's really helpful for beginners like me. thanks for sharing
You are the best for beginner like me so I encourage you to do more of this beginner friendly and playlist and example tutorial. Very much thank you, brother.
This is not v helpful. I feel like the content of the video is too general and doesn't really give insight into the choice of optimizers - maybe things like personal projects and what were the first choice (rather than just hyperparameter search with optimizers - which is fairly obvious) for different tasks would be more useful. Other than that, just trying out different things is a hard ask for large datasets and long training times (models that take a while to converge) so a better researched video (into what practitioners do) would be more helpful for a beginner to understand how people quickly select the right optimizer for the task. At the v least industry standards like super convergence with AdamW could be brought up to give people an easy choice for the start of the project ( as in this generally works). And when they ask about SGD, you could have talked about where it's generally useful like -it can converge faster if you select the right parameters, but is v prone to bad initialization unlike Adam which is why people generally start with Adam optimizers. TLDR, the video just says read documentation and try a hyperparameter search with different optimizers and parameter values and hope that it works for beginners. And that's a sentiment that's repeated through many blogs and videos and doesn't help beginners get a clue
Very nice explaination
very descriptive. thank you. I also have one question: what if padding=1 and output_padding=1. Will the last column and last row be left intact or will it be replaced by all-0 column and row?
First the output padding will be added, so the one row and one column will be added. Then padding will be taken into consideration i.e. top row and bottom row will be removed along with the left and right columns. Thanks for the question.
it was amazing
What is IOU?
It basically finds the overlap between the bounding boxes. The greater the overlap the higher the IOU (Intersection Over Union). I have a video on the topic of IOU on this channel, you can check. ua-cam.com/video/J-OY4F-z7RA/v-deo.html
nice, thank you
why not used in previous video with StandardScalar, thany u
Thanks for the video. In 3:37 minutes, you referred a video about dilation. But as this is the first video in the playlist, I am getting confused. Could you share the video link?
Thanks a Lot. Please start Transformers for NLP and Vision if possible.
NeutrAl comment
Negative comment
Positive comment
I disagree with the ease of implementation, it all depends on your own transfer learning or inference file. There are heaps of examples where you just parse items and use single CLI for both SSD and Faster-RCNN. Ultimate winner should be SSD due to it’s inference and latency plus the ability to be used commercially. Most of yolo algorithms are either AGPL or GPL licensed, which requires heaps of money to be used commercially!
Obviously, when I talked about ease of implementation, I meant Python and not terminal/bash. As far as commercial use is concerned, I am not going to comment on that as that was not one of the parameters of comparison. The parameters were speed, accuracy and ease of implementation. Lastly, newer versions of YOLO are the fastest, I have verified that. BTW, thank you for the question.
Sir i want to use RCNN for number plate detection, how to do this ? Please reply
Great video. Thank you for your contributions to knowledge.
Glad it was helpful!
Bhaiya, i request to you please do code also so that we can learn and know more about mediapipe
Do you mean line by code typing?
@@datumlearning6204 yes bhaiya, Just write line of code and teach about those line of code i.e. from which library is it belongs to. How to write. What they returned, what are the arguments taken by function. These all are things which should you explain by writing the code
This is one of the best explanation ever, thanks a lot
Glad it was helpful!
how to import a torch library
Bhaiya, are open cv and mediapipe relevant to learn? Is there any future of it ?? Plzz reply because I got stuck in my life. Plz show me direction 😢
The problem is that there is no code in this. I have watched a lot of UA-cam tutorials and I know that you are very good at explaining your coding which most UA-camrs take for granted. That is why I think making code focused tutorials would be better and along with you can supplement some theory
Please provide roadmap for computer vision, there's not particular path for it, like cnn,yolo, diffusion models,etc, etc
Hi thank you for your question. I have a video on this already. Please check out the video. ua-cam.com/video/DoH_dD_dy0k/v-deo.html
Ur linkedin link?