Datum Learning
Datum Learning
  • 171
  • 421 623
nn.ConvTranspose2d | PyTorch function fully discussed | stride, padding, output_padding, dilation
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
มุมมอง: 36

วีดีโอ

Transposed Convolution in Deep Learning. Stride , Padding, Dilation, Output_padding
มุมมอง 53วันที่ผ่านมา
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?
มุมมอง 1221 วันที่ผ่านมา
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.
มุมมอง 3921 วันที่ผ่านมา
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.
มุมมอง 2621 วันที่ผ่านมา
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.
มุมมอง 1321 วันที่ผ่านมา
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
มุมมอง 1321 วันที่ผ่านมา
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
มุมมอง 2221 วันที่ผ่านมา
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.
มุมมอง 6021 วันที่ผ่านมา
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
มุมมอง 3421 วันที่ผ่านมา
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
มุมมอง 1421 วันที่ผ่านมา
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.
มุมมอง 2728 วันที่ผ่านมา
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
มุมมอง 6328 วันที่ผ่านมา
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
มุมมอง 4928 วันที่ผ่านมา
In this video, we are going to see how to detect faces in images using the Face detection module of the Mediapipe. We will also see how to get the keypoints in an image and also to see how to plot the bounding box. Code: github.com/DatumLearning/Mediapipe-playlist/blob/main/face_detection.ipynb
Hand Landmark Detection in Mediapipe.
มุมมอง 5028 วันที่ผ่านมา
In this video, we are going to see how can we find the hand landmarks in the Hand Landmarks Detection task in Mediapipe. We will also see how to interpret the result of the detections. We will see how to isolate a particular point in the image and plot it. Code: github.com/DatumLearning/Mediapipe-playlist/blob/main/hand_landmark_detection.ipynb
Image Gesture recognition using Mediapipe
มุมมอง 51หลายเดือนก่อน
Image Gesture recognition using Mediapipe
Image Embedding using Mediapipe | How to find Image Similarity in Python.
มุมมอง 70หลายเดือนก่อน
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
มุมมอง 25หลายเดือนก่อน
#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
มุมมอง 41หลายเดือนก่อน
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
มุมมอง 39หลายเดือนก่อน
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
มุมมอง 35หลายเดือนก่อน
Instance image segmentation using Mediapipe | Segment one object in an image
Discussion on ChatBots in AI | Simple to Advanced Chatbots.
มุมมอง 27หลายเดือนก่อน
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.
มุมมอง 17หลายเดือนก่อน
Coding and AI in College | Useful tips for someone starting with AI and Coding in College.
Yolov10 object on a video using CLI.
มุมมอง 49หลายเดือนก่อน
Yolov10 object on a video using CLI.
Ep - 7 | Results and Test function| Bird Classification project in Deep Learning using PyTorch
มุมมอง 60หลายเดือนก่อน
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
มุมมอง 140หลายเดือนก่อน
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
มุมมอง 28หลายเดือนก่อน
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
มุมมอง 24หลายเดือนก่อน
Ep - 5 | Writing the train function | Bird Classification project in Deep Learning using PyTorch
Ep - 4 | Writing the model | Bird Classification project in Deep Learning using PyTorch
มุมมอง 42หลายเดือนก่อน
Ep - 4 | Writing the model | Bird Classification project in Deep Learning using PyTorch
Ep - 3 | transforms and DataLoader | Bird Classification project in Deep Learning using PyTorch
มุมมอง 47หลายเดือนก่อน
Ep - 3 | transforms and DataLoader | Bird Classification project in Deep Learning using PyTorch

ความคิดเห็น

  • @sarkalay-n3y
    @sarkalay-n3y 22 ชั่วโมงที่ผ่านมา

    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 4 วันที่ผ่านมา

    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 6 วันที่ผ่านมา

    Very nice explaination

  • @CottonSean-o3m
    @CottonSean-o3m 9 วันที่ผ่านมา

    Wilson Michael Johnson Karen Miller Amy

  • @mat7856
    @mat7856 10 วันที่ผ่านมา

    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 9 วันที่ผ่านมา

      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 14 วันที่ผ่านมา

    it was amazing

  • @SriJahnaviChinthalapudi-wz8us
    @SriJahnaviChinthalapudi-wz8us 14 วันที่ผ่านมา

    What is IOU?

    • @datumlearning6204
      @datumlearning6204 9 วันที่ผ่านมา

      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. th-cam.com/video/J-OY4F-z7RA/w-d-xo.html

  • @NhảNguyễn-w2m
    @NhảNguyễn-w2m 14 วันที่ผ่านมา

    nice, thank you

  • @yyttommy2456
    @yyttommy2456 15 วันที่ผ่านมา

    why not used in previous video with StandardScalar, thany u

  • @tasnimjahan-qv7hy
    @tasnimjahan-qv7hy 19 วันที่ผ่านมา

    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 21 วันที่ผ่านมา

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

  • @emmanuellouisegonzales5393
    @emmanuellouisegonzales5393 23 วันที่ผ่านมา

    NeutrAl comment

  • @emmanuellouisegonzales5393
    @emmanuellouisegonzales5393 23 วันที่ผ่านมา

    Negative comment

  • @emmanuellouisegonzales5393
    @emmanuellouisegonzales5393 23 วันที่ผ่านมา

    Positive comment

  • @subhankhan6180
    @subhankhan6180 24 วันที่ผ่านมา

    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 23 วันที่ผ่านมา

      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 24 วันที่ผ่านมา

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

  • @ighravwedesmond8679
    @ighravwedesmond8679 25 วันที่ผ่านมา

    Great video. Thank you for your contributions to knowledge.

  • @VikramKumar-nf8vw
    @VikramKumar-nf8vw หลายเดือนก่อน

    Bhaiya, i request to you please do code also so that we can learn and know more about mediapipe

    • @datumlearning6204
      @datumlearning6204 28 วันที่ผ่านมา

      Do you mean line by code typing?

    • @VikramKumar-nf8vw
      @VikramKumar-nf8vw 28 วันที่ผ่านมา

      @@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

  • @harshans7712
    @harshans7712 หลายเดือนก่อน

    This is one of the best explanation ever, thanks a lot

  • @syedazainab8689
    @syedazainab8689 หลายเดือนก่อน

    how to import a torch library

  • @VikramKumar-nf8vw
    @VikramKumar-nf8vw หลายเดือนก่อน

    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 😢

  • @rishidixit7939
    @rishidixit7939 หลายเดือนก่อน

    The problem is that there is no code in this. I have watched a lot of TH-cam tutorials and I know that you are very good at explaining your coding which most TH-camrs take for granted. That is why I think making code focused tutorials would be better and along with you can supplement some theory

  • @nil5896
    @nil5896 หลายเดือนก่อน

    Please provide roadmap for computer vision, there's not particular path for it, like cnn,yolo, diffusion models,etc, etc

    • @datumlearning6204
      @datumlearning6204 หลายเดือนก่อน

      Hi thank you for your question. I have a video on this already. Please check out the video. th-cam.com/video/DoH_dD_dy0k/w-d-xo.html

  • @nil5896
    @nil5896 หลายเดือนก่อน

    Ur linkedin link?

  • @lekharajfegade2624
    @lekharajfegade2624 หลายเดือนก่อน

    after rerun its getting 0 with same code

  • @ildarkhalilov9595
    @ildarkhalilov9595 หลายเดือนก่อน

    why y1 < y3 and y2 < y4?

  • @nil5896
    @nil5896 หลายเดือนก่อน

    For freshers(internship/job) should we use two column resume or one column

  • @nil5896
    @nil5896 หลายเดือนก่อน

    For freshers(internship/job) should we use two column resume or one column

    • @datumlearning6204
      @datumlearning6204 หลายเดือนก่อน

      I always use two. Worked out well for me. Good Luck.

  • @MmAaZzzz
    @MmAaZzzz หลายเดือนก่อน

    very well explained

  • @rishidixit7939
    @rishidixit7939 หลายเดือนก่อน

    I learnt Deep Learning and Machine Learning to apply to Haeltcare Problems. Please do feature Healthcare Related Projects specifically Vision Related Tasks. If possible try to feature some less common projects which require more in depth knowledge of DL and Vision

  • @rishidixit7939
    @rishidixit7939 หลายเดือนก่อน

    Thanks a LOT Amazing, this is something that is overlooked EVERYWHERE. Just one request that apart from the NLP and Vision Projects please do make projects which use Anutoencoders coz thay are being overlooked. They are right now only used in Segmentation but they also can do Anomaly Detection so please do explore that topic as it is very useful and strangely extremely ignored. One more request would be to please cover Autoencoders a little bit thoretically and write it from scratch .