PyTorch nn Module

แชร์
ฝัง
  • เผยแพร่เมื่อ 11 ธ.ค. 2024

ความคิดเห็น • 46

  • @gourabguha3167
    @gourabguha3167 7 วันที่ผ่านมา +12

    Sir I just love the pace you are releasing videos. It's like food for me.. getting proper nutrition now❤❤

    • @dLightsGG
      @dLightsGG วันที่ผ่านมา

      jinxed

  • @Cantordust027
    @Cantordust027 3 วันที่ผ่านมา +1

    simplicity in teaching is rare thanks for being here , more appreciation to you ! :)

    • @Cantordust027
      @Cantordust027 3 วันที่ผ่านมา

      just in case if code isn't working well
      #S1 MAKE MODEL
      class MeraModel(nn.Module):
      def __init__(self,x_train):
      super().__init__()
      self.linear = nn.Linear(x_train.shape[1],1)
      self.sigmoid = nn.Sigmoid()
      def forward(self,x_train):
      out = self.linear(x_train)
      out = self.sigmoid(out)
      return out
      #S1.A MAKE IT'S OBJECT
      obj = MeraModel(x_train_tensor)
      #S2 MAKE FIXED TUNER
      epochs = 50
      lr = 0.01
      #S3 MAKE ERROR FUNC.
      loss_fn = nn.BCELoss()
      #S4 MAKE OPTIMIZER
      optim = torch.optim.SGD(obj.parameters(),lr)
      ## S5 TRAINING
      for i in range(epochs):
      #forward pass
      y_pred = obj(x_train_tensor) #==> obj.forward(x_train_tensor)
      #loss calculation
      loss = loss_fn(y_pred,y_train_tensor.view(-1,1)) # y_pred (455,1) hoga but y_train ka shape (455,) dikhega uske liye y_train ko same kia .view(-1,1)
      #zero the prev grads
      optim.zero_grad()
      #backprop
      loss.backward()
      #update params (wts,bias)
      optim.step()
      # print loss in each epoch
      print(f'Epoch: {i + 1} | Loss: {loss.item()}')
      print('
      ')
      #S6 EVALUATION
      with torch.no_grad():
      y_pred = model.forward(x_test_tensor)
      y_pred = (y_pred > 0.5).float()
      accuracy = (y_pred == y_test_tensor).float().mean()
      print(f'Accuracy: {accuracy.item()}')
      >.

  • @rohulamin496
    @rohulamin496 7 วันที่ผ่านมา +5

    Wishing you abundant happiness for sharing your valuable time and knowledge with us.
    With love from Pakistan.

  • @imran_0_1_2
    @imran_0_1_2 7 วันที่ผ่านมา +1

    Our Hero and Icon of Teaching.I am from Bangladesh and Love you brother.

  • @smiley1059
    @smiley1059 6 วันที่ผ่านมา +1

    Guruji namaste. superb. I am going to so deep in pytorch. I think next module to lrean about torch.utils.data, torch.jit, torch.distributed, torch.cuda..........etc.Exciting....waiting for next videos on pytorch.

  • @anantmohan3158
    @anantmohan3158 3 วันที่ผ่านมา

    Loved the way you explained. Thank you..!

  • @techfriends683
    @techfriends683 3 วันที่ผ่านมา

    Sir, Literally I am big fan of the way you teach us. and i can say your contents are best on the youtube except some standford course.

  • @skeptilereptile7061
    @skeptilereptile7061 6 วันที่ผ่านมา

    Thank you sir, for making pytorch that easy to understand

  • @Priyanka_Singh13
    @Priyanka_Singh13 5 วันที่ผ่านมา

    Thank you so much sir for such amazing content.

  • @MohammadShuaib-t1n
    @MohammadShuaib-t1n 7 วันที่ผ่านมา

    I am very excited for this playlist....

  • @noorahmadharal
    @noorahmadharal 4 วันที่ผ่านมา

    loving this channel

  • @narsinghmaurya7568
    @narsinghmaurya7568 7 วันที่ผ่านมา

    Most awaiting series 🎉🎉🎉

  • @shortflicks83
    @shortflicks83 7 วันที่ผ่านมา

    Yup great brother just release all others as soon as possible

  • @agarwalyashhh
    @agarwalyashhh 7 วันที่ผ่านมา +3

    Sir iss saal hi 3lakh kar ke manenge❤

  • @techfriends683
    @techfriends683 3 วันที่ผ่านมา

    I have one request to you, Now a day most of the companies are focusing on RAG based application and LLM fine-tuning. that involves langchain, vector database etc.

  • @sougaaat
    @sougaaat 7 วันที่ผ่านมา

    bhaiya you are killing it

  • @subhashisdas1760
    @subhashisdas1760 7 วันที่ผ่านมา +1

    Sir, appreciating your efforts!! could you please off the AI assistant while shooting the video in google colab sometime it becomes problematic to track your code and colabs' suggestion

  • @Ishaheennabi
    @Ishaheennabi 7 วันที่ผ่านมา

    Great one

  • @AshishGupta-xy6ie
    @AshishGupta-xy6ie วันที่ผ่านมา

    Where is next video complete this Playlist as soon as possible 😊😊

  • @vijayantpanda
    @vijayantpanda 7 วันที่ผ่านมา

    Picking up good pace in uploading . If same pace is maintained it will be really great . Thank you

  • @Popat_Muhammad_72HurWale
    @Popat_Muhammad_72HurWale 7 วันที่ผ่านมา +1

    🔥🔥🔥💥💥

  • @VishalKumarYadav-yd7ub
    @VishalKumarYadav-yd7ub 7 วันที่ผ่านมา

    Sir Pls continue the deep learning playlist too

  • @pranavmittal9619
    @pranavmittal9619 18 นาทีที่ผ่านมา

    Sir Pytorch Next Video ?

  • @bc.saikiranreddy8824
    @bc.saikiranreddy8824 5 วันที่ผ่านมา

    SIR please post pytorch videos regularly

  • @sauravnaik6405
    @sauravnaik6405 7 วันที่ผ่านมา

    Thank you so much for this video. A query: Is torched.no_grad() a replacement for torch.inference_mode()?
    Ye bhi to inferencing ke hi kaam ata hai. Or is it that they serve different purposes.

  • @sufyankhan267
    @sufyankhan267 3 ชั่วโมงที่ผ่านมา

    Sir please suggest some good paid courses for gen ai and llm college placements are going on really need it

  • @techfriends683
    @techfriends683 7 วันที่ผ่านมา

    Sir, can you please make a lecture video on "Langchain" , "llama-index" and "RAG"

  • @kushalneo
    @kushalneo 4 วันที่ผ่านมา

    Great Video

  • @Back_Bancher-w2c
    @Back_Bancher-w2c 6 วันที่ผ่านมา

    Sir please make a video in which we scrap a website which have load more button and when we scroll down items load for machine learning data gathering

  • @sumanthpichika5295
    @sumanthpichika5295 7 วันที่ผ่านมา

    Can I know what is the software u are using to teach and write?

    • @Sohail30
      @Sohail30 7 วันที่ผ่านมา

      Microsoft OneNote

  • @Back_Bancher-w2c
    @Back_Bancher-w2c 6 วันที่ผ่านมา

    Make a video on how to scrap dynamic website for data gathering perpose

  • @ComicKumar
    @ComicKumar 7 วันที่ผ่านมา +1

    Sir pls add video 5 in the video title.. it will be easier to navigate for students who'll watch later!

  • @amritanshsharma9890
    @amritanshsharma9890 4 วันที่ผ่านมา

    Hi sir,
    Can you please make a video to deploy and train a sagemaker based keras tensorflow model but on like numerical data not image data say for example classifying weather a person has diabetes or not based on some given feature. I have searched whole youtube but couldnt find a video on it. All tensorflow videos are only for image data none for numerical data.
    And great work by the way.

  • @alphaghost4330
    @alphaghost4330 3 วันที่ผ่านมา

    Hey sir, should I study ml models with doing some projects or before, what's the best way?

  • @sarithabeema9859
    @sarithabeema9859 7 วันที่ผ่านมา

    Sir Please Build a transformer using pytorch

  • @sarithabeema9859
    @sarithabeema9859 7 วันที่ผ่านมา

    Best!

  • @Saransh80
    @Saransh80 7 วันที่ผ่านมา

    I LOVE U sir

  • @anirudhmishra917
    @anirudhmishra917 5 วันที่ผ่านมา

    Sir me jupiter notebook me ek project krra tha jisme user input lete he but kuch numbers he jinko type krne pr vo chl nhi rha 1,2,3,4,5,6 ye numbers type krne pr chl nhi rha sir please help me.keybord sahi he sb sahi he but ye kuch prblm hora he sir please reply.

  • @hiroki-z7t
    @hiroki-z7t 7 วันที่ผ่านมา

    going on right pace, ezzz noobs ... :)

  • @nomannosher8928
    @nomannosher8928 วันที่ผ่านมา

    SIr is always ignoring google colab suggestions😇😇😇

  • @farhanfiaz593
    @farhanfiaz593 7 วันที่ผ่านมา

    Sir firstly i am very thankful to you for this amazing playlist.
    I want to clear my one confusion Is it necessary using class?
    Can we solve it without making class if yes than what's the difference between both?

    • @farhanfiaz593
      @farhanfiaz593 7 วันที่ผ่านมา

      Any one other if know can reason me

    • @Popat_Muhammad_72HurWale
      @Popat_Muhammad_72HurWale 7 วันที่ผ่านมา

      Kafirr se padh rha hai tu smjhaaa tere nabi ka baap bhi kafiirr hi tha smjha मुल्ले jihaadi