Build a Comment Toxicity Model with Deep Learning and Python

Поделиться
HTML-код
  • Опубликовано: 1 дек 2024

Комментарии • 148

  • @stevew2418
    @stevew2418 2 года назад +24

    You’re my favorite person I’ve found on RUclips this year! Ultra high quality and very cool project. Thanks for all you do!

  • @Moonev_Fantasy
    @Moonev_Fantasy Год назад +9

    If you have issues with enormous dataset size (as me), you can try to resize it this way:
    df = df.head(60000) or another number which would be appropriate for you

    • @shayantankabiraj677
      @shayantankabiraj677 Год назад +1

      That was helpful

    • @surajramamurthysuresh7446
      @surajramamurthysuresh7446 Год назад

      That was really helpful

    • @trusttheprocess4775
      @trusttheprocess4775 Год назад

      This was incredibly helpful. My kernel kept dying and i was searching solutions but yeah, my ram couldnt keep up and had to lower the size of the training sample as you suggested. Thanks a lot!

  • @panmusic786
    @panmusic786 Год назад +10

    Hey nick!!
    I had increase the epoch to 10 and the result was :
    Precision: 0.93
    RECALL : 0.92
    ACCURACY : 0.45

  • @flurrshify5419
    @flurrshify5419 2 года назад +6

    Love the video bro keep it up! You have an insane level of quality in your tutorials. Please Please consider doing distance detection, I would love to see a tutorial on that!!!

  • @og_pluta
    @og_pluta 2 года назад +9

    Today is my birthday so it's perfectly timed video! Thanks for a gift Nicholas!

  • @dipankarnandi7708
    @dipankarnandi7708 Год назад +5

    I did two things,
    I trained the model for 15 epochs, it went to overfitting, so used dropout of 0.3 in the hidden layers, this helped to bump it up.
    Second, using callbacks, I saved the model, ran for 15 epochs again but the model was already saved at epoch no.4.
    In the second approach, I believe I did 1 mistake which was using shuffle = true in model.compile,
    Maybe that shooted the accuracy to 0.96 at the start and then went down and down as the epochs went up.
    Let me know Nick, then I see if any changes can be updated ^^
    In simpler terms we need a higher no. Of samples to train this model. Then it will be better

    • @piat795
      @piat795 Год назад

      Could you provide some insights as to how you used Dropout of 0.3? I see that the tutorial imports it but we don't actually use it. Could you take about how you used it to increase the accuracy of the model? I'm very new to ML, sorry if it's a basic question.

    • @ArunYadav-qq1cj
      @ArunYadav-qq1cj Год назад +1

      lol crazy stuff... how much hours it took you to train for 15 epochs. mine took 36 min. for 3 epochs..lol

    • @abhilashapanda7406
      @abhilashapanda7406 5 месяцев назад

      how did you save the model ? mine is showing errors

    • @dipankarnandi7708
      @dipankarnandi7708 5 месяцев назад

      @@abhilashapanda7406 check if ur model creation or layering has some errors. Saving model is simply model.save unless you wanna save it in onnx or any other format

    • @dipankarnandi7708
      @dipankarnandi7708 5 месяцев назад

      @@ArunYadav-qq1cj I have 2 gpus of 24 gb each.so it's quick

  • @sheikhshafayat6984
    @sheikhshafayat6984 2 года назад +1

    I never comment anywhere usually. But just to tell you that you're the best thing that happended to me after Khan Academy. Can't express how grateful I am for you!

  • @ishanpurohit9762
    @ishanpurohit9762 2 года назад +1

    Thank you so much for this. Please keep uploading more projects. This is better than learning from tutorial and it's rare to find.

  • @fusionhubb.
    @fusionhubb. 6 месяцев назад

    Best guy on internet so far , i wanna give a huge thank you to teach us i successfully make my Final year project as i am a student of software engineering and i have choose my career to Quality Assurance but i love to learn machine learning . This is all by this guy Thank you once again

  • @tiennguyenkim9057
    @tiennguyenkim9057 9 месяцев назад

    interface = gr.Interface(fn=score_comment,
    inputs=gr.inputs.Textbox(lines=2, placeholder='Comment to score'),
    outputs='text')
    ---------------------------------------------------------------------------
    AttributeError Traceback (most recent call last)
    Cell In[81], line 2
    1 interface = gr.Interface(fn=score_comment,
    ----> 2 inputs=gr.inputs.Textbox(lines=2, placeholder='Comment to score'),
    3 outputs='text')
    AttributeError: module 'gradio' has no attribute 'inputs'

  • @baddogbrandon1767
    @baddogbrandon1767 2 года назад +3

    i have tried to tweak the model by adding dropout layer, changing dense activations and changing the batch size, I also run multiple epochs but the accuracy hardly climbed up and there are some false positives and negatives on the result. how do we address the low accuracy? (highest i've got is 52%)

    • @jawwadahmed5342
      @jawwadahmed5342 4 месяца назад

      Try a different tokenisation technique

  • @ishandandekar1808
    @ishandandekar1808 Год назад +2

    Hey Nicholas, in the embedding layer why isn't the value 1800? Shouldn't it be the output length, why did we set it as MAX_FEATURES? Also, what is the significance of that `+1` ?

    • @ishangrotra7265
      @ishangrotra7265 Год назад

      i tried it with just max_features it works just fine the adding of +1 didnt create a significant difference

  • @zai_ry11
    @zai_ry11 5 месяцев назад

    the feeling of when you restart your jupyter notebook while training... 😭
    a solution here is to use the pickle package and save the training data
    import pickle
    with open("history.pkl", "wb") as f:
    pickle.dump(history.history, f)
    import pickle
    with open('history.pkl', 'rb') as f:
    history = pickle.load(f)

  • @0xSatyajit
    @0xSatyajit Год назад

    if you face error like ValueError at res = model.predict(input_text)
    then rewrite whole block,
    input_text_batch = tf.expand_dims(input_text, axis=0)
    res = model.predict(input_text_batch)

    • @FootballFlicksTV03
      @FootballFlicksTV03 Год назад

      import os
      import pandas as pd
      import tensorflow as tf
      import numpy as np
      from tensorflow.keras.layers import TextVectorization
      model = tf.keras.models.load_model('toxicity.h5')
      vectorizer = TextVectorization(max_tokens=200000,
      output_sequence_length=1800,
      output_mode='int')
      input_str = vectorizer('hey i freaken hate you!')
      res = model.predict(np.expand_dims(input_str,0))
      res
      it gives error ? why

  • @TransalpDave
    @TransalpDave 2 года назад +3

    Hey Nick thanks for this great video. Had a question about Embedding, is the keras layer enough for good performances because i saw some people using a word2vec before the embedding, is it really necessary ?
    I'm actually working on something similar to google smart compose so all the tokenizing and vectorizing part is interresting !

    • @NicholasRenotte
      @NicholasRenotte  2 года назад +2

      The Embedding layer is great because it's fine tuned to that use case, word2vec embeddings values can be loaded into the Keras embedding layer. I haven't tested out my theory but I believe they won't immediately outperform a fine tuned embedding layer because it's a general word representation! It should in theory though, speed up training time if you set training=False for that layer.

    • @TransalpDave
      @TransalpDave 2 года назад

      @@NicholasRenotte Okay thanks for your feedback !

    • @TransalpDave
      @TransalpDave 2 года назад

      @@NicholasRenotte For word prediction do you think transformers will be much better than standart lstms ?

  • @KinG-ql5ly
    @KinG-ql5ly 3 месяца назад +1

    When i compile my model then i want to look summary, I cant see any result. It gives me 0 parameters and no output shape. How can I solve this problem?

    • @KinG-ql5ly
      @KinG-ql5ly 3 месяца назад +1

      I found myself :))
      Thanks for the video!

    • @who-kv6fe
      @who-kv6fe 3 месяца назад

      @@KinG-ql5ly what did you do?

  • @03_rahuljordanchandra4
    @03_rahuljordanchandra4 9 месяцев назад

    Hey Nick, this was an amazing video. I am a beginner but i learnt so much from here!
    I made the batch size as 1000 as 1800 gave some trouble and made the epochs 15. Precision was 0.93, Recall was 0.95 and Accuracy was 0.47. Also it is not really predicting the threats label well. I do not know how to fix that.

  • @aavideora6269
    @aavideora6269 2 года назад +1

    Is this a project/mini project I could add to my GitHub if I followed the steps and did it in a new notebook? If so, what is the protocol for citing the original creator?

  • @victorluz8521
    @victorluz8521 Год назад

    I'm going backwards on your videos after discovering the channel. This is yet a stunning one! Thank You!

    • @FootballFlicksTV03
      @FootballFlicksTV03 Год назад

      import pandas as pd
      import tensorflow as tf
      import numpy as np
      from tensorflow.keras.layers import TextVectorization
      model = tf.keras.models.load_model('toxicity.h5')
      vectorizer = TextVectorization(max_tokens=200000,
      output_sequence_length=1800,
      output_mode='int')
      input_str = vectorizer('hey i freaken hate you!')
      res = model.predict(np.expand_dims(input_str,0))
      res
      it give error

  • @riyaz8072
    @riyaz8072 2 года назад +3

    Amazing content.. why don't you have 10M subscribers ?
    One small suggestions, can you please give us reasons like why you are not creating multiple hidden layers or why you are not selecting weight initialization techniques ? you do explain most of the stuff but if you can explain a little bit more stuff considering newbies will also be watching your videos will be very helpful..
    Thanks a lot.. May Allah keep you healthy and wealthy

  • @thepresistence5935
    @thepresistence5935 2 года назад +1

    31:57 where I can find the pipeline videos, I have searched in your videos, But I can't get where it is, Can you please help with that?

    • @NicholasRenotte
      @NicholasRenotte  2 года назад

      Part 1 in this shows how to do it with the Keras image_dataset_from_directory method. Might actually do a detailed vid or a short on it this Sunday.

    • @thepresistence5935
      @thepresistence5935 2 года назад

      @@NicholasRenotte Thankyou so much, bro. Love you

  • @emanuelcuracosta3753
    @emanuelcuracosta3753 2 года назад +2

    Many thanks! Very clear as always!
    I have a doubt. Is it possible to have a regression model out of text? I mean, not a classification model, but a continuous variable as output. For instance, predicting Airbnb rent price out of a description?
    I searched a lot, but can't find any examples out there. Any suggestions from anybody?

  • @malikahmed5281
    @malikahmed5281 2 года назад +2

    Literally, you are amazing loving your content.
    I am going to make a project on this.

  • @den3917
    @den3917 7 месяцев назад

    youre amazing. i love how much you explain and not just write code

  • @prxninpmi
    @prxninpmi 2 года назад +2

    oh my god, my course project at the university of the same topic. I'm glad
    nick what do you think about BERT? Are there any advanced word representation methods other than word2vec, etc))

    • @NicholasRenotte
      @NicholasRenotte  2 года назад +1

      This model is pretty basic, AFAIK most of the SOTA models seem to be pretrained transformers these days particularly when it comes to NLP tasks!

  • @EngineersCode521
    @EngineersCode521 9 месяцев назад

    Many thanks... It was so clear and appropriate.. But still I wanna tell u one thing that u should plz try to tweak the whole model thats how u build it especially for the begginers....

  • @Manju0247
    @Manju0247 День назад

    Can't fix value error:failed to convert a NumPy array to a tensor

  • @YG-re5yl
    @YG-re5yl 2 года назад +2

    Hello Nicholas, glad to see some NLP in your page. Just wondering, why not using some pretrained language model that perform well on that task?
    Would love to discuss about it with you

    • @NicholasRenotte
      @NicholasRenotte  2 года назад

      Good suggestion! I did this first up as slightly more simple example. I wrote a transformer based model as well, just haven't done a vid on it yet!

    • @thepresistence5935
      @thepresistence5935 2 года назад +1

      YES, I am looking for XLNET

    • @YG-re5yl
      @YG-re5yl 2 года назад

      Yep, I would love to see some more NLP stuff on your channel ( even though I feel it's much more centred toward CV and RL) You do a great job, keep it up 💪

  • @guillaumevallee3390
    @guillaumevallee3390 2 года назад

    Hey Nick ! Just discovered your channel a few months ago and I love it !
    I really enjoyed your playlist about Facial Recognition where you implement a Neural Network following an article. I discovered some days ago an article that I found very interesting concerning the short-time bitcoin market prediction with varied features (classical open and close but also sentimental analysis of tweets containing #bitcoin). Different Machine Learning are applied and especially some Recurrent neural networks. I am not very familiar with this kind of methods so it enables me to discover the theory behind. It would be a pleasure to watch you implement such a Deep Learning model in one of your videos.
    The article name if you're interested :
    Short term bitcoin market prediction via machine learning by Patrick Jaquart and Christof Weinhardt
    Will be following you for a long time 🙂

  • @SushiTheLeo
    @SushiTheLeo 10 месяцев назад

    This video deserves one million likes at once form just me...that is how useful I found it

  • @jessewen9774
    @jessewen9774 2 года назад

    I learned something new,so happy,continue to update,bro,please!

  • @owenhochwald506
    @owenhochwald506 2 года назад +2

    could you use a library like sklearn with train_test_split to also split up the data?

  • @shambhavi_mj
    @shambhavi_mj Год назад

    Hi Nicholas,
    I am having multiple errors while importing Gradio.
    Cannot import name ‘doc’ from ‘typing-extensions’
    And
    Cannot import name ‘deprecated’ from ‘typing-extensions’
    I have installed the latest version for typing extensions.
    Can you please help …

    • @tegabyteX
      @tegabyteX 11 месяцев назад

      I think the error is with fastapi... I had this issue too and installing an older fastapi version helped
      "pip install fastapi==0.103.2"
      Lemme know if this helped

  • @picklenickil
    @picklenickil 2 года назад

    I reckon it's more complex than this.
    Good start though but much research needed for validation.
    Loved the video.

  • @ahmedm.soliman374
    @ahmedm.soliman374 2 года назад +1

    amazing , how can i fune tine number of layer , nodes...etc in tensorflow keras . in sklearn there is gridsearch, there is a tool or technique to get best architecture for neural network..?

    • @NicholasRenotte
      @NicholasRenotte  2 года назад

      I've used Optuna before with pretty good success!

  • @chiscoduran9517
    @chiscoduran9517 2 года назад +1

    Hi, that is a really good video, thanks for that
    I want to build a model to generate images from other, the idea is use 3D movies and use one side of the image (left eye) to generate other side (right eye), what do you recommend for that and what can I expect to achieve?

    • @NicholasRenotte
      @NicholasRenotte  2 года назад +2

      Sounds interesting, I'd imagine you'd be looking at using a GAN for that!

  • @tanmayy07
    @tanmayy07 Год назад +1

    how can we train epoch in very less time?
    any solutions

  • @Powercube7
    @Powercube7 2 года назад +2

    YEAH BABY VIDEO FINALLY OUT

  • @moondevonyt
    @moondevonyt 2 года назад +1

    after doing this video, what do you think the best model is for comment toxicity?

    • @NicholasRenotte
      @NicholasRenotte  2 года назад +1

      This is good (if trained longer) but most pretrained transformers will probably smash it out of the park!

  • @ninadrai6148
    @ninadrai6148 2 года назад

    Hey Nicholas thanks for the guide on sign language detection I have made it till the end and got one last error to solve in 8th step and I need your help on it
    error : Traceback (most recent call last)
    in
    28 agnostic_mode=False)
    29
    ---> 30 cv2.imshow('object detection', cv2.resize(image_np_with_detections, (800, 600)))
    31
    32 if cv2.waitKey(1) & 0xFF == ord('q'):
    error: OpenCV(4.5.5) D:\a\opencv-python\opencv-python\opencv\modules\highgui\src\window.cpp:1268: error: (-2:Unspecified error) The function is not implemented. Rebuild the library with Windows, GTK+ 2.x or Cocoa support. If you are on Ubuntu or Debian, install libgtk2.0-dev and pkg-config, then re-run cmake or configure script in function 'cvShowImage'
    please help me

  • @marioskadriu441
    @marioskadriu441 2 года назад +3

    Amazing tutorial as always 😍
    Why do we need 3 dense feature extractors instead of 2 or 1 ?
    How do you decide how many units do we need on them ?

    • @NicholasRenotte
      @NicholasRenotte  2 года назад +2

      In this case, it's purely subjective and based on manual performance tuning! Could definitely try 2 or 1 and see what performance looks like! For other model types the layer order and type matter a little more in order to ensure we have an appropriate output shape which maps to the label vector!

  • @adamcosgrove9730
    @adamcosgrove9730 2 года назад

    Did you ever get round to doing a video on tensor Flow Datasets? Or a deeper dive into the MCSHBAP format

  • @romanalilov4648
    @romanalilov4648 2 года назад +1

    Thanks for your content! Can you recommend a book on Math side of ML/DL for a beginner? And is it necessary to know Math side for junior level?

    • @ashok_learn
      @ashok_learn Год назад

      It's always good to know the maths, I myself sometimes struggle with some research papers.
      You can check these books which can give you good insight;
      "Deep Learning" by Ian Goodfellow, Yoshua Bengio, and Aaron Courville
      "Mathematics for Machine Learning" by Deisenroth, Faisal, and Ong
      "A First Course in Machine Learning" by Simon Rogers and Mark Girolami

  • @hafedkhalil2779
    @hafedkhalil2779 Год назад

    how would such a video have only 692 likes !!!!!! you are amazing at what you do my friend :)

  • @harryfeng4199
    @harryfeng4199 2 года назад

    any advice / rull of thumb for setting cache and prefetch sizes?

  • @SamuelOmali-t5j
    @SamuelOmali-t5j Год назад

    Please can you help me, my dataset doesn't come with labels, how do I go about it

  • @mochoye
    @mochoye Год назад

    While using vectorizer.adapt(X.values) i am getting a error Failed to convert a NumPy array to a Tensor (Unsupported object type float). can anyone help?
    I am using google colab

    • @raissamaringka330
      @raissamaringka330 Год назад

      did you already solve this ?
      mine also the same and im using colab

  • @destinationmufc4431
    @destinationmufc4431 5 месяцев назад

    i had a question. how do these models deal with proper nouns?

  • @aibdarija5856
    @aibdarija5856 2 года назад +1

    can you do , how to make a text classification using deep learning.

  • @sharanyanaresh1071
    @sharanyanaresh1071 Год назад

    Could somebody please tell me why the github link keeps giving 404 error

  • @RokuLeVrai
    @RokuLeVrai 7 месяцев назад

    Hello, my gradio.launch() doesn't work. I have the error : "cannot import name 'http_server' from 'gradio'".
    It is same for someone ? If you solve this problem, please tell me :)

    • @NicholasRenotte
      @NicholasRenotte  7 месяцев назад

      Weird, I can't see any existing issues that are similar. Maybe try updating?

  • @0xeb-
    @0xeb- Год назад

    Dude, you are awesome and a good teacher. Thank you.

  • @Ankit-hs9nb
    @Ankit-hs9nb 2 года назад

    why TextVectorization was used? Any particular reason?
    we could use other vectorizer?

    • @ahmedhussain9219
      @ahmedhussain9219 4 месяца назад

      Maybe because it has an advantage of dynamic updation,advanced preprocessing modes when compared to Tokenizer vectorizer

  • @darkmasterbatista2815
    @darkmasterbatista2815 8 месяцев назад

    Ilove this, but i would like to know if there a way to improve the speed because my training was around 4 hours :c

    • @cadman-a6357
      @cadman-a6357 8 месяцев назад

      same here , it took me around 2 hours , i guess there's no other way

  • @atharvgupta4218
    @atharvgupta4218 11 месяцев назад

    The accuracy is coming around 50%. Does anyone have fine tuned version of the code.. Please drop your repo link..

    • @gameraki3284
      @gameraki3284 3 месяца назад

      change epoch 1 to epoch 5 and try running it again

  • @rajareivan2417
    @rajareivan2417 Год назад

    can someone please provide me some insights to overcome this low recall and categorical accuracy metrics score?

  • @anonymousduel7370
    @anonymousduel7370 7 месяцев назад +4

    Bro for some reason every single code of your shows errors, idk why are you making fool of people

  • @varadparchure
    @varadparchure Год назад

    Gets close to the same result with 7 epochs

  • @saketkulkarni1238
    @saketkulkarni1238 5 месяцев назад

    took 3 hours to train the model for one epoch. having 10 epochs means 30 hours
    no thank you 🙂

  • @yesh-c6r
    @yesh-c6r Год назад

    At 47:47 I see an error in your code, I'm also getting the same error. How did you resolve it

    • @jatinsingh9797
      @jatinsingh9797 8 месяцев назад

      Hey did you got any solution for this . If yes please help me too

    • @amithp321
      @amithp321 8 месяцев назад +1

      I am also getting the same error.Someone help me out

  • @bumbajoel4450
    @bumbajoel4450 Год назад

    how to test all the data in test.csv and calculate the accuracy, presicion, recall, and F1-score.

  • @azalea9645
    @azalea9645 12 дней назад

    what if tensor flow doesn't work?

  • @suriyaprakash5172
    @suriyaprakash5172 Год назад

    Which version of python should be used?

  • @asadasedglrrfff5925
    @asadasedglrrfff5925 7 месяцев назад

    Thank you very much for wonderful content!!!
    You’ve helped me very much.

  • @gauravthapa8367
    @gauravthapa8367 Год назад

    Got problem with gradio. Can you help solve it?

  • @ammuzz5910
    @ammuzz5910 3 месяца назад

    hey which dataset have you used

  • @thepresistence5935
    @thepresistence5935 2 года назад +2

    My 1 epoch time is 3 hours in kaggle GPU 😭😭

    • @lovelyupadhyay1439
      @lovelyupadhyay1439 Год назад

      did you find any solution to this because i can't keep the system on for whole day🥲

  • @arulsood1817
    @arulsood1817 Год назад

    why i am not able to open the code file?

  • @DikshaSShirke
    @DikshaSShirke Год назад

    I wish your channel should hit subscribers in millions. Support .
    Amazing teaching

    • @FootballFlicksTV03
      @FootballFlicksTV03 Год назад

      import pandas as pd
      import tensorflow as tf
      import numpy as np
      from tensorflow.keras.layers import TextVectorization
      model = tf.keras.models.load_model('toxicity.h5')
      vectorizer = TextVectorization(max_tokens=200000,
      output_sequence_length=1800,
      output_mode='int')
      input_str = vectorizer('hey i freaken hate you!')
      res = model.predict(np.expand_dims(input_str,0))
      res
      it gives error ? why

  • @satoshinakamoto5710
    @satoshinakamoto5710 2 года назад

    What version of python is being used here?

  • @hajiallahditta9239
    @hajiallahditta9239 2 года назад

    Sir its my final project on toxic comments can you please help me in this regard

  • @malexandersalazar
    @malexandersalazar 10 месяцев назад

    Why sigmoid instead of softmax? For the last Dense(6)

  • @siddhantrajhans6528
    @siddhantrajhans6528 Год назад

    It's taking forever to train with 1 epochs. can anyone suggest free online gpu processing. I know it sounds ridicules but hey, my gtx 1650 isn't working with it.

  • @stackunderflow6167
    @stackunderflow6167 Год назад

    is it true that tensorflow-gpu has been removed?

    • @ankitpundir_
      @ankitpundir_ 10 месяцев назад

      i am also having probem with this bro . how did
      you solved this please help.

    • @stackunderflow6167
      @stackunderflow6167 10 месяцев назад

      @@ankitpundir_ i forgor 💀try to use tensorflow instead of tensorflow-gpu

  • @Abin-4321
    @Abin-4321 8 месяцев назад

    What is the algorithm used in this model ?

  • @davidyoo647
    @davidyoo647 2 года назад

    another awesome project, and great explanation!

  • @owenhochwald506
    @owenhochwald506 2 года назад

    Wonderful Explaination!

  • @BetülUveys-i7y
    @BetülUveys-i7y Год назад

    how to find the dataset?

  • @simarpreetkaur8674
    @simarpreetkaur8674 Год назад

    Waiting for more such ML, AI projects 😇

    • @FootballFlicksTV03
      @FootballFlicksTV03 Год назад

      import pandas as pd
      import tensorflow as tf
      import numpy as np
      from tensorflow.keras.layers import TextVectorization
      model = tf.keras.models.load_model('toxicity.h5')
      vectorizer = TextVectorization(max_tokens=200000,
      output_sequence_length=1800,
      output_mode='int')
      input_str = vectorizer('hey i freaken hate you!')
      res = model.predict(np.expand_dims(input_str,0))
      res
      it give error ?

  • @МустафаевТамерлан
    @МустафаевТамерлан 2 года назад

    Thank you! You are awesome!

  • @went-rogue
    @went-rogue 2 года назад

    what about cleaning the data ?

    • @theseusRJ7
      @theseusRJ7 Год назад

      The data was probably cleaned beforehand

  • @eddcarvajal9064
    @eddcarvajal9064 2 года назад

    the 'freaken' best! Thanks for your videos

  • @ingluissantana
    @ingluissantana 2 года назад +1

    Great quality content!!! 🍻🍻🍻

  • @CMT-p6q
    @CMT-p6q Год назад

    thank you excellent content as always

  • @prathambansal2036
    @prathambansal2036 Год назад

    My prediction is coming something like [9.9688369e-01, 4.5290351e-02, 9.8086458e-01, 4.7373693e-04,
    9.5557123e-01, 9.5138857e-03] any clue i retraced my steps no issue anywhere. also i trained the model with 10 epochs that gave me the loss of .1 is it cause i raised epochs please help......

  • @HammadFaizvi
    @HammadFaizvi 2 года назад +1

    very toxic project... loved it!!!

  • @fazebook7897
    @fazebook7897 2 года назад

    damn regex is evil. Now you gotta comments foreign languages. это так отстало

  • @27ronitphilips48
    @27ronitphilips48 2 года назад +1

    hhello
    +

  • @ecquinox9074
    @ecquinox9074 9 месяцев назад

    37:00

  • @mumbaikachallenge5526
    @mumbaikachallenge5526 2 года назад

    Sheesh crazy ❤️

  • @ashleysami1640
    @ashleysami1640 2 года назад +1

    Second comment!

  • @CoCo-wx3so
    @CoCo-wx3so 2 года назад

  • @ankitdadarwala2940
    @ankitdadarwala2940 2 года назад +1

    Amazing tutorial 😀

  • @mehdixeif5024
    @mehdixeif5024 2 года назад

    Hi nick you are amazing😍😍 once i see the tutorial about one shot learning but that was foul . so can you record a tutorial about one shot learning🥲please🤗