Nachiketa Hebbar
Nachiketa Hebbar
  • Видео 114
  • Просмотров 2 348 301
K Fold Cross Validation| Complete Explanation in 10 minutes
🔍 Struggling to understand k-fold cross-validation? Look no further! This detailed tutorial demystifies k-fold cross-validation, a crucial technique in machine learning for model evaluation. Whether you're a beginner or looking to refine your skills, this video provides a step-by-step explanation to ensure you can implement k-fold cross-validation with confidence.
👨‍💻 What you'll learn:
What is K-Fold Cross-Validation? Get a clear, concise understanding of what k-fold cross-validation is and why it's vital for training robust machine learning models.
Usage of K-fold cross-validation: Understand how it used for model selection and hyper-parameter selection in machine learning
Benefits and Draw...
Просмотров: 281

Видео

Build Auto Code Completion ChatBot| LangChain + Python
Просмотров 4,8 тыс.11 месяцев назад
In this video, I show you how to build a code completion chatbot that can do all your programming tasks for you in python. We make use of the Langchain framework, Langchain agents and Large Language Models(LLM's) provided by Open AI. The agent uses a python tool called Python REPL Tool to get access to python functions and tasks. Github Source Code: github.com/nachi-hebbar/Langchain-Code-Comple...
LangChain Simplified #2| Agents Overview + Google Search API
Просмотров 4,4 тыс.11 месяцев назад
In this video I explain the most fundamental concept inside the LangChain Framework: Agents. I explain how you can use agents to powerful LLM based chatbots that can utilize tools like the Google Search API or SERP API. If you did like this video, do like it and subscribe to this channel. Thank you for watching!
Get Started With LangChain #1| LLM's + Prompt Templates|
Просмотров 1,7 тыс.11 месяцев назад
In this quick start tutorial to the concept of lang chain frame work. I explain the following concepts: 1. What is the Langchain framework? And why do you need to use it? 2. What are Prompt Templates in Lang Chain 3. How you can build a python based chatbot application, that uses lang chain to build applications like creating Linkedin/Twitter of Facebook posts for you. 4. How to chain multiple ...
Build a Chatbot in Python| ChatGPT API Complete Tutorial for Beginners
Просмотров 13 тыс.Год назад
In this video I show you how to use the chat gpt api to build your own chatbot in python in 5 minutes. In 10 lines of code you will be able to accept user inputs and prompts, send it to OPEN AI models like chatgpt 3 and chat gpt 4 to give your responses in real time. This is the complete tutorial you will need to get started with chat GPT api in python for beginners. If you did like this video,...
Life Update| MS in US| Things to Consider
Просмотров 1,6 тыс.Год назад
Hey everyone, In this video I just wanted to know let you know about a major update in my life: my admission to the masters program in information systems management(MISM) program at Carnegie Mellon University! I talk about the following points: 1. Why I considered going for a masters degree, and why you should especially in fields like computer science and artificial intelligence 2. What a mas...
Computer Vision App-A-Thon After Movie| IIT Delhi| @awirosweb
Просмотров 782Год назад
Highlights from the first ever computer vision app-a-thon conducted by @awirosweb at IIT Delhi. We invited students from across the country, where students converted their computer vision models into production ready Video AI apps on our marketplace. To participate in them same, and bring your computer vision models into production, apply for our early access program here: forms.gle/E3Hcz7WrFzB...
Convert Any AI Model into Video AI App and Earn| Early Access!
Просмотров 3 тыс.Год назад
To get early access to develop a Video AI app with Awiros OS and publish/sell it on our marketplace, submit the form below with details of a computer vision model that you want to bring into production with Awiros! Form Link: forms.gle/c8bgN8Pi15CyA5oX7 About this Video: This video is a tutorial to build a production ready Video AI app with Awiros SDK's and tools. With Awiros you can take any c...
What I Do as a Computer Vision Engineer| Step by Step Guide|
Просмотров 16 тыс.Год назад
In this video i talk about what i do in my full time role as a computer vision engineer. I discuss the following topics: 1. What are the roles and responsibilities of a Computer Vision/ Video AI Engineer? 2. How to prepare for Video Artificial Intelligence Jobs? 3. Where to look for AI jobs at startups? Link for Jobs Openings at my company(Awiros): angel.co/company/awiros/jobs If you found this...
Making a career in AI as a Fresher| IIT Kharagpur Guest Lecture|
Просмотров 3 тыс.2 года назад
This recording is from my Guest lecture at IIT Kharagpur where i spoke on "Making a career in AI as a Fresher". I primarily talked about: 1) Different types of roles in Artificial Intelligence 2) Job challenges in AI/Machine Learning jobs, especially for freshers. 3) Roadmap for getting hired as an Artificial Intelligence engineer. 4) Learning journey and process for becoming good at Artificial...
Train Your First GAN in Tensorflow| Complete Tutorial in Python|
Просмотров 21 тыс.2 года назад
In this video, I give a complete guide to training your own generative adversarial network in python. I cover the following concepts: 1. Building Generator and Discriminator Network in Python 2. How to create custom training loop and loss functions for your GAN deep learning model. 3. How to finally generate realistic looking images using DCGAN or Deep Convolutional GAN . 4. We cover the MNIST ...
Harsh Reality of AI Jobs No one Tells You|
Просмотров 377 тыс.2 года назад
In this video I talk about the reality of Artificial Intelligence jobs. Specifically I discuss: 1. Reality of getting Machine Learning/AI Jobs at top product companies like Google, Facebook as a fresher. 2. Setting realistic deadlines and timelines to get a job in this field. 3. Salary and package Expectations as a fresher for machine learning/deep learning engineer roles. Do subscribe to the c...
Generative Adversarial Networks(GAN's)| A Beginner Friendly Introduction|
Просмотров 3,7 тыс.2 года назад
In this video I talk about everything you need to know about Generative Adversarial Networks(GAN's) as a beginner. I cover the following concepts: 1. What are GAN in deep learning? 2. What are the applications of Generative Adversarial Networks? 3. How do you train a GAN model? 4. Explanation of complete architecture of generator and discriminator in a GAN network Amazon Link for Book on Deep L...
Time Series Forecasting Using FB Prophet| Complete Python Tutorial|
Просмотров 41 тыс.2 года назад
In this video I show you how to do timer series prediction and forecasting using the facebook prophet library in python for complete beginners. The library allows you to do time series analysis by giving you weekly and yearly components breakdown of any time series as well. Github Source Code: github.com/nachi-hebbar/FB-Prophet-Time-Series-Forecasting Recommended Books to get better at Time Ser...
Deep Learning Based Face Detection|OpenCV Tutorial|
Просмотров 7 тыс.2 года назад
In this video i walk you through a deep learning based face detection model and implement it using open cv and python. The model is based on SSD(single shot detector) which used the ResNet model as it's backbone. In just a few lines of code you can implement it on images, videos and live camera streams. Please like the video and subscribe to the channel if you want more content like this! Sourc...
Auto Encoders in Tensorflow| Complete Tutorial|
Просмотров 6 тыс.2 года назад
Auto Encoders in Tensorflow| Complete Tutorial|
What I Learnt At an AI Startup|
Просмотров 10 тыс.2 года назад
What I Learnt At an AI Startup|
Object Detection With YOLO V3| Python Tutorial|
Просмотров 10 тыс.2 года назад
Object Detection With YOLO V3| Python Tutorial|
Walkthrough of The World's First Computer Vision OS| Awiros|
Просмотров 1,4 тыс.2 года назад
Walkthrough of The World's First Computer Vision OS| Awiros|
Multi-Variate Time Series Forecasting (VAR Model)| Complete Python Tutorial
Просмотров 57 тыс.2 года назад
Multi-Variate Time Series Forecasting (VAR Model)| Complete Python Tutorial
Transfer Learning Using Keras(ResNet-50)| Complete Python Tutorial|
Просмотров 83 тыс.2 года назад
Transfer Learning Using Keras(ResNet-50)| Complete Python Tutorial|
Interpret & Visualize Your Image Classification Models| Python Tutorial|
Просмотров 3,3 тыс.3 года назад
Interpret & Visualize Your Image Classification Models| Python Tutorial|
Interpret & Visualize Your ML Models| Python Tutorial|
Просмотров 4,7 тыс.3 года назад
Interpret & Visualize Your ML Models| Python Tutorial|
Why I Applied for MS in Data Science( And Decided Not To Go)
Просмотров 11 тыс.3 года назад
Why I Applied for MS in Data Science( And Decided Not To Go)
Run Flask Apps Directly From Google Colab
Просмотров 9 тыс.3 года назад
Run Flask Apps Directly From Google Colab
Top 5 Machine Learning Dataset Sites
Просмотров 1,1 тыс.3 года назад
Top 5 Machine Learning Dataset Sites
Best Tool For Exploratory Data Analysis(EDA) In Python|
Просмотров 1,7 тыс.3 года назад
Best Tool For Exploratory Data Analysis(EDA) In Python|
Import ALL Python Data Science Libraries in 1 Line| Pyforest
Просмотров 9883 года назад
Import ALL Python Data Science Libraries in 1 Line| Pyforest
Easiest Image Data Augmentation in Python|
Просмотров 13 тыс.3 года назад
Easiest Image Data Augmentation in Python|
Real Time Face & Eye Detection| OpenCV Python|
Просмотров 7 тыс.3 года назад
Real Time Face & Eye Detection| OpenCV Python|

Комментарии

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

    Hi!, thanks a lot for your videos, they're quite helpful! Do you have any other textbook recommendations for learning timeseries forecasting? The ones you've mentioned are practical/more python centric, I'm interested in mathematical/theoretical textbooks. Thanks!

  • @Srinidhi00726
    @Srinidhi00726 3 дня назад

    When explaining Time Series modeling on Python, anyone would assume and directly say this pd.read_csv standard function. But he takes time in explaining the attributes of this function even for a basic beginner to understand which is something worthy. :)

  • @user-ps4ng3fy1k
    @user-ps4ng3fy1k 4 дня назад

    Hi Nachiketa, I have a question. In ARIMA model the integrated part allows us to difference the time series to get a constant mean. This will remove stationarity only in cases where the series violates only the non-constant mean property. But if there is a series which has volatility and seasonality then what can be done in such a scenario?

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

    Really nice explanation! Wish you were my college prof

  • @tanmoyde2268
    @tanmoyde2268 6 дней назад

    Hi, i ran the ARIMA model . everything went fine, except the graph visualization was erratic. please comment . it will be great help

  • @CharuLearning
    @CharuLearning 7 дней назад

    Could you please explain the significance of dynamic being set to False inside the model.predict function

  • @matildabich660
    @matildabich660 8 дней назад

    bro i learned this for 1 semester and you just explained it in 10 minutes....and i understand it. how

  • @jairaja6924
    @jairaja6924 8 дней назад

    💥💥

  • @jairaja6924
    @jairaja6924 8 дней назад

    the 2nd and 3rd examples that you show for white noise seems seasonal........is this stationary and can we directly predict using this data

  • @jairaja6924
    @jairaja6924 8 дней назад

    can you make a video without using inbuilt function

  • @jairaja6924
    @jairaja6924 8 дней назад

    why there should be no seasonality

  • @anirudhchaudhary1578
    @anirudhchaudhary1578 9 дней назад

    bhai hindi m bataya kr yr

  • @apoorvabharti9907
    @apoorvabharti9907 13 дней назад

    Hi I am working on a project where i have to predict the registration percentage drop. I am retrieving the data from an API. But the accuracy is too low, the predicted mean graph is extremely inaccurate in comparison to the actual graph, could you maybe check and help me with the code?

  • @The_Night_Panda
    @The_Night_Panda 14 дней назад

    The current menues of aws does not match the ones you use. There are alot more spaces to fill out now and I couldn't get it to work following your instructions :(

  • @aishwaryalaxmi5
    @aishwaryalaxmi5 15 дней назад

    really well said

  • @bastabey2652
    @bastabey2652 15 дней назад

    use a list of points and use an o(nlogn)NN search.. a cross validation between points where each point is a model

  • @luvgupta7309
    @luvgupta7309 15 дней назад

    Sir please can u help me in this project 😭🙏🏻 I have to make this type of project for my school My project is of making lock system using Arduino and a keypad It will work like there will be a locker and we have to type password on keypad if the password will be correct in first time then the locker will be open but if it will be wrong twice simultaneously a sms will go to all the family members can I make it using brynk app????

  • @Fun-qv9pw
    @Fun-qv9pw 16 дней назад

    Great content sir If you have provided the resources in Github that will help so many

  • @kavishkagimhani9803
    @kavishkagimhani9803 18 дней назад

    thank you

  • @chetan.sharan
    @chetan.sharan 18 дней назад

    he is smartass😀

  • @ahmetberkay9336
    @ahmetberkay9336 20 дней назад

    hello my friend. i am planning to use resnet50 for my project. basically the project is about birads classification. i have dataset which has around 3000 images and 3 classes (birads2, birads4, birads5). i want this model to classify the mammography pictures as birads classification. i tried to fine tune this model but it didn't really work. do you have any suggestions or hints for me to tune this model for such a detailed and complicated birads classification?

    • @saisingireddy2359
      @saisingireddy2359 19 дней назад

      Same case brother I used efficientnetb3 for hand gesture classification but its initial accuracy is around 20 and rising so slowly any suggestions 😢?

  • @redditacc8019
    @redditacc8019 20 дней назад

    Can we host streamlit applications ?

  • @Funfact74
    @Funfact74 22 дня назад

    i am not able to read csv file , what is the reason

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

    U have given a very good intuition

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

    Amazing videos! Thank you!

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

    Hi, THanks a lot for you fantastic teaching. If I want to use one month as input and predict the next 12 month how can I change the code. As I understand you feed 12 months as input and the prediction is for one month

  • @swapnadeepghosh8546
    @swapnadeepghosh8546 25 дней назад

    bhai apne itna accha knowledge kaha se liya ??... thanks for passing it brother GOD bless you

  • @Pifagorass
    @Pifagorass 26 дней назад

    2 months study and one can land job in India 😮😂

  • @shyamkumar-pq2qv
    @shyamkumar-pq2qv 27 дней назад

    nice explanation

  • @digitalservices4372
    @digitalservices4372 27 дней назад

    Is it good to take AIML engineering or CSE

  • @palurikrishnaveni8344
    @palurikrishnaveni8344 28 дней назад

    If we divide again from train dataset as for suppose 80:20(train and val), then val is also a part of train, and its an unseen data, then the total trained images are reduced when we compared it to 80:20(train and test) without val accuracy. can you justify this?

  • @kolyxix
    @kolyxix 29 дней назад

    Amazing presentation. Learned a lot in short time

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

    Hi, thanks for your nice talk. As I understand ARIMA is ARMA model when D=0, the the parameter D is to make it stationary. But ARMA can be nonstationary. So instead of using ARAM we can use ARIMA and examine different D in order to make it stationary. Therefore, there is no point in using the ARAM model. Would you please let me know if I am right or wrong?

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

    "You exceeded your current quota, please check your plan and billing details",it shows like what's the solution?

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

    This is like gridsearchcv or randomizedsearchcv😮

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

    💎🛐

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

    Great video....but I worked on this and I am getting template not found error....any suggestions on that😢

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

    Great Explanation brother!! Keep it going...

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

    Can i use this code with 3 year data's

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

    when I run this code blog, I encounter below error. how can I fix it? epochs=10 history = resnet_model.fit( train_ds, validation_data=val_ds, epochs=epochs ) ------------------------------------------------------------------------------------------------------------------------------ Epoch 1/10 --------------------------------------------------------------------------- ValueError Traceback (most recent call last) <ipython-input-40-965fc73b902c> in <cell line: 3>() 1 epochs=10 2 ----> 3 history = resnet_model.fit( 4 train_ds, 5 validation_data=val_ds, 1 frames /usr/local/lib/python3.10/dist-packages/keras/src/engine/training.py in tf__train_function(iterator) 13 try: 14 do_return = True ---> 15 retval_ = ag__.converted_call(ag__.ld(step_function), (ag__.ld(self), ag__.ld(iterator)), None, fscope) 16 except: 17 do_return = False ValueError: in user code: File "/usr/local/lib/python3.10/dist-packages/keras/src/engine/training.py", line 1401, in train_function * return step_function(self, iterator) File "/usr/local/lib/python3.10/dist-packages/keras/src/engine/training.py", line 1384, in step_function ** outputs = model.distribute_strategy.run(run_step, args=(data,)) File "/usr/local/lib/python3.10/dist-packages/keras/src/engine/training.py", line 1373, in run_step ** outputs = model.train_step(data) File "/usr/local/lib/python3.10/dist-packages/keras/src/engine/training.py", line 1151, in train_step loss = self.compute_loss(x, y, y_pred, sample_weight) File "/usr/local/lib/python3.10/dist-packages/keras/src/engine/training.py", line 1209, in compute_loss return self.compiled_loss( File "/usr/local/lib/python3.10/dist-packages/keras/src/engine/compile_utils.py", line 277, in __call__ loss_value = loss_obj(y_t, y_p, sample_weight=sw) File "/usr/local/lib/python3.10/dist-packages/keras/src/losses.py", line 143, in __call__ losses = call_fn(y_true, y_pred) File "/usr/local/lib/python3.10/dist-packages/keras/src/losses.py", line 270, in call ** return ag_fn(y_true, y_pred, **self._fn_kwargs) File "/usr/local/lib/python3.10/dist-packages/keras/src/losses.py", line 2221, in categorical_crossentropy return backend.categorical_crossentropy( File "/usr/local/lib/python3.10/dist-packages/keras/src/backend.py", line 5573, in categorical_crossentropy target.shape.assert_is_compatible_with(output.shape) ValueError: Shapes (None, 1) and (None, 5) are incompatible

    • @saisingireddy2359
      @saisingireddy2359 19 дней назад

      Maybe its dimentional issue try to check output dimensions I'm model summary

  • @ShivamPanwar-fc8hc
    @ShivamPanwar-fc8hc Месяц назад

    bhaiya please tell how much do you earn from this computer vision engineer job??

  • @Immanuelllll-ih4nr
    @Immanuelllll-ih4nr Месяц назад

    Love itt... Thanks broo for helping us

  • @Amitkumar-nf7ik
    @Amitkumar-nf7ik Месяц назад

    Upload this project tutorial step by step

  • @Alex-ht7vt
    @Alex-ht7vt Месяц назад

    Best explanation on how to infer from a PACF plot. Amazing.

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

    your video helped me a lot thank you

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

    I have one doubt. [1,2,3] is used to predict [4]. Then [2,3,4] is used to predict [5]. In 2,3,4 shouldn't the 4 value be the actual instead of predicted? Why are we appending predicted value. Pls explain.

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

    Hey I'm thinking of pursuing MTech in this field? Is it worth it considering today's scenario.kindly help me out

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

    diletant

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

    Bro please make a videos on your experience in doing masters in the US and current tech market

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

      Sure, will try to upload a video on thay soon

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

    There is a big error in this algorithm, MinMaxScaler!!! Prices dont have min nor max my friend, you can not use this because it converts all the price occurences in ranges between 0 and 1, and it doesnt exist since prices can go to infinity