71 - Malarial cell classification using CNN

Поділитися
Вставка
  • Опубліковано 16 лис 2024

КОМЕНТАРІ • 90

  • @user-ck1zi8qf4i
    @user-ck1zi8qf4i Рік тому

    i can't believe you are so underrated your channel is filled with so much knowledge!

  • @sabaal-jalal3710
    @sabaal-jalal3710 3 роки тому +1

    I watched most of your videos from 1 till 71 and still I want to continue...This is great I applied it too.. thanks a lot.

  • @chamaljayasinghe4210
    @chamaljayasinghe4210 6 місяців тому

    One of amazing tutor that I have ever met. 🙂😍🧑‍💻✌

  • @picklerick7222
    @picklerick7222 4 роки тому +1

    Thanks a lot for all your videos, Sreeni! I have been using python for other purposes for the last one year or so and your videos are the perfect gateways into the world of image segmentation using python.

  • @TheedonCritic
    @TheedonCritic 2 роки тому

    You are a good teacher, Always rooting for you!

  • @sunilkumargoudg7760
    @sunilkumargoudg7760 2 роки тому

    Amazing!! I am struggling to understand Neural Networks. However, this tutorial made it very easy to understand!! Thank you Srini.

  • @ManjuT-g4x
    @ManjuT-g4x Рік тому

    Hi, Thanks for your very knowledgeable videos. Please suggest which DL model/video should I follow for crop detection and identification in field?

  • @mamatapanda7329
    @mamatapanda7329 Місяць тому

    very clearly described.

  • @nwaforaugustine6231
    @nwaforaugustine6231 Рік тому

    Amazing video and I would love it...if you can do video on efficientnet and mobilenetv2 implementation like this clear video on cnn classification

  • @dimitheodoro
    @dimitheodoro 2 роки тому +1

    Amazing work!
    I dont understand why do you use "2" in "out = keras.layers.Dense(2, activation='sigmoid')(drop4)"
    instead of "1". This is something in contrast with tutorial # 144

  • @bharath5673__
    @bharath5673__ 4 роки тому +1

    Really awesome and clean tutorials,, ❤️❤️❤️🔥

    • @bikrammukherjee7613
      @bikrammukherjee7613 4 роки тому

      can you please tell me how to predict in 1 class of image?

  • @iftikhar58
    @iftikhar58 Рік тому

    Thank you for your efforts for this video.

  • @nsoe8990
    @nsoe8990 2 роки тому

    Thanks for your amazing tutorial videos.

  • @alexomelak4200
    @alexomelak4200 Рік тому

    THAN YOU so much sir. I am doing my MSC thesis on disease detection and stage classification. i am watching your deep learning videos. can you recommended me the best algorithm for detection and classification(either traditional or deep learning) please. thank you again sir

  • @fetamedia788
    @fetamedia788 2 роки тому

    can predict the image based on actual and predicted value (i.e using x_test and y_test used as test_generator)

  • @arpankarar1540
    @arpankarar1540 3 роки тому +1

    sir can you make a video on which you will apply this model on a sample image for prediction.. plzz

  • @chiho7311
    @chiho7311 4 роки тому +1

    thanks for the video. That helps a lot

  • @kibruyesfamesele3087
    @kibruyesfamesele3087 2 роки тому

    thanks very much it is very helpful

  • @rashmihattalli9892
    @rashmihattalli9892 4 роки тому +1

    sir can you tell us how to load an image to check whether it is infected by malaria or not?? please

  • @patis.IA-AI
    @patis.IA-AI Рік тому

    Thanks just great !!!!

  • @MrChudhi
    @MrChudhi Рік тому

    Hello Sreeni, Nice presentation. I have a question. I have a dataset of 3000 images (Description of the dataset: around 1800 are distinct, and the rest are prepared by zooming and rotating). Is there a way of removing the augmented images from my test dataset. As generally, the test data should not contain augmented data.Thank you.

  • @RS-vu5um
    @RS-vu5um 4 роки тому +1

    Hi Sreeni,
    1. On Line 84, why do you convert only X_train to np.array() and NOT y_train?
    2. The Pixel Data ranges from 0 - 255. Don't we need to normalize the values by dividing it by 255?

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      1. Please run one line at a time and see the parameter type in the variable explorer, you'll find the answer. In summary, y has already been converted to a numpy array during train and test data separation step (using to_categorical). Therefore, we convert X only to numpy array as it is a list and not an array.
      2. Normalization is not a necessity as I am using relu activation which can deal with real value numbers. Also, I am using batch normalization in the hidden layers in my model, so all numbers will be normalized before going to the next layer. May be I should record a video on parameters and normalization. Thanks for asking questions.

  • @KhadidjaBoudjoras29
    @KhadidjaBoudjoras29 Рік тому

    Hello , why you use activation function in layer con2D

  • @RaktimMondolandJoya
    @RaktimMondolandJoya 3 роки тому

    1) In the line 48, why did u write 2 inside dense layer. Will not it be one(1) since it is a binary classification?
    2) How did it work without expanding dimension of dataset? for example, np.expand_dims(tdataset)?

  • @sultanulkabir1110
    @sultanulkabir1110 4 роки тому

    Hello Dr. Sreeni, Your videos are very useful. Can we add the Gabor filter that you described before in the CNN? model

  • @mohamedelbshier2818
    @mohamedelbshier2818 2 роки тому

    ammazing thank you so much

  • @selouahaddaoui4931
    @selouahaddaoui4931 Рік тому

    I thought it is conda package and not pip!! I have installed it with conda, is it the same thing?

  • @navroopgill7594
    @navroopgill7594 3 роки тому

    Really enjoy watching your videos. Applaud the thorough job you are doing in putting this content together. Hard to find such informative and detailed videos. I downloaded the cell_images dataset from Kaggle but when I try to unzip the folder onto my machine, it gives me an error and the winzip program shuts down. Not facing this with any other files. Wondering what the problem could be. These files are not passowrd protected are they ?

    • @DigitalSreeni
      @DigitalSreeni  3 роки тому

      As far as I remember there are no tricks with the dataset, just a regular compressed folder. May be your winzip has issues. I use winrar for these type of tasks, please give that a try.

    • @navroopgill7594
      @navroopgill7594 3 роки тому

      @@DigitalSreeni thank you ..will give that a try.

  • @shankaraggarwal4234
    @shankaraggarwal4234 4 роки тому

    Please suggest me how can I segment infected red blood cells from these images which you used in this tutorial.

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      This tutorial explains classification. If you want segmentation you may want to look at U-net for semantic segmentation.

    • @shankaraggarwal4234
      @shankaraggarwal4234 4 роки тому

      @@DigitalSreeni I want to segment infected red blood cells only from malaria blood smear images. Please suggest me, semantic U-net technique will work or need to apply any other technique?

    • @marcusbranch2100
      @marcusbranch2100 4 роки тому

      @@shankaraggarwal4234 start watching from video 71/72, a very good example of cell segmentation using U-Net was made

  • @aartinbokade
    @aartinbokade 3 роки тому +1

    Sir can you upload a video on performing multiclass classification from images in different folders using CNN

  • @peymannemat4243
    @peymannemat4243 3 роки тому

    Thank you so much for your fantastic tutorial videos. My question for this particular one is that you train your model for only two classes(parasitized_images,uninfected_images); what if we have four or five categories? I am still struggling to modify this code for several classes.

    • @DigitalSreeni
      @DigitalSreeni  3 роки тому +1

      Please checkout my videos on the topic of multiclass classification.

    • @peymannemat4243
      @peymannemat4243 3 роки тому

      @@DigitalSreeni Thank you!

  • @sonamaggarwal7714
    @sonamaggarwal7714 3 роки тому

    Thank u so much sir for the amazing videos. Can you please do some tutorials on 3D deep learning too?

  • @reegee8321
    @reegee8321 4 роки тому

    Hello, I tried performing this and it's giving me (None, 0) (None, 1) error. Incompatible shape. Any idea why this?

  • @syedamjad1271
    @syedamjad1271 4 роки тому

    Hi Sreeni Sir, I love to learn from you.Thanks for this awesome tutorial. Sir can you please make a tutorial on the classification of Hela Cells or cell culture in python.Looking forward to your reply

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      Classification of Hela cells into what? Do you want to classify entire cell or organelles in cells?

    • @syedamjad1271
      @syedamjad1271 4 роки тому

      @@DigitalSreeni entire cell..classify images of Hela cells into a dead cell or live cell

  • @yevonnaelandrew9553
    @yevonnaelandrew9553 3 роки тому

    Hi, you wrote Image.fromarray(image, 'RGB') in your code. Shouldn't it 'BGR' as cv2 read in BGR by default as you mentioned in the previous video? Thank you.

  • @sm-op9zg
    @sm-op9zg Рік тому

    Sir, please do a kidney stone detection using xception model. I can link the dataset if u want me to

  • @yazanmajzoub6582
    @yazanmajzoub6582 3 роки тому +1

    big like

  • @satvikgarg4974
    @satvikgarg4974 4 роки тому

    sir why didn't you apply image segmentation techniques before training the model for classification. does image segmentation help in improving accuracy?

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому +1

      I am not sure I understand your point. If you are referring to segmenting images then I should mention that these type of images can be challenging to segment. They also come in various shades of colors which means you first have to find a way to normalize images and then segment them. Also, segment them for what? And who is going to label them manually? In summary, classification problems do not need the complexity of pixel segmentation.

  • @bikrammukherjee7613
    @bikrammukherjee7613 4 роки тому

    hello, sir can you please tell me how to predict in 1 class of image?
    please help sir.

  • @shankaraggarwal4234
    @shankaraggarwal4234 3 роки тому

    Sir, this code is working perfectly on Spyder. But when I am trying to execute the same code on Google Colab it is showing the error "ValueError: Shapes (None, 1) and (None, 2) are incompatible". After that, I changed the Dense Unit = 1. But now, its epochs results are very poor. Like this: loss: 0.0000e+00 - accuracy: 0.4980 - val_loss: 0.0000e+00 - val_accuracy: 0.5600. Please help me to remove this error and get good results on Google colab.

  • @rahmahermes3149
    @rahmahermes3149 4 роки тому

    Hello i tried this on spyder it works fine but when I used google colab it does not work out right example when appending to the dataset[] there are more items than the parasitized images and also the are more appended labels and just 0s can not append the 1s. What could be the issue?

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      It works fine for me. Please watch my video 147 where I just copied the spyder code and executed on colab, didn’t change a thing. It works with CPU and GPU. Please check your code.

  • @duyphientran175
    @duyphientran175 2 роки тому

    Great

  • @moinulhoque2160
    @moinulhoque2160 4 роки тому

    Hi Dr. Sreeni, I am confused on two places: 1st line of image resizing and 1st line of model..
    The images you downloaded are saved in the 'cell_images' folder (3.21), then why the image_directory name is 'cel_images2/'?
    Then once the resizing done, the images are moved to the dataset folder, how did it go into the model as I can see 1st line of model is INPUT_SHAPE = (SIZE, SIZE, 3), there is nothing from dataset folder?

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому +1

      The entire dataset has about 13K images for parasitized and another 13K for uninfected. My system does not have the type of resources required to process all images. Therefore, I took a subset of those images (about 500 each) for the tutorial. I dumped them in a folder called cell_images2. Sorry for any confusion.
      After resizing the images are not saved locally, the information is captured in an array called 'dataset'. This dataset has been divided into training and testing sets for training the network. Of course, the train part of the data was used for training. Based on the code it appears that I did not use the test part for validation but instead I further split train to 90% for training and 10% for validation.
      Please go through the code carefully as it forms the basis for most deep learning approaches.

    • @moinulhoque2160
      @moinulhoque2160 4 роки тому

      @@DigitalSreeni Thanks a lot. I thought images will be saved locally. That's why I was confused. Now it's clear.

  • @zakirshah7895
    @zakirshah7895 4 роки тому

    Whenever i run my neural network I get different result. But i need single result everytime i run the code ?

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      Neural networks are stochastic; they use randomness as part of the algorithms. This means you will get slightly different result each time but on average your results should be close enough if the training converges. You can try to minimize the randomness by fixing the random number seed. All random numbers use a random seed to produce a random number; if you fix this seed you'll generate same 'randomness' each time. I siggest placing these 4 lines at the top of your code.
      from numpy.random import seed
      seed(20) #Can be any number but use the same number to repeat experiments.
      from tensorflow import set_random_seed
      set_random_seed(42) #Can be any number but use the same number to repeat experiments.
      Remember that this only controls part of your randomness but there are other sources for randomness.

  • @dr.aravindacvnmamit3770
    @dr.aravindacvnmamit3770 3 роки тому

    Hello sir can you do the segmentation tutorial for MRI Images like lung cancer detection !!!!!

    • @DigitalSreeni
      @DigitalSreeni  3 роки тому +1

      I recorded many videos on techniques that can help with lung cancer detection. But I understand that you are asking for a video on the application rather than technique. I will see if I can record series of videos on various applications. Thanks for the suggestion.
      By the way, at work we already have prepackaged binary classification deep learning modules for training and prediction. These can be used for lung cancer detection.
      www.apeer.com/app/modules?page=1&q=DL%20Binary
      (It is free so please sign up and explore)

  • @debanjanbasak3824
    @debanjanbasak3824 4 роки тому

    Sir please tell me how can i predict after training for a single image.

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      To predict, you need to load the model and apply on your other images, very similar to how you apply to test images. My video number 131 will give information on how to load a model.

  • @dasariseshkalyan5113
    @dasariseshkalyan5113 4 роки тому

    sir, how to load the image and check the prediction

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому +2

      Just use model.predict(img).
      Of course, you need to preprocess your images just the way you did your training data. Please watch my recent videos (Videos 128 and later) for more information. Here is some sample code to predict for 2 images.
      #FOr single image
      # example of generating an image for a specific point in the latent space
      from keras.models import load_model
      from numpy import asarray
      from matplotlib import pyplot
      from numpy.random import randn
      from keras.preprocessing.image import ImageDataGenerator, array_to_img, img_to_array, load_img
      # load model
      model = load_model('malaria_augmented_model.h5')
      img1 = load_img('cell_validation/Parasitized/your_image1.png', target_size=(150, 150))
      img2 = load_img('cell_validation/Uninfected/your_image2.png', target_size=(150, 150))
      x1 = img_to_array(img1) # this is a Numpy array with shape (3, 150, 150)
      x2 = img_to_array(img2)
      x1 = x1.reshape((1,) + x1.shape)
      x2 = x2.reshape((1,) + x2.shape)
      # generate image
      X1 = model.predict(x1)
      X2 = model.predict(x2)
      print("Prediction for parasitized is: ", X1, " where 0 indicates parasitised and 1 indicates uninfected")
      print("Prediction for uninfected is: ", X2, " where 0 indicates parasitised and 1 indicates uninfected")
      #Parasitized, value 0
      #Uninfected, value 1

  • @reegee8321
    @reegee8321 4 роки тому

    Hi, I have an error of "cannot import name 'Keras' on google colab. Any idea how I can solve this?Thanks

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      Just checked, it works fine. Please check the spelling, keras is imported with lower case k.

    • @reegee8321
      @reegee8321 4 роки тому

      @@DigitalSreeni Thanks, it worked. Do you know how to perform augmentation on a csv file type?

    • @rahmahermes3149
      @rahmahermes3149 4 роки тому

      @@reegee8321 Hello, i tried this on spyder it works fine but when I used google colab it does not work out right example when appending to the dataset[] there are more items than the parasitized images and also the are more appended labels and just 0s can not append the 1s. What could be the issue?

  • @reshmajames6
    @reshmajames6 4 роки тому

    Sir I'm getting ,the system cannot find the path specified: ' cell_images/Paraitized error sir
    And iam stuck in it can you help me

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      Obviously it appears that that path name does not exist. So please check your current working directory and make sure the path you are defining is correct.

    • @reshmajames6
      @reshmajames6 4 роки тому

      @@DigitalSreeni I got the ans sir thank you☺

  • @mamoa100
    @mamoa100 4 роки тому

    let God of Might blessed you!

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому +1

      Not really a big believer in God but I appreciate your thoughts!

  • @waterandair
    @waterandair 3 роки тому

    I am unable to download the dataset from the website

    • @DigitalSreeni
      @DigitalSreeni  3 роки тому +1

      See if you can download from here: www.kaggle.com/iarunava/cell-images-for-detecting-malaria

    • @waterandair
      @waterandair 3 роки тому

      @@DigitalSreeni yes, I was. Thanks a lot!

  • @deepaksingh-lm8nk
    @deepaksingh-lm8nk 4 роки тому

    Please allow to watch 72 video sir

    • @DigitalSreeni
      @DigitalSreeni  4 роки тому

      It has wrong i formation so I had to hide it. It will not be useful for you.