Pritish Mishra
Pritish Mishra
  • Видео 60
  • Просмотров 436 532
I trained an LLM on my WhatsApp Chats
Join On-Demand Waitlist now: on-demand.io/contact
In this video, I trained an AI chatbot to impersonate me on WhatsApp and see if it could fool my friends into thinking they were talking to the real me. I call this AI chatbot "PriBot" and I trained it using my extensive WhatsApp chat history, fine-tuning a large language model to adopt my unique writing style, humor, and personality.
I then set PriBot loose in live WhatsApp conversations with my friends, letting it take over the chat and try to pass the "Turing Test" by convincing them they were talking to the actual me. Overall though, PriBot was able to have fairly natural and coherent conversations, leaving my friends often unsure if the...
Просмотров: 893

Видео

I built a real-time AI that mimics my movements in Super Mario
Просмотров 1,1 тыс.7 месяцев назад
Twitter: PritishllM Instagram: pritishmishra703 LinkedIn: www.linkedin.com/in/pritish31/ Code: github.com/pritishmishra703/MarioIRL Dive into this gaming experiment with me as I figure out how to control Mario using just my body! I'll take you through the hurdles of tracking my movements without a camera, creating a cool Android app for real-time sensor data, and trai...
Automate Anything using ChatGPT!
Просмотров 1,7 тыс.Год назад
GitHub Repo: github.com/pritishmishra703/Luna In this video, we embark on the journey of creating our own computer assistant named Luna. Utilizing ChatGPT and speech-to-intent classification, we develop Luna's abilities to understand user commands and perform tasks such as opening websites, desktop applications, and even simulating keyboard shortcuts. With the integration of a wake word detecto...
Using GPT-3 to Generate Answers From Book
Просмотров 10 тыс.Год назад
HuggingFace Space: huggingface.co/spaces/pritish/BookGPT Kaggle Notebook: bit.ly/3kg3dP7 Have you ever wished you could search a book like you search the web? In this video, we'll show you how to build an AI book search using the Universal Sentence Encoder and GPT-3. We'll walk through the steps of breaking down a large book into smaller chunks, generating embeddings for each chunk using the Un...
The Secret to 90%+ Accuracy in Text Classification
Просмотров 46 тыс.Год назад
In this video, we will be providing a beginner's guide to fine-tuning BERT, one of the most powerful natural language processing (NLP) models available. BERT, which stands for "Bidirectional Encoder Representations from Transformers," has been trained on a massive amount of text data and can be fine-tuned for a variety of NLP tasks, such as text classification, machine translation, and named en...
How to Make Your Images Talk: The AI that Captions Any Image
Просмотров 54 тыс.Год назад
HuggingFace Web App: bit.ly/3SDyOWt Image captioning is the process of taking an image and generating a caption that accurately describes the scene. This is a difficult task for neural networks because it requires understanding both natural language and computer vision. In this video, I discuss my complete approach to this problem. For visual understanding, we will use Inception V3, and for nat...
The power of "Attention" in Deep Learning
Просмотров 2,1 тыс.2 года назад
In this video, we will learn about attention and how it can be used to improve machine translation. First, we will see how machine translation used to be done before attention was introduced. Then we will learn about Bahdanau attention and how it works. Finally, we will implement it with TensorFlow. Source code (GitHub): bit.ly/3Q4QitD 🔗 Social Media 🔗 📱 Twitter: bit.ly/3aJWAeF​​ 📝 LinkedIn: bi...
NLP-based Movie Recommendation System
Просмотров 6 тыс.2 года назад
Hey, Google's Universal Sentence Encoder can generate embeddings for any sentence, which can be used to create a recommendation system for movies. The system uses the Top 10,000 movies dataset from Kaggle, which provides a short description of each movie. The system then generates embeddings for all 5,500 movies in the dataset and uses principal component analysis to visualize the embeddings in...
Data Augmentation with Albumentations (Python Package)
Просмотров 7 тыс.2 года назад
Hey, In this video, we will discuss Albumentations. It is a python package for augmentations. You must be thinking, "What's the need for a dedicated augmentation library when most of the deep learning frameworks already have support for augmentation?". Well, Albumentations is different it is very fast, easy to use, and most important you can do augmentation for Image segmentation, Object Detect...
The Convolutional Neural Network (Animated Introduction)
Просмотров 2,6 тыс.2 года назад
Hey, In this video, we will discuss the convolutional neural networks which are used for image datasets. Timestamp: 0:00-0:33 Introduction 0:33-0:54 How does image data look like? 0:54-1:45 Why can't we use ANN? 1:45-4:47 Convolutional neural network 4:47-5:41 Strides 5:41-7:01 Max-Pooling 7:01-8:31 The Final Picture 8:31-9:04 Outro Access this playlist: bit.ly/3kEjs4J Github Repo of playlist: ...
Early Stopping & Dropout: Ways to overcome Overfitting
Просмотров 8 тыс.2 года назад
Hey, In this video, we will discuss Early stopping and Dropout which is ways to overcome overfitting. Access this playlist: bit.ly/3kEjs4J Github Repo of playlist: bit.ly/3jy3r13 Resources: More about Dropout 1. bit.ly/3emITVH 2. bit.ly/3svDaFn 3. bit.ly/32gGn0Z 🔗 Social Media 🔗 📱 Twitter: bit.ly/3aJWAeF​​ 📝 LinkedIn: - bit.ly/3aQGGiL​​ 🌎 Website: bit.ly/31F4nb2​​ 📂 GitHub: bit.ly/2QGLVYV​​ ⭐ C...
What is a Deep Neural Network?
Просмотров 2,3 тыс.2 года назад
Hey, In this video, we will discuss Deep neural networks (DNN). Deep neural network is made up of neurons which are fundamental building blocks of a DNN. We will also discuss how DNN trains [forward and backward pass] and then implement this with Keras. Access this playlist: bit.ly/3kEjs4J Code of this video: bit.ly/32avAVD Github Repo of playlist: bit.ly/3jy3r13 Resources: More about Deep Neur...
Adam, AdaGrad & AdaDelta - EXPLAINED!
Просмотров 10 тыс.2 года назад
Hey, In this video, we will discuss what Adam optimizer is and go into some detail. This video also includes AdaGrad and AdaDelta optimizers. You might have used Adam in your standard deep learning workflow but knowing it's under the hood details is also essential. Access this playlist: bit.ly/3kEjs4J Code of this video: bit.ly/3n7XcBq Github Repo of playlist: bit.ly/3jy3r13 Timestamp: 0:00 - 0...
Optimization in Deep Learning
Просмотров 12 тыс.2 года назад
Hey, In this video, we will discuss what is optimization? with animation in a crystal clear way! We will discuss how optimization works and how it updates weights and biases to reduce the error made by the loss function. This video covers Gradient Descent, Momentum, the role of learning rate in training, live simulation of training with gradient descent, and types of Gradient descent. Access th...
See this if you DON'T understand Loss Functions
Просмотров 8222 года назад
See this if you DON'T understand Loss Functions
Activation Functions: The Intuitive way!
Просмотров 7163 года назад
Activation Functions: The Intuitive way!
Neuron: Building block of Deep learning
Просмотров 1,6 тыс.3 года назад
Neuron: Building block of Deep learning
Deep Learning: In a Nutshell
Просмотров 1,5 тыс.3 года назад
Deep Learning: In a Nutshell
Image Keywording With Python
Просмотров 4273 года назад
Image Keywording With Python
K Nearest Neighbor Algorithm from Scratch (in 30 line) | Clearly Explained!
Просмотров 3,3 тыс.3 года назад
K Nearest Neighbor Algorithm from Scratch (in 30 line) | Clearly Explained!
Next Word Predictor with TensorFlow
Просмотров 5 тыс.3 года назад
Next Word Predictor with TensorFlow
Wake Word Detection with Tensorflow | P2
Просмотров 6 тыс.3 года назад
Wake Word Detection with Tensorflow | P2
Wake Word Detection with TensorFlow (100% Accuracy on Test Data!)
Просмотров 17 тыс.3 года назад
Wake Word Detection with TensorFlow (100% Accuracy on Test Data!)
L1 and L2 Regularization in Machine learning (Mathematics Explained!)
Просмотров 2,3 тыс.3 года назад
L1 and L2 Regularization in Machine learning (Mathematics Explained!)
Your Python Script to Pip Package in Minutes
Просмотров 2753 года назад
Your Python Script to Pip Package in Minutes
What is Label Encoder | Data Preprocessing - Machine Learning
Просмотров 4493 года назад
What is Label Encoder | Data Preprocessing - Machine Learning
The Timelapse | Artificial Intelligence
Просмотров 1903 года назад
The Timelapse | Artificial Intelligence
Make your OWN Linear Regression Algorithm - #1
Просмотров 2113 года назад
Make your OWN Linear Regression Algorithm - #1
Linear Regression Math Intution With Animation | ML Series Part 1
Просмотров 9463 года назад
Linear Regression Math Intution With Animation | ML Series Part 1
How to Search Content in Website with Django | Advance Django Tutorials - #11
Просмотров 4,2 тыс.3 года назад
How to Search Content in Website with Django | Advance Django Tutorials - #11

Комментарии

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

    I am very impressed with the way you teach.

  • @atharvaphatak-kk8oo
    @atharvaphatak-kk8oo 3 дня назад

    Great content keep it up 👏

  • @AakashGaikwad-mh4ld
    @AakashGaikwad-mh4ld 5 дней назад

    Lesss gooo 🗿

  • @vedangjoshi4705
    @vedangjoshi4705 5 дней назад

    nice 🗿🔥

  • @dhiraj223
    @dhiraj223 5 дней назад

    AI 🚀🚀

  • @atharvaphatak-kk8oo
    @atharvaphatak-kk8oo 16 дней назад

    Amazing Content , Keep it Up !!

  • @noblejemini2038
    @noblejemini2038 17 дней назад

    Hii is there a way to augment a video dataset

  • @pranavyamagekar4629
    @pranavyamagekar4629 23 дня назад

    Broo's video quality 🔥🔥🔥🔥

  • @AkashS-zt1ue
    @AkashS-zt1ue 24 дня назад

    in rotation of phone 2 more sensors are used . not just accelerometer

  • @sayed5603
    @sayed5603 24 дня назад

    why are you not famous yet,you are too good

  • @JulianGonzalez-ej2fi
    @JulianGonzalez-ej2fi 27 дней назад

    This was great. We were supposed to build a model from the beginning like this at my university. But we stopped halfway through because of time constraints :( . Your videos were perfect. I liked and subscribed!

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

    Source code link with RNN not working😢😢

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

    How to fine tune csv dataset on BERT model

  • @bhoomikasingh-ps5fi
    @bhoomikasingh-ps5fi 2 месяца назад

    Hey i wanted to ask how did you start your journey .. I am willing to understand ML in depth with GenAi.. You prefer any courses pls let me know

  • @BhumikaSingh-fc5ej
    @BhumikaSingh-fc5ej 2 месяца назад

    Great work pritish! truly inspired by your dedication to deliver such amazing content

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

    no one was covering this library , u r a legend bro ..! I knew data augmentation in CNN but yolo have labelled data ..!

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

    Hey, great lecture! Just need a help, the link for the google colab for image captioning with rnn isn't working. It would be great help if you'll provide a new link. Thankyou!!

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

    can be it possible online like on Character ai , that varun talking about

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

    It is technical for me 😅 Sorry

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

    Best explanation in a simple and easy way.

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

    I'd like to ask, a paper I am trying to use for another dataset said they had optimal performance at epochs=50, however at epochs=3, it's already getting decent performance. May I ask why this is? Also, do you run bert in inference mode?

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

    The video is not that great. You simply explained the formula without helping us understand how that penalty is derived. Thumbs down.

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

    Great video, pls do make more such video

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

    Your RNN file is showing Page Not Found , can you reupload the file

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

    Awesome Video bro !! You explained Image captioning in a simple and fun way.

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

    You killed it

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

    Amazing work Pritish. You definitely deserve more views. Hopefully you will get it soon❤.

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

    Nice, thx :D

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

    After model.summary,() Output shape column showsquestion mark ? and param column shows unbuilt

  • @Videos-ml1ny
    @Videos-ml1ny 3 месяца назад

    Good job!

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

    Hey, it's amazing! Is it open source,... Would love to see and contribute ❤

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

      The code is currently a mess. I will soon push all the code to this repository: github.com/pritishmishra703/AI-WhatsApp-Clone. You can then contribute. Thank you.

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

    Great video good job 👍

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

    Yeah I am on RUclips 🫡😂😂

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

      thanks dhiraj for participating in the video.

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

    Nice video, thank you for sharing!!!!

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

    hey none of your links are working

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

    Very nice

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

    Very nice explanation

  • @LinhHuynh-lr5bz
    @LinhHuynh-lr5bz 3 месяца назад

    Link of Images Captioning with RNN was dead, Can you update it to help me. Thank you. From VietNam with love <3

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

    how to actually decode the output back to the classes is something this video did not explain : \

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

    I have found that alpha_t gets too big too quickly so that learning slows to a crawl. A simple line search works better.

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

    so we don't need to freeze any layer of the pretrained model? i have a problem this is with VIT my image shape is 24x24 but the pretrained model input shape is 224x224 it is possible to fix that? and the learning parameter are 8900000 and i want to fine tune it on my dataset

  • @user-vk7wg2up3o
    @user-vk7wg2up3o 4 месяца назад

    Beautiful Bro. Your soo smart..

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

    Great vids.. you need more recognition, keep grinding man! I'm learning from u day by day

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

    best explanation

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

    I have tried your python notebook for this video from Github. Excellent work. Thanks for making it available. However, I can see that adam is not really working best for the linear function you have created. I was wondering, at what point of non-linear complexity does adam start showing better results over other optimizers. Would be great to have this discussion.

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

    Bro can you share this full file please

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

    You have so much potential, amazing!

  • @AniKeth-wi7zb
    @AniKeth-wi7zb 4 месяца назад

    Github link is not opening , it's says that it was uploaded from a suspended account

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

    from the last 5-6 hrs i am trying to find a step-by-step proper material on how to fine to BERT with your dataset , finally found it , thank for making this video.

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

    ur github link is saying that it is suspended