This is an amazing video, as a beginner you answered so many questions that popped up as I was following along, as if you were reading my mind, excellent brother
OMG I absolutely loved your video Sir, I Have just watched it halfway and I felt I had to comment. The way you explain things are just perfect. I wish if only we students had teachers like you. I've already subscribed to your channel and can't wait to watch more of your content. Your knowledge is invaluable, and I appreciate you taking the time to share it with us. Thanks again for creating such an awesome content! 🥰 These videos really do help us beginners in a great way!!
Error in model fit InvalidArgumentError Traceback (most recent call last) in () 7 epochs=10, 8 steps_per_epoch=len(training_set), ----> 9 validation_steps=len(test_set) 10 ) InvalidArgumentError: Reduction axis -1 is empty in shape [16,0] Any idea what can be the error. I have followed the same steps
Good video. Can u show the following: 1) importing tensorflow/pytorch/scikitlearn 2) import specific version of tensorflow/ pytorch/ detectron 3) advise about loading personalised dataset - whether it should be zip upload or extracted image files.
really amazing video sir....i have learnt a lot of things thorugh watching your videos....you are just amazing.....sir please one video on how to deploy model by writing code on google colab
Hi Krish, Thank you for your tutorials. I am a beginner, and I am wandering why didn't you use validation and test, both of the datasets to evaluate the model? thanks
Dude, on the galaxy watch 4 is there a way to turn off the indicators like the airplane icon and the phone icon on the main screen? cause its annoying on analog watch faces that these icons overlay it....can't find any toggle in settings? reply plz..anyone
Neuron will be average of your dependent variables and independent variables.. its the best practice.. and for hidden layers you can take any amount.. increase them until your accuracy increases
Showing epoch 1/10 but then utbis showing failed to get convolution algorithm , because of cuDNN failed so try looking to see if a warning log message is printed above this error is coming how to solve sir
during to fit the model i am getting value error ValueError: You are passing a target array of shape (16, 1) while using as loss `categorical_crossentropy`. `categorical_crossentropy` expects targets to be binary matrices (1s and 0s) of shape (samples, classes). If your targets are integer classes, you can convert them to the expected format via: ``` from keras.utils import to_categorical y_binary = to_categorical(y_int) ``` Alternatively, you can use the loss function `sparse_categorical_crossentropy` instead, which does expect integer targets.
Please anyone explain to me how to get Testing and Training accuracy in Colab 🙏🙏(and is in data set already training and testing folders included or do we have to create)
Another questions, should we save the training data in google drive and mount or copy them to colab? google drive is a cloud drive away from colab I guess. If save in google drive, the training would be slower or same same?
Hi Sir! Following your steps, I bumped into this error UnknownError: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above. [[node model/conv2d_94/Conv2D (defined at :7) ]] [Op:__inference_train_function_17502] Function call stack: train_function Could you please help me to solve it?
@Krish Naik, and everyone.. Can someone please assist me, I have a problem when it comes to fitting my model during training... How can I fix the "Invalid-Argument-Error? I have followed all the steps from this video, but I still get the same error. Any suggestion, on how to solve the error?
Thank you for your great work, I see the input image size in the Kaggle is 256x256 but you specified 224x224 is it a typo or you have done some scaling. My second question is in the training dataset you have 10 classes but your model's output has 15 classes which is not right, please elaborate.Thanks again for your awesome work.
your video is really helpful thanks a lot! but i can't find the colab notebook address of the examlpe you use in this video. can you please upload again?
Hi krishna, i have droplet videos/images at 5 viscosity ratio each at 8 speeds of fluid .can we train deep network to find the speed of fluid for any droplet image.I need not categorize the images but it must be able to tell speeds other than given 8 speeds.plz guide
is there a way to rename 'My Drive' to something like 'my_drive' in google drive? Sometimes, the space cause trouble. I know we could rename sub folders in google drive. However I didn't find the way to rename the root 'My Drive'.
i m totally new on colab .. i have one question ... what can i use in colab instead of OS module?????? i need some operations like, os.isfile .. bt i donno how . and also how can i access the folders in gDrive.. what module to use ??????
a third question is how to keep it training backstage. the training might take much time, the mount and even the colab runtime session might disconnected before training is finished. how to resolve this concern..
Sir I am doing a project related to defect detection and sizing. I have build a model using ANN to classify defect. Can you guide me how can I get the bounding box coordinate of classified image.
very nice video, there is one query, can we run the code once and turn off the note book, is there any option with us that we can resume after an hour or some couple of hours to get output values?
Now this video is nothing but a gem.. Thank you Krish.. Just 1 question... I have seen in many datasets there is another folder called validation.. Why it's so and what's the use? Can you please explain or guide me to any of your video wish such a reference
any solution? in google collab InvalidArgumentError Traceback (most recent call last) in () 6 epochs=10, 7 steps_per_epoch=len(training_set), ----> 8 validation_steps=len(test_set)
Also please make a videos for an app development from scratch for disease detection and if i want to deploy that whole app concept on arduino then what are the steps.
can u make a video for training a model with provided image dataset using YOLOV3 architecture. OR can u add a code for it on your github account...please..
good evening ,can anyone please resolve the issue...actually at the last step of execution iam getting error as invalid exception and it is showing that argument error.as we are running the same code but with different dataset.i dont know y the error is occuring.
Dear krish, your theory explanation on deep learning helped me a lot. My pc is low configured, it dual core windows 7 64 bit. I know it's impossible to work with tensorflow with this configuration. Let me know is it possible to practice in cloud
Sir explain XGBoost algorithm, how it differs from Gradient boost. Also I can't find easy explanation of Bayesian search in hyperparameter tuning so make one on it's theory part. Thank you
when i train the DL model at google colab , according to this example it throw a msg which is "your session is crashed for unknown reason" , @krish sir plz help over here
Has anyone followed along this video recently with success? I followed along with the video (typed along), and used the picture files from Github, but when I executed the final command to run the cell, I got an "UnimplimentedErrors" at line 8, where the code reads: "validation_steps=len(test_set)". It's a long error message, but at the end is says "DNN Library is not found." Some of the libraries installed earlier in the notebook were of a different version.
This is an amazing video, as a beginner you answered so many questions that popped up as I was following along, as if you were reading my mind, excellent brother
I had struggled too much with loading data from MyDrive to Collab. Your video helped. Thank you so much. And God Bless you. :)
Google Colab is such a helpful resource. Thank you for explaining this!
Exellent sir. you are one of my mentor in Deep learning CV.Thanku sir
Tech websites: Let's compare gpu on benchmark scores
Krish: Let's compare prices
great work ....
this is my first time on your channel
Thanks dear, A very nice and helpful video. I learned a lot and enjoyed. Stay Blessed!
He did gave UPSC in 2019 and now he is a youtuber, Sandeep bhaiya
I got a clear idea. Good explanation sir👏
Sir,
After training model on Google Colab, please make video on how to test on real time
To test on real time.. just click the picture of the leaf of tomato and use the model to predict whether the leaf is healthy or not.... google it
Great question .
@@jayhingrajiya3703 Can you please explain sir. what should be done after training the model.
@@jayhingrajiya3703 hello...can you explain more how to test in real-time..thank you so much..
OMG I absolutely loved your video Sir, I Have just watched it halfway and I felt I had to comment. The way you explain things are just perfect. I wish if only we students had teachers like you. I've already subscribed to your channel and can't wait to watch more of your content. Your knowledge is invaluable, and I appreciate you taking the time to share it with us.
Thanks again for creating such an awesome content! 🥰
These videos really do help us beginners in a great way!!
Thank you so much sir for this wonderfull video..❤❤
Error in model fit
InvalidArgumentError Traceback (most recent call last)
in ()
7 epochs=10,
8 steps_per_epoch=len(training_set),
----> 9 validation_steps=len(test_set)
10 )
InvalidArgumentError: Reduction axis -1 is empty in shape [16,0]
Any idea what can be the error. I have followed the same steps
have you found ?
Have you resolved the error
Please help me
yes , I am also counter this error
Good video. Can u show the following:
1) importing tensorflow/pytorch/scikitlearn
2) import specific version of tensorflow/ pytorch/ detectron
3) advise about loading personalised dataset - whether it should be zip upload or extracted image files.
%tensorflow_version
% tensorflow_version 2.x
import tensorflow as tf
print(tf.__version__)
Can we convert our image classification code in colab into tensorflow lite inorder to run it in android studio
Same ques
really amazing video sir....i have learnt a lot of things thorugh watching your videos....you are just amazing.....sir please one video on how to deploy model by writing code on google colab
Thanks for this wonderful tutorial Krish.
Also please do come up with the architecture video they will be really helpful
After completing the epoch how can i call an image and test it? what is the code can anyone help?
Same here. I too want to do that. I have trained my model, now how to call the trained model while testing my data.
model.evaluate(test_images, test_labels, batch_size=batch_size, verbose=2)
krish ? there is no test data folder what path did you give in the data_generator for the test_data
Hi Krish,
Thank you for your tutorials.
I am a beginner, and I am wandering why didn't you use validation and test, both of the datasets to evaluate the model?
thanks
Please make a video on the architectures of cnn transfer learning models.
u been always helpful krish thank you so much
Sir can you please can you make a video on image segmentation..🙏
And also before how we do masking
Thank you SOOO much for making this video
This video is not for everyone it is for expert
New learners can't understand
man it's enough for a free video, if you don't know much then learn. Krish can't just explain every single step
can we fine tune the last dense layers using grid search cv or keras tuner
Thank you, I've learned from your tutorials.
Perfect as usual. Thank you
Dude, on the galaxy watch 4 is there a way to turn off the indicators like the airplane icon and the phone icon on the main screen? cause its annoying on analog watch faces that these icons overlay it....can't find any toggle in settings? reply plz..anyone
Amazing videos sir. Thanks for videos.
sir can you please tell me your video in which you have explained all this code
THANKS ALOT! let u teach as well on text classification specially on multi label problem using CNN
sir, please tell me how did you know how many hidden layer and neuron will give best result in MLP-ANN?
Neuron will be average of your dependent variables and independent variables.. its the best practice.. and for hidden layers you can take any amount.. increase them until your accuracy increases
Thank you so much sir u saved my final year project
Hello,can you help me out im giving the code because currently iam doing my final yr project
@@Kaifrockstar-od1nj its long back i dont remember now
Showing epoch 1/10 but then utbis showing failed to get convolution algorithm , because of cuDNN failed so try looking to see if a warning log message is printed above this error is coming how to solve sir
during to fit the model i am getting value error
ValueError: You are passing a target array of shape (16, 1) while using as loss `categorical_crossentropy`. `categorical_crossentropy` expects targets to be binary matrices (1s and 0s) of shape (samples, classes). If your targets are integer classes, you can convert them to the expected format via:
```
from keras.utils import to_categorical
y_binary = to_categorical(y_int)
```
Alternatively, you can use the loss function `sparse_categorical_crossentropy` instead, which does expect integer targets.
you havent setup the number of classes, it should be greater than or equal to 2
Please anyone explain to me how to get Testing and Training accuracy in Colab 🙏🙏(and is in data set already training and testing folders included or do we have to create)
After training the model in google colab , how to run or execute the project???
thank you very much sir for this tutorial. seems im getting the right direction for ML lecture for clinical dx. im a newbie who want a career shift.
Another questions, should we save the training data in google drive and mount or copy them to colab? google drive is a cloud drive away from colab I guess. If save in google drive, the training would be slower or same same?
Do you have video on Inception3 or will you make it?
Can anyone provide me code for PREDICTING IMAGE of these diseases in google colab please! 🙏 🙏 🙏
Hi Sir! Following your steps, I bumped into this error
UnknownError: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
[[node model/conv2d_94/Conv2D (defined at :7) ]] [Op:__inference_train_function_17502]
Function call stack:
train_function
Could you please help me to solve it?
Hello Sir, Did u get the solution?
Assalam o Alaikum sir i want to know which one is the latest architecure for multi class image classification ????
Usefull video. Thank you Sir.
@Krish Naik, and everyone.. Can someone please assist me, I have a problem when it comes to fitting my model during training... How can I fix the "Invalid-Argument-Error? I have followed all the steps from this video, but I still get the same error. Any suggestion, on how to solve the error?
i got multiple errors after #fit the model portion. it says r is not defined than it says Model is n ot defined
Same
Thank you for your great work, I see the input image size in the Kaggle is 256x256 but you specified 224x224 is it a typo or you have done some scaling. My second question is in the training dataset you have 10 classes but your model's output has 15 classes which is not right, please elaborate.Thanks again for your awesome work.
How to predict a test image other than that from dataset?
The video was a lot of fun. Explaining and searching about GPUs and saying P4 instead T4 :)
Sir can you helpp.me i have image dataset in csv file and i have an image in this dataset so how can i fetch the image in loaded dataset??
Can you upload a video on the Facial recognition project?
Do you get it
No
your video is really helpful thanks a lot! but i can't find the colab notebook address of the examlpe you use in this video. can you please upload again?
Hi krishna,
i have droplet videos/images at 5 viscosity ratio each at 8 speeds of fluid .can we train deep network to find the speed of fluid for any droplet image.I need not categorize the images but it must be able to tell speeds other than given 8 speeds.plz guide
Sir can you show a small example of the CNN model for image interpolation using Google Colab?
After training the model what about the next process i.e runing or executing?? Please help or share videos
Thank you very much!!! Tutorial is great
is there a way to rename 'My Drive' to something like 'my_drive' in google drive? Sometimes, the space cause trouble. I know we could rename sub folders in google drive. However I didn't find the way to rename the root 'My Drive'.
Thank you so much 🥰 it's such a wonderful help to me
Thank you so so much sir!
After training now how to predict class for new image?
I want to know that too! Probably he needs to save the trained file on json or h5
Thank you so much😃😃
i m totally new on colab .. i have one question ... what can i use in colab instead of OS module?????? i need some operations like, os.isfile .. bt i donno how . and also how can i access the folders in gDrive.. what module to use ??????
a third question is how to keep it training backstage. the training might take much time, the mount and even the colab runtime session might disconnected before training is finished. how to resolve this concern..
Hey sir can you tell me how to run code of ResDiff given in github on Google colab
Nice Video sir. How to change this model to tflite and deploy in android Application? Kindly do a video on that sir
Any idea how I can create a model with three dimensions? As this is resulting in a 2 dimension model
Sir please make transfer learning architect videos if its possible.
after the execution how do we normalize the training and validation curves (overfitting problem)
Do i need to have cuda installed in my workstation to run Google Colab and train the model?
Can anyone help me with this :
The training gets stuck at epoch 1 (completes)its not moving to another epoch.
do u resolved this i am getting same error
@@anuragmaurya3805 Not as of now please let me know if you get any solution
@@avinashnair5064 try to check your steps_per_epoch. maybe this is problem is due to that
@@sameersingh5078 sure... Ill tell you about that
@@avinashnair5064 Do you Solve the Problem ?
Sir I am doing a project related to defect detection and sizing. I have build a model using ANN to classify defect.
Can you guide me how can I get the bounding box coordinate of classified image.
Do you have zoomclasses or tutoring? if yes where can i sign up?
very nice video, there is one query, can we run the code once and turn off the note book, is there any option with us that we can resume after an hour or some couple of hours to get output values?
I have the same question on google colab i dont want to run code again and again or train
can you please tell me how to use this .h5 model in raspberry pi. any conversion needed in the model or I directly use this model in raspberry pi.
Please share .h5 file to me
Hi Krish,
Thank you for your tutorials.
I am doing on plant species recognition can you share something............
Now this video is nothing but a gem.. Thank you Krish.. Just 1 question... I have seen in many datasets there is another folder called validation.. Why it's so and what's the use? Can you please explain or guide me to any of your video wish such a reference
The path of image should be on Google drive? What if i am working with jupyter and i decide the path in my local device its will work?
any solution? in google collab
InvalidArgumentError Traceback (most recent call last)
in ()
6 epochs=10,
7 steps_per_epoch=len(training_set),
----> 8 validation_steps=len(test_set)
what is the pre-sequence of following up with this video?
Is it using keras ?
hallo sir, great video learning. Can i ask if this method is also in Convolutional neural network?
Can this training process be done by using YOLOv8?
i am getting error .. i have run the same code as yours.. but while running the epoch.. it is showing failed to get convolution algorithm
Also please make a videos for an app development from scratch for disease detection and if i want to deploy that whole app concept on arduino then what are the steps.
can u make a video for training a model with provided image dataset using YOLOV3 architecture.
OR can u add a code for it on your github account...please..
good evening ,can anyone please resolve the issue...actually at the last step of execution iam getting error as invalid exception and it is showing that argument error.as we are running the same code but with different dataset.i dont know y the error is occuring.
Please make a video on Fixefficientnet image classification
I have photos in different resolutions. How can I resize every images in to same resolution?
Can you please make a video on Efficientnet V2 model
Hi Krish, I didi it all and it worked! Now, how do I save my trained model to use it in onther scripts?
Thank you. Very nice bro. I am having a hard time understanding the functions you explained. Please, share a successful path to learn.
Dear krish, your theory explanation on deep learning helped me a lot. My pc is low configured, it dual core windows 7 64 bit. I know it's impossible to work with tensorflow with this configuration. Let me know is it possible to practice in cloud
sir how can I train for ocr recognition for SPECIFIC word or sentences using OCR and print in pdf
14.34 not working I cannot read my folder
Sir explain XGBoost algorithm, how it differs from Gradient boost. Also I can't find easy explanation of Bayesian search in hyperparameter tuning so make one on it's theory part. Thank you
Thank You sir!!
when i train the DL model at google colab , according to this example it throw a msg which is "your session is crashed for unknown reason" , @krish sir plz help over here
Has anyone followed along this video recently with success? I followed along with the video (typed along), and used the picture files from Github, but when I executed the final command to run the cell, I got an "UnimplimentedErrors" at line 8, where the code reads: "validation_steps=len(test_set)". It's a long error message, but at the end is says "DNN Library is not found." Some of the libraries installed earlier in the notebook were of a different version.
Sir please suggest aa good method for paddy leaf disease classification in deep learning please sir