Build a Comment Toxicity Model with Deep Learning and Python

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

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

  • @stevew2418
    @stevew2418 2 ปีที่แล้ว +24

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

  • @echogenesis786
    @echogenesis786 ปีที่แล้ว +10

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

  • @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 11 หลายเดือนก่อน

      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!

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

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

  • @dipankarnandi7708
    @dipankarnandi7708 ปีที่แล้ว +3

    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 4 หลายเดือนก่อน

      how did you save the model ? mine is showing errors

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

      @@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 4 หลายเดือนก่อน

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

  • @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. 5 หลายเดือนก่อน

    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

  • @03_rahuljordanchandra4
    @03_rahuljordanchandra4 8 หลายเดือนก่อน

    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.

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

    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)

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

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

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

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

    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'

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

      Same problem did you get any solution?

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

      Have you got the solution

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

  • @malikahmed5281
    @malikahmed5281 2 ปีที่แล้ว +2

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

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

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

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

  • @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 9 หลายเดือนก่อน

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

  • @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 3 หลายเดือนก่อน

      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

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

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

  • @jessewen9774
    @jessewen9774 2 ปีที่แล้ว

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

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

  • @picklenickil
    @picklenickil 2 ปีที่แล้ว

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

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

  • @Powercube7
    @Powercube7 2 ปีที่แล้ว +2

    YEAH BABY VIDEO FINALLY OUT

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

  • @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 ปีที่แล้ว

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

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

  • @tanmayy07
    @tanmayy07 ปีที่แล้ว +1

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

  • @owenhochwald506
    @owenhochwald506 2 ปีที่แล้ว +2

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

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

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

  • @KinG-ql5ly
    @KinG-ql5ly 2 หลายเดือนก่อน +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 2 หลายเดือนก่อน +1

      I found myself :))
      Thanks for the video!

    • @who-kv6fe
      @who-kv6fe 2 หลายเดือนก่อน

      @@KinG-ql5ly what did you do?

  • @aibdarija5856
    @aibdarija5856 2 ปีที่แล้ว +1

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

  • @hafedkhalil2779
    @hafedkhalil2779 ปีที่แล้ว

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

  • @0xeb-
    @0xeb- ปีที่แล้ว

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

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

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

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

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

  • @anonymousduel7370
    @anonymousduel7370 6 หลายเดือนก่อน +4

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

  • @suriyaprakash5172
    @suriyaprakash5172 ปีที่แล้ว

    Which version of python should be used?

  • @bumbajoel4450
    @bumbajoel4450 ปีที่แล้ว

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

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

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

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

    hey which dataset have you used

  • @SamuelOmali-t5j
    @SamuelOmali-t5j ปีที่แล้ว

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

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

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

      did you get it solved?

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

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

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

    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 10 หลายเดือนก่อน

      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

  • @harryfeng4199
    @harryfeng4199 2 ปีที่แล้ว

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

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

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

  • @sharanyanaresh1071
    @sharanyanaresh1071 ปีที่แล้ว

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

  • @rajareivan2417
    @rajareivan2417 ปีที่แล้ว

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

  • @gauravthapa8367
    @gauravthapa8367 ปีที่แล้ว

    Got problem with gradio. Can you help solve it?

  • @hajiallahditta9239
    @hajiallahditta9239 2 ปีที่แล้ว

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

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

    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 7 หลายเดือนก่อน

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

  • @varadparchure
    @varadparchure ปีที่แล้ว

    Gets close to the same result with 7 epochs

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

  • @Ankit-hs9nb
    @Ankit-hs9nb 2 ปีที่แล้ว

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

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

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

  • @МустафаевТамерлан
    @МустафаевТамерлан 2 ปีที่แล้ว

    Thank you! You are awesome!

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

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

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

      change epoch 1 to epoch 5 and try running it again

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

  • @owenhochwald506
    @owenhochwald506 2 ปีที่แล้ว

    Wonderful Explaination!

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

    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  6 หลายเดือนก่อน

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

  • @arulsood1817
    @arulsood1817 ปีที่แล้ว

    why i am not able to open the code file?

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

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

    • @lovelyupadhyay1439
      @lovelyupadhyay1439 ปีที่แล้ว

      @siddhantrajhans6528 did you find any solution to this?

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

  • @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 7 หลายเดือนก่อน

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

    • @amithp321
      @amithp321 7 หลายเดือนก่อน +1

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

  • @eddcarvajal9064
    @eddcarvajal9064 2 ปีที่แล้ว

    the 'freaken' best! Thanks for your videos

  • @davidyoo647
    @davidyoo647 2 ปีที่แล้ว

    another awesome project, and great explanation!

  • @Abin-4321
    @Abin-4321 7 หลายเดือนก่อน

    What is the algorithm used in this model ?

  • @satoshinakamoto5710
    @satoshinakamoto5710 2 ปีที่แล้ว

    What version of python is being used here?

  • @stackunderflow6167
    @stackunderflow6167 ปีที่แล้ว

    is it true that tensorflow-gpu has been removed?

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

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

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

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

  • @CMT-p6q
    @CMT-p6q ปีที่แล้ว

    thank you excellent content as always

  • @went-rogue
    @went-rogue 2 ปีที่แล้ว

    what about cleaning the data ?

    • @theseusRJ7
      @theseusRJ7 ปีที่แล้ว

      The data was probably cleaned beforehand

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

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

  • @ingluissantana
    @ingluissantana 2 ปีที่แล้ว +1

    Great quality content!!! 🍻🍻🍻

  • @HammadFaizvi
    @HammadFaizvi 2 ปีที่แล้ว +1

    very toxic project... loved it!!!

  • @27ronitphilips48
    @27ronitphilips48 2 ปีที่แล้ว +1

    hhello
    +

  • @fazebook7897
    @fazebook7897 2 ปีที่แล้ว

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

  • @CoCo-wx3so
    @CoCo-wx3so ปีที่แล้ว

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

    37:00

  • @mumbaikachallenge5526
    @mumbaikachallenge5526 2 ปีที่แล้ว

    Sheesh crazy ❤️

  • @ashleysami1640
    @ashleysami1640 2 ปีที่แล้ว +1

    Second comment!

    • @NicholasRenotte
      @NicholasRenotte  2 ปีที่แล้ว

      Ayyyyy, go you! Thanks for checking it out!!

    • @ashleysami1640
      @ashleysami1640 2 ปีที่แล้ว +1

      @@NicholasRenotte go me!

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