DigitalSreeni
DigitalSreeni
  • Видео 418
  • Просмотров 8 304 157
Surrogate Optimization explained using simple python code
Surrogate optimization is a method used to solve optimization problems that are expensive or time-consuming to evaluate directly. It relies on constructing a surrogate model (also known as a metamodel) that approximates the objective function based on a limited number of evaluations. The surrogate model is then used to guide the search for the optimal solution. This approach is particularly useful when dealing with complex simulations, physical experiments, or other computationally expensive tasks.
Unlike traditional metaheuristic approaches like Particle Swarm Optimization (PSO) and Simulated Annealing (SA), surrogate optimization is not strictly a metaheuristic. It can be combined with m...
Просмотров: 30

Видео

322 - PSO Using steel optimization
Просмотров 1,1 тыс.14 дней назад
Code link: Finding the best alloy with maximum yield strength using Particle Swarm Optimization In this example, we will work with the steel alloy data set. Download from here: www.kaggle.com/datasets/fuarresvij/steel-test-data The data set contains the elemental composition of different alloys and their respective yield and tensile strengths. A machine learning model can be trained on this dat...
321 - What is Particle Swarm Optimization PSO?
Просмотров 1,5 тыс.28 дней назад
Code link: github.com/bnsreenu/python_for_microscopists/blob/master/321_what_is_particle_swarm_optimization.ipynb Particle Swarm Optimization PSO is a swarm intelligence algorithm that is inspired by the behavior of social organisms such as flocks of birds or schools of fish. The algorithm creates a population of particles, each representing a candidate solution, that move through the search sp...
320 - Understanding Simulated Annealing​ using steel optimization
Просмотров 1,2 тыс.Месяц назад
320 - Understanding Simulated Annealing​ using steel optimization Code link: github.com/bnsreenu/python_for_microscopists/blob/master/320_Optimizing_Steel_Strength_using_simulated_annealing.ipynb Finding the best alloy with maximum yield strength using simulated annealing algorithm In this example, we will work with the steel alloy data set. Download from here: www.kaggle.com/datasets/fuarresvi...
319 - What is Simulated Annealing Optimization​?
Просмотров 1,5 тыс.Месяц назад
319 - What is Simulated Annealing Optimization​? Code link: github.com/bnsreenu/python_for_microscopists/blob/master/319_what_is_simulated_annealing.ipynb Simulated annealing is inspired by the physical process of annealing, in which a material is gradually cooled to form a crystalline structure with a minimum energy state. ​ It works by iteratively adjusting the temperature of the system and a...
318 - Introduction to Metaheuristic Algorithms​
Просмотров 2 тыс.2 месяца назад
Metaheuristic algorithms are optimization techniques that use iterative search strategies to explore the solution space and find optimal or near-optimal solutions.​ They do not guarantee finding the global optimum, but instead aim to efficiently explore the search space and converge to a good solution. ​ These algorithms use heuristic rules to guide the search and modify the solutions over iter...
317 - HyperParameter Optimization using Genetic algorithms
Просмотров 2,8 тыс.2 месяца назад
Code generated in the video can be downloaded from here: github.com/bnsreenu/python_for_microscopists/blob/master/317_HyperParameter_Optimization_using_Genetic_algo.ipynb In this example, we will use the same dataset (steel alloy strength) from the previous tutorial to fit and tune Random Forest Regressor.​ The dataset can be downloaded from here: www.kaggle.com/datasets/fuarresvij/steel-test-d...
316 - Optimizing Steel Strength using Metaheuristic algorithms (e.g., Genetic)
Просмотров 2 тыс.3 месяца назад
Code generated in the video can be downloaded from here: github.com/bnsreenu/python_for_microscopists/blob/master/316_Optimizing_Steel_Strength_using_Metaheuristic_algo.ipynb In this example, we will work with the steel alloy data set.​ Download from here: www.kaggle.com/datasets/fuarresvij/steel-test-data​ The data set contains the elemental composition of different alloys and their respective...
315 - Optimization using Genetic Algorithm
Просмотров 3,2 тыс.3 месяца назад
Code generated in the video can be downloaded from here: github.com/bnsreenu/python_for_microscopists/blob/master/315_Optimization_using_Genetic_Algorithm_Heart_disease.ipynb The genetic algorithm is a stochastic method for function optimization inspired by the process of natural evolution - select parents to create children using the crossover and mutation processes.​ Coding it in python: The ...
314 - How to code the genetic algorithm in python?
Просмотров 6 тыс.4 месяца назад
Code generated in the video can be downloaded from here: github.com/bnsreenu/python_for_microscopists/blob/master/314_How_to_code_the_genetic_algorithm_in_python.ipynb The genetic algorithm is a stochastic method for function optimization inspired by the process of natural evolution - select parents to create children using the crossover and mutation processes. The code is an implementation of ...
313 - Using genetic algorithms to simulate ​evolution
Просмотров 3,2 тыс.4 месяца назад
Genetic algorithms simulate evolution and natural selection to produce adaptive traits.​ Camouflage is a common adaptation that helps animals blend into their environment and avoid predators.​ Insects can be represented as a string of genes that code for specific visual features such as color, shape, and texture.​ A fitness score is used to evaluate an individual's ability to blend in with thei...
Why GPUs Outpace CPUs?
Просмотров 2,2 тыс.4 месяца назад
A Deep Dive into Why GPUs Outpace CPUs - A Hands-On Tutorial FLOPS is commonly used to quantify the computational power of processors and other computing devices. It is an important metric for tasks that involve complex mathematical calculations, such as scientific simulations, artificial intelligence and machine learning algorithms. FLOPS stands for "Floating Point Operations Per Second" which...
312 - What are genetic algorithms?
Просмотров 4,4 тыс.5 месяцев назад
Genetic Algorithms (GA) are a type of evolutionary algorithm inspired by the process of natural selection in biological evolution.​ They can be used to solve optimization problems, including finding the optimal values for various parameters.​ GAs involve creating a population of candidate solutions, which are then evolved through the application of selection, crossover, and mutation operators.​...
306 - Content based image retrieval​ via feature extraction in python
Просмотров 5 тыс.5 месяцев назад
Code generated in the video can be downloaded from here: github.com/bnsreenu/python_for_microscopists/tree/master/306 - Content based image retrieval​ via feature extraction In this video, we will create a content-based image retrieval system which is basically an image-based search. We achieve this task by storing features from images into a database that we will search to retrieve images. Fea...
Generative AI and Prompt Engineering for Marketers
Просмотров 2,4 тыс.6 месяцев назад
This video tutorial is all about perfecting your prompts for generative AI (e.g., chatGPT) by asking the right questions to get the best output on your marketing related activities. This includes Creating a Marketing Plan, Defining a Campaign for a New Product​, Composing Social Media Posts for Your New Product​, SEO Keywords Analysis​, and even generating python code to perform user analysis. ...
Exploring Metadata in Scientific Images
Просмотров 2,7 тыс.6 месяцев назад
Exploring Metadata in Scientific Images
337 - Whole Slide Image segmentation for nuclei​ using Detectron2 and YOLOv8
Просмотров 3,9 тыс.6 месяцев назад
337 - Whole Slide Image segmentation for nuclei​ using Detectron2 and YOLOv8
336 - Nuclei segmentation and analysis using Detectron2 & YOLOv8​
Просмотров 7 тыс.7 месяцев назад
336 - Nuclei segmentation and analysis using Detectron2 & YOLOv8​
334 - Training custom instance segmentation model using YOLO v8
Просмотров 20 тыс.7 месяцев назад
334 - Training custom instance segmentation model using YOLO v8
333 - An introduction to YOLO v8​
Просмотров 14 тыс.8 месяцев назад
333 - An introduction to YOLO v8​
Extracting a Targeted Subset from a COCO JSON annotated dataset
Просмотров 1,7 тыс.8 месяцев назад
Extracting a Targeted Subset from a COCO JSON annotated dataset
335 - Converting COCO JSON annotations to labeled mask images
Просмотров 9 тыс.8 месяцев назад
335 - Converting COCO JSON annotations to labeled mask images
Simplifying code with defaultdict in python
Просмотров 2,5 тыс.8 месяцев назад
Simplifying code with defaultdict in python
332 - All about image annotations​
Просмотров 13 тыс.9 месяцев назад
332 - All about image annotations​
A Holistic View of Software Languages, Databases, and Frameworks
Просмотров 1,9 тыс.9 месяцев назад
A Holistic View of Software Languages, Databases, and Frameworks
331 - Fine-tune Segment Anything Model (SAM) using custom data
Просмотров 43 тыс.9 месяцев назад
331 - Fine-tune Segment Anything Model (SAM) using custom data
330 - Fine tuning Detectron2 for instance segmentation using custom data
Просмотров 20 тыс.10 месяцев назад
330 - Fine tuning Detectron2 for instance segmentation using custom data
329 - What is Detectron2? An introduction.
Просмотров 14 тыс.10 месяцев назад
329 - What is Detectron2? An introduction.
305 - What is Cellpose algorithm for segmentation?
Просмотров 8 тыс.11 месяцев назад
305 - What is Cellpose algorithm for segmentation?
328 - smFISH Analysis using Big FISH library in python​
Просмотров 2,8 тыс.11 месяцев назад
328 - smFISH Analysis using Big FISH library in python​

Комментарии

  • @apna_manch
    @apna_manch 45 минут назад

    ❤❤❤❤❤

  • @Breno9629
    @Breno9629 5 часов назад

    Hey Sr, thank you for the video. If you allow me to ask you some questions, why do we have, while train the model, pass the X and the Y? Is the model reconstructing the original sequence and trying to predict the next value based on the 30 values provided? (I am asking because I was expecting that we would bass the same sequence, something similar as we perform using a vanilla autoencoder). It seems that we input a sequence, tries to predict the next for the given sequence as we reconstruct the initial sequence. When we calculate the error, the error is based on the reconstruction process am I right? Thank you in advance!

  • @shivayshakti6575
    @shivayshakti6575 9 часов назад

    thanks a lot sreeni really useful!

  • @DAYYAN294
    @DAYYAN294 10 часов назад

    Please sir do model building from scratch by doing segmentation using deep learning model and then classification of objects in an image also by deep learning. Waiting for ur video .Jazakallah for ur time n efforts. May ALLAH BLESS U ALWAYS AMIN

  • @DAYYAN294
    @DAYYAN294 10 часов назад

    Asslamoalaikum sir I am ayesha from Pakistan. I have learnt alot from ur tutorials. Thank u so much for ur efforts and time. Please provide some videos on segmentation of images using deep learning model like signet, unet etc.

  • @chaitanyamodiboyina300
    @chaitanyamodiboyina300 17 часов назад

    Sir, Please make a video on the cityscapes dataset for segmentation purpose.

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

    How do I learn what number to set the artificial neurons in each layer? i'm super confused.

  • @leelavathi7921
    @leelavathi7921 2 дня назад

    Sir can you please demonstrate hybrid optimization algorithms PSO and Firefly to demonstrate exploration and exploitation

  • @user-hw9nb9ov4p
    @user-hw9nb9ov4p 3 дня назад

    Thank you very much, sir. This video is realy good introduction. I will keep studying and learning image processing with python through your lectures. Again, thank you so much for learning this valueable things in an easiest way.

  • @KushalBansal-v5d
    @KushalBansal-v5d 3 дня назад

    Can I use this techniques of segmentation for cracks and damage segmentation on the walls or concrete

  • @mahilkr
    @mahilkr 4 дня назад

    Awesome explanation

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

    thank you so muchhhhhh

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

    Great work! I was searching for the exact thing for my research and this is helping me a lot and saving my time. Your explanation is very clear and informative. Thank you for your time.

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

    Hi i have used your code in order to fine tune sam in order to segment aerial images , but when i use my finetunedsam.pth it doesn’t even segment the images that it used to segment with no finetuning, what do you think is the problem ? Thank you in advance !!

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

    Dear Dr. Sreenivas, your video has always been helpful. I wonder if I am trying to blend my coordinated rasters that only contains probability from 0 to 1 instead of RGB, is it possible to use rasterio instead of opencv? Thank you.

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

    🎯 Key points for quick navigation: 01:40 *🛠️ Understanding the U-Net architecture is crucial before building it from scratch in Python.* 02:21 *🌐 Image dimensions in U-Net can be adjusted to simplify understanding, such as using 256x256 input sizes.* 03:58 *🖼️ The U-Net model consists of repeated patterns of convolutions, max pooling, and upsampling layers.* 06:47 *🔗 Concatenation of features in U-Net aids in semantic segmentation by combining context from different scales.* 08:51 *🔄 Skip connections in U-Net allow features to be combined across network levels for improved semantic segmentation.* 12:49 *🧱 Defining functions for convolution and encoder blocks in U-Net helps streamline the model construction process.* 16:30 *🔄 Decoder blocks in U-Net consist of upconvolution, concatenation, and convolution operations.* 19:29 *🧩 Building the U-Net model involves defining encoder blocks, base block, and decoder blocks systematically.* 22:58 *🛠️ Focus on the decoder block with inputs from the previous block.* 23:37 *🖥️ Output layer in U-Net is a convolution with one output using sigmoid activation.* 24:32 *🧱 U-Net architecture divided into convolution, encoder, and decoder blocks for image segmentation.* 28:02 *🚀 Model building process includes defining encoder, decoder blocks, and building the U-Net architecture.* 33:12 *🔄 Use data augmentation to improve results in image segmentation tasks.* 34:24 *📊 After training, check validation metrics like accuracy and IOU score for model performance evaluation.* Made with HARPA AI

  • @user-et2xr1kw5c
    @user-et2xr1kw5c 5 дней назад

    Is there a chance to get processed files, that have gone through the all initial steps up until model itself?

  • @llz-gp1db
    @llz-gp1db 5 дней назад

    Nice video. Thanks for sharing!!!

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

    nice content, thank you!

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

    Your videos are too good. One of the best teaching . Calm and detailed

  • @MariemMakni-jg6un
    @MariemMakni-jg6un 7 дней назад

    Thank you so much this is really helpful!! Bless you ^^

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

    @DigitalSreeni I have been following your videos a lot and wanted to ask if you could do a model building from scratch? (creating the algorithm) Also can't wait for a mechanical engineering series!!

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

    that was crystal clear, thank you for the good explanation!

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

    very useful information, ty sir

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

    Thank you very much for the informative videos. I would like to ask if we can convert yolov4-darknet bounding boxes to the Mask RCNN format

  • @kyosuke.t120
    @kyosuke.t120 8 дней назад

    35:32 In this part I receive an error: AttributeError: module 'keras.api.backend' has no attribute 'sum' ... can some1 help me with this?

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

    very interesting. clear explanation too

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

    what if the number of trains Found 1896 images belonging to 12 classes. test Found 528 images belonging to 12 classes. and validate Found 276 images belonging to 12 classes. what is the epoch, batch size and patience so that the training & val accuracy and Training and val loss plot graphs match and are close together?

  • @user.................
    @user................. 9 дней назад

    bro trying to share about life n forgot wts hes teaching 🤣🤣🤣🤣 only were i gt complete idea about xgboost tq

  • @Meva-wt8mk
    @Meva-wt8mk 9 дней назад

    man, I didnt even watch the video I just checked your channel and here I am, hitting the subscribe button..

  • @SSSGISitapur
    @SSSGISitapur 10 дней назад

    hello sir. i created app password but my google crome not showing options as 4.10 time as in your video. i have two step verification also.

  • @Koldim2001
    @Koldim2001 10 дней назад

    Please make a video on this topic - patch based inference

  • @Koldim2001
    @Koldim2001 10 дней назад

    Please make a video on this topic - patch-based inference

  • @pmibrahim3814
    @pmibrahim3814 11 дней назад

    Sir you're really good. I always learn something new from your valuable tutorials. Sir, Can you make two playlist for GNN image segmentation and another one is for Quantum machine learning ? . Maybe those are help us to know better update topics. Or more topics are respectively active learning, one short learning, equivariant neural network etc.... Thank you so much for your time and response sir.

  • @faez8220
    @faez8220 11 дней назад

    thank you for this tutorial, great and clear explanation!

  • @soroushkargar7645
    @soroushkargar7645 12 дней назад

    Very informative video as always thank you! I have a question, I saw the image you fed into Qupath was in jpeg format. But does not using such format instead of tiff would lead to loss of data for training an ML model for scientific purposes? Especially when using high bit-depth microscopy images. I am curious what would be the difference in outcome of detection when training using tiff and jpeg each.

  • @shiva2874
    @shiva2874 12 дней назад

    Sir you are the best. I cant thank you enough. Before your video i could not understand this concept at all. You saved me. Wish you all the best.

  • @refreshingmoments4608
    @refreshingmoments4608 12 дней назад

    After each epochs why the numbers are changing🤔?? I didn't got it..Isnt it a mode Collapse part??.. I tried with face image dataset and it did actually that it mixed up and same outputs were given even if different outputs were provided to it.

  • @mincasurong
    @mincasurong 12 дней назад

    Thanks for your amazing presentation!

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

    very clear and informative video as all the time. can you make a video on PSO with image dataset used for hyper parameter training and neural network optimization.

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

    I keep getting an error where it says NotImplementedError: Exception encountered when calling Lambda.call(). We could not automatically infer the shape of the Lambda's output. Please specify the `output_shape` argument for this Lambda layer. Do you know why I am getting this problem?

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

    Can you make a constraint Genitic Algorithm

  • @Mahdi-noori-ai
    @Mahdi-noori-ai 13 дней назад

    absolutely hilarious course , thanks a lot for covering this topics

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

    Could you share your default cell image?

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

    super helpful, many thanks 🙏 just wanted to add: for converting to coco annotations to mask annToMask() function from pycocotools comes in handy as well. :)

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

    Sir extremely grateful for your efforts

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

    @DigitalSreeni Sorry, I did not understand the purpose of using genetic algorithm in this video. Can you please explain? Thanks.

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

    can anyone give me this code ? I can't find it in Github

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

    I am having this issue: 'Sequential' object has no attribute 'fit_generator'