Datum Learning
Datum Learning
  • Видео 175
  • Просмотров 448 473
Self attention mechanism visualized | Attention mechanism explained | Deep Learning.
In this video, we are going to see how the self attention works in detail. We are going to visualize the entire process using a simple example.
The self attention mechanism deals with creating three vectors which is the query, key and values vector for each word. Then the key and query vectors are multiplied and softmax is carried out. Then the values vector is multiplied with the values vector to get the final value.
The example is taken using the concept of matrix multiplication which is used in the actual implementation.
Просмотров: 55

Видео

Working of the attention mechanism | How attention mechanism works. Query, Key and Value vectors.
Просмотров 5114 дней назад
In this video, we are going to looking into the working of the attention mechanism. We are going to take an example sentence and then trace the working of the attention mechanism for it. We will see how the attention mechanism uses the query, key and the value vector for every word and then uses it for taking the dot product which helps in finding the importance of the word. Lastly, the score i...
Background for Attention Mechanism. Why do we need attention mechanism. Long term dependency problem
Просмотров 4021 день назад
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...
Introduction - 1 | Attention mechanism in Deep Learning.
Просмотров 6728 дней назад
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
Просмотров 1702 месяца назад
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
Просмотров 5512 месяца назад
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?
Просмотров 162 месяца назад
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.
Просмотров 1542 месяца назад
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.
Просмотров 342 месяца назад
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.
Просмотров 182 месяца назад
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
Просмотров 172 месяца назад
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
Просмотров 392 месяца назад
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.
Просмотров 2102 месяца назад
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
Просмотров 682 месяца назад
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
Просмотров 182 месяца назад
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.
Просмотров 702 месяца назад
nn.Conv2d | Part - 2 fully discussed | padding, padding_modes and dilation.
Face Landmark Detection using Mediapipe | Facial expression and landmarks in face images
Просмотров 1152 месяца назад
Face Landmark Detection using Mediapipe | Facial expression and landmarks in face images
Face Detection using Mediapipe | Keypoints detection on face and Bounding Box
Просмотров 892 месяца назад
Face Detection using Mediapipe | Keypoints detection on face and Bounding Box
Hand Landmark Detection in Mediapipe.
Просмотров 2542 месяца назад
Hand Landmark Detection in Mediapipe.
Image Gesture recognition using Mediapipe
Просмотров 1482 месяца назад
Image Gesture recognition using Mediapipe
Image Embedding using Mediapipe | How to find Image Similarity in Python.
Просмотров 1142 месяца назад
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
Просмотров 672 месяца назад
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
Просмотров 733 месяца назад
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
Просмотров 633 месяца назад
Instance image segmentation using Mediapipe | Segment one object in an image
Discussion on ChatBots in AI | Simple to Advanced Chatbots.
Просмотров 303 месяца назад
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.
Просмотров 203 месяца назад
Coding and AI in College | Useful tips for someone starting with AI and Coding in College.
Yolov10 object on a video using CLI.
Просмотров 753 месяца назад
Yolov10 object on a video using CLI.
Ep - 7 | Results and Test function| Bird Classification project in Deep Learning using PyTorch
Просмотров 883 месяца назад
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
Просмотров 2523 месяца назад
YOLOv10 Object Detection in Python | Object detection using YOLO in Python

Комментарии

  • @anap1904
    @anap1904 3 часа назад

    Thank you very much man !! Extremely helpful

  • @rannvijaysingh1
    @rannvijaysingh1 2 дня назад

    Exactly what I am looking for

  • @rannvijaysingh1
    @rannvijaysingh1 2 дня назад

    Brother Today i say your detection videos all. Why you stop your model till dict and identification. Kindly continue that video how to save the model and then load model if want to give any person. How to trained model with more dataset in future

  • @rannvijaysingh1
    @rannvijaysingh1 2 дня назад

    I watch whole of you 7 videos videos are good and explanation is easy to understand. but continue more this series like this model in one file which can be deploy after training and testing

  • @rannvijaysingh1
    @rannvijaysingh1 2 дня назад

    Part 3

  • @rannvijaysingh1
    @rannvijaysingh1 2 дня назад

    Part 1

  • @rannvijaysingh1
    @rannvijaysingh1 2 дня назад

    Part 2

  • @HadbbdbdDhhdbd
    @HadbbdbdDhhdbd 11 дней назад

    Helpful

  • @LogicLabTube
    @LogicLabTube 13 дней назад

    Sir please tell me how we train our own deeplab model to segment room walls please

  • @shadowsfg4346
    @shadowsfg4346 14 дней назад

    Amazing video btw

  • @MikeMcRoberts
    @MikeMcRoberts 18 дней назад

    Please add chapters to your videos

  • @mjunikiobya
    @mjunikiobya 21 день назад

    thanks but you didn't explain how the last bounding box remained after supressing others

  • @tisilent5712
    @tisilent5712 21 день назад

    good explanation sir

  • @usmanrauf5436
    @usmanrauf5436 22 дня назад

    This is indeed a great explanation. thank you!

  • @zihaoLiang-f1t
    @zihaoLiang-f1t 27 дней назад

    Very clear explanation!

  • @duvanm2483
    @duvanm2483 28 дней назад

    Neat explanation. Thank you, bro.

  • @faisalali1164
    @faisalali1164 Месяц назад

    Best R-CNN explanation on the internet...

  • @ankitadafare2930
    @ankitadafare2930 Месяц назад

    Easiest explanation and technique!!!🙏👍🔥🙌

  • @romeoneto4218
    @romeoneto4218 Месяц назад

    Now create a Gradio interface 😊

  • @floatonArt
    @floatonArt Месяц назад

    Bro can you please provide training script for the ssd and faster rcnn please

  • @gohelgaurang6865
    @gohelgaurang6865 Месяц назад

    Hi can you make video how can import json data in pytorch? By the way you are doing good. Keep going✨️

  • @gangs0846
    @gangs0846 Месяц назад

    Can you do a realtime version for mobile phones?

  • @gangs0846
    @gangs0846 Месяц назад

    Thank you. Part 2?

  • @tiop52
    @tiop52 Месяц назад

    Helpful tutorial for getting started. Thanks!

  • @RonaldCaetano
    @RonaldCaetano Месяц назад

    EXCELENTE, muchas gracias!!!.

  • @lequoctam
    @lequoctam Месяц назад

    i cant find your dataset 😭😭

  • @MH-te6ec
    @MH-te6ec Месяц назад

    Or please make a video on . what should i know or learn before jumping into pytorch as beginner 😊

  • @MH-te6ec
    @MH-te6ec Месяц назад

    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 .

  • @MH-te6ec
    @MH-te6ec Месяц назад

    Bhai i was reaching this type of video for long time , it's really helpful for beginners like me. thanks for sharing

  • @sarkalay-n3y
    @sarkalay-n3y Месяц назад

    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.

  • @nulliusinverba7732
    @nulliusinverba7732 2 месяца назад

    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

  • @geojose8034
    @geojose8034 2 месяца назад

    Very nice explaination

  • @mat7856
    @mat7856 2 месяца назад

    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?

    • @datumlearning6204
      @datumlearning6204 2 месяца назад

      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.

  • @IslamMosquetoLife
    @IslamMosquetoLife 2 месяца назад

    it was amazing

  • @SriJahnaviChinthalapudi-wz8us
    @SriJahnaviChinthalapudi-wz8us 2 месяца назад

    What is IOU?

    • @datumlearning6204
      @datumlearning6204 2 месяца назад

      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. ruclips.net/video/J-OY4F-z7RA/видео.html

  • @NhảNguyễn-w2m
    @NhảNguyễn-w2m 2 месяца назад

    nice, thank you

  • @yyttommy2456
    @yyttommy2456 2 месяца назад

    why not used in previous video with StandardScalar, thany u

  • @tasnimjahan-qv7hy
    @tasnimjahan-qv7hy 2 месяца назад

    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?

  • @rishidixit7939
    @rishidixit7939 2 месяца назад

    Thanks a Lot. Please start Transformers for NLP and Vision if possible.

  • @emmanuellouisegonzales5393
    @emmanuellouisegonzales5393 2 месяца назад

    NeutrAl comment

  • @emmanuellouisegonzales5393
    @emmanuellouisegonzales5393 2 месяца назад

    Negative comment

  • @emmanuellouisegonzales5393
    @emmanuellouisegonzales5393 2 месяца назад

    Positive comment

  • @subhankhan6180
    @subhankhan6180 2 месяца назад

    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!

    • @datumlearning6204
      @datumlearning6204 2 месяца назад

      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.

  • @darshandushing5985
    @darshandushing5985 2 месяца назад

    Sir i want to use RCNN for number plate detection, how to do this ? Please reply

  • @ighravwedesmond8679
    @ighravwedesmond8679 2 месяца назад

    Great video. Thank you for your contributions to knowledge.