- Видео 58
- Просмотров 217 007
InvesTime
Оман
Добавлен 18 дек 2011
Learning is a continuous process! Sharing makes Us happy and strong. Invest Ur precious time in learning.
Видео
MapReduce Example 3
Просмотров 10121 день назад
Problem statement: XYZ Company keeps track of transactions of products in multiple stores and locations. You work as a Big Data Analyst at this organization. You have been given the task to analyze the data that has been accumulated. Dataset Description: The data format is tab separated values, and the dataset is ‘store.txt’. Following are the attributes in sequential order: Date Time Sto...
Map Reduce Example 2
Просмотров 5328 дней назад
ABC Telephone Company keeps track of every call made using its services. You work as a Big Data Analyst at this organization. You have been given the task to analyze the data that has been accumulated. Dataset Description: The data format is comma-separated values, and the dataset is ‘phone.txt’. Following are the attributes in sequential order: Caller ID, Receiver ID, Call Start Time, Call End...
Mapreduce in Cloudera Example 1
Просмотров 18028 дней назад
Word count is a simple program that counts the number of times a word appears in a file. I The Mapper’s role is to map the keys to the existing values, and the Reducer’s role is to aggregate the keys with common values. As a result, everything is represented as a Key-value pair.
Dijkstra's Algorithm
Просмотров 9425 месяцев назад
Dijkstra's algorithm finds the shortest path from a given source node to every other node. For example, if the nodes of the graph represent cities, and the costs of edges represent the average distances between pairs of cities connected by a direct road, then Dijkstra's algorithm can be used to find the shortest route between one city and all other cities.
Binary classification using ensemble model
Просмотров 1,3 тыс.Год назад
Machine learning models: ruclips.net/video/ncqZxTk1854/видео.html Data Set: www.kaggle.com/datasets/fedesoriano/stroke-prediction-dataset/code Ensemble Model Code: accuracy_ensemble, precision_ensemble, recall_ensemble = {}, {}, {} models_ensemble = {} def evaluate(model, X_train, X_val, Y_train, y_val,key): model.fit(X_train, Y_train) # Prediction predictions = model.predict(X_val) # Calculate...
Binary Classification Models in Machine Learning
Просмотров 7 тыс.Год назад
Read the Dataset import pandas as pd df=pd.read_csv(path) print(df.shape) Convert categorical to numerical: from sklearn.preprocessing import LabelEncoder df[[columns]]=df[columns]].apply(LabelEncoder().fit_transform) X and Y X=df.iloc[:,:-1] Y=df.iloc[:,-1] from sklearn.model_selection import train_test_split X_train,X_val,Y_train,Y_val=train_test_split(X,Y,test_size=0.2,random_state=42) To cr...
Creating template designs for websites with JSF template tag
Просмотров 380Год назад
A typical web application contains several pages that share a same look and feel, a header, a footer, a menu, and so forth. This video explains about the template tags.
2-3 Tree
Просмотров 27 тыс.Год назад
AVL Tree: ruclips.net/video/vQptSYake4E/видео.html Red Black Tree ruclips.net/video/9ubIKipLpRU/видео.html In binary search trees we have seen the average-case time for operations like search/insert/delete is O(log N) and the worst-case time is O(N) where N is the number of nodes in the tree. Like other Trees include AVL trees, Red Black Tree, B tree, 2-3 Tree is also a height balanced tree. Th...
Red Black Tree - Insertion
Просмотров 600Год назад
RBTs are “balanced” in order to guarantee O(lg n) worst case time for set dynamic operations. A binary search tree is a red-black tree if: Every node is either red or black The root is black Every leaf (NIL) is black A red node’s children are black For each node, all paths from a node to descendant leaves contain the same number of black nodes No two consecutive node in red
Python code for weighted average ensemble
Просмотров 3,9 тыс.Год назад
Refer this paper for more details: www.mdpi.com/2374932 Weighted average ensembles assume that some models in the ensemble have more skill than others and give them more contribution when making predictions. The weighted average or weighted sum ensemble is an extension over voting ensembles that assume all models are equally skillful and make the same proportional contribution to predictions ma...
Hashing in Datastructures
Просмотров 255Год назад
Hashing in the data structure is a technique that is used to quickly identify a specific value within a given array. It works by creating a unique hash code for each element in the array and then stores the hash code in lieu of the actual element. Types of Hashing 1. Division Method The division method is the simplest and easiest method used to generate a hash value. In this hash function, the ...
BinaryTree - Insertion with Java Code
Просмотров 642Год назад
A binary tree is a tree-type non-linear data structure with a maximum of two children for each parent. Every node in a binary tree has a left and right reference along with the data element. The node at the top of the hierarchy of a tree is called the root node.
Text Classification using Lazy - Text - Predict library with python code
Просмотров 612Год назад
Text Classification using Lazy - Text - Predict library with python code
Python code for Threshold based Image Segmentation
Просмотров 1,1 тыс.2 года назад
Python code for Threshold based Image Segmentation
Model Checkpoint and Callback in Keras
Просмотров 7 тыс.2 года назад
Model Checkpoint and Callback in Keras
Python Code for Brain MRI Images classification using InceptionV3 Model-Demo
Просмотров 9 тыс.2 года назад
Python Code for Brain MRI Images classification using InceptionV3 Model-Demo
Python Code for Ensemble Model for Image Classification
Просмотров 23 тыс.2 года назад
Python Code for Ensemble Model for Image Classification
Power BI Tutorial in 10 mins | Power BI demo
Просмотров 3482 года назад
Power BI Tutorial in 10 mins | Power BI demo
How to reduce overfitting? || Tips to Reduce Overfitting in Deep learning Models.
Просмотров 1,4 тыс.2 года назад
How to reduce overfitting? || Tips to Reduce Overfitting in Deep learning Models.
Data Augmentation using Augmentor || Simple steps to perform Data Augmentation
Просмотров 3,4 тыс.2 года назад
Data Augmentation using Augmentor || Simple steps to perform Data Augmentation
Extract DNA sequence from genome||How to Extract the DNA Sequence from the FASTA File using python?
Просмотров 2,8 тыс.2 года назад
Extract DNA sequence from genome||How to Extract the DNA Sequence from the FASTA File using python?
JSF-EJB-JPA-Crud-Example||CRUD Enterprise Application in NetBeans
Просмотров 9 тыс.2 года назад
JSF-EJB-JPA-Crud-Example||CRUD Enterprise Application in NetBeans
Convolutional Neural Network (CNN) Deep Learning Explained
Просмотров 5812 года назад
Convolutional Neural Network (CNN) Deep Learning Explained
Java Persistence API Tutorial||JPA One to Many mapping || @OneToMany
Просмотров 7512 года назад
Java Persistence API Tutorial||JPA One to Many mapping || @OneToMany
Java Persistence API||JPA One-To-One Mapping || @OneToOne
Просмотров 5712 года назад
Java Persistence API||JPA One-To-One Mapping || @OneToOne
Sub-Query in SQL || How to write a Sub - Query?
Просмотров 772 года назад
Sub-Query in SQL || How to write a Sub - Query?
ma'am since the dataset contains only 2 classes i.e either tumor or nor then why are you using Categorical cross_entropy with 2 neurons why cant we use binary cross_entropy with 1 neuron?
Thank you! This has really helped me understand AVL Trees better. However, in the Final Tree, you forgot to add 8.
Mam where it is used to classify whether the person have tumor or not Like how can i use this model on new images later. Please tell me as this will help me building new stuff for mini project in college
Copy API command is not visible..
Is this deep learning
Yes
Thank you so much
Probably the most important video for beginners trying to create binary classifiers. Thanks amilli 👏
can i show new imagen to this model so the model can tell me if a person have a tumor or not? since the dataset just have two seption ppl that have a tumor and people that doesnt have a tumor, it will be cool if you add imagen withour any context to see if the model can guest if a person have a tumor or no.
your videos are very helpful.can you please provide the code mam.
can please provode full code..
TypeError: Layer.__init__() takes 1 positional argument but 4 were given
I have written this code; however, I am encountering an error with this particular line. Could you kindly assist me with this? "ensemble_output= WeightedAverageLayer(0.6,0.3,0.1)(models_outputs)" the error "TypeError: Layer.__init__() takes 1 positional argument but 4 were given"
Good explanation
Please show the visible images about check point
Checkpoint will be stored in drive or path u give.
Thank you mam very useful
Hi Maa'm, How features are extacted and AOI calculated? Does Inception V3 do this task automatically... if so how can you please explain?
Yes, automatic feature extraction. Plz read the concept of neural network for full understanding
@@investime247 thank you ma'am for your precious reply 💙
@@investime247mam can it classify the mobile flashlight from other natural light
Thank you so much for this. It's explained really well with the example
Can I contact you via email to inquire about some things?
Might be model is overffited!
what accuracy does this model get
straight forward, clear explanation.
Excellent
very less time to cover more helpfull info , thanks u
What a great instructor you are! Thanks
Very nice
Very nice
Thank you mam for the great video! Some doubts about feature scaling. 1) Shouldn't we do the feature scaling after train_test split? 2) the code you suggested will do the feature scaling of all the label encoded variables also. Shouldn't we do the feature scaling of only numeric variables?
We need to do for all numerical variables
Thanks for the wonderful video mam! I have a doubt. Do we require to do feature scaling of all numerical variables before fitting the models or these models take care of it automatically?
Need to do for all numerical variables
thank you so much mam.. super clear cut explanation mam..kindly upload image to text genration also from generative ai mam kindly
6:55, is this on testing data?
Hi mam enakku DL la orusila doubts irukku mam Unga insta id kudunga mam Naa voice note mooliyama explain panren. Enakku help pannunga mam please mam please
Hema_david2510
@@investime247 mam insta la ping pannirukken paarunga mam pls
@@investime247 mam insta la msg pannirukken. Please reply pannunga mam
In weighted ensemble model shall we give weights as sum of 1 or any random in nature, one thing is a clear based high accuracy provided by the model you can give high weightage value . am i correct madam , please give me a reply as soon as possible.
It should be sum of 1. Yes weights based in accuracy
❤
Thanks
Hello. Hope you are doing fine. I am an undergrad student . I am working on a project. Can you guide me in a query. I have CT scan dataset in the form of DICOM meaning for a single CT scan I have 100 layers. Should I feed the whole data into my deep learning model or should I feed the single malicious layer into my model. Thankyou
Good one. Please make a Deep learning series as well!
straight forward , simple and clear! Thank you!
THANKS YOU FOR THIS
Congrats! I'm learning a lottt with you. You are so a good teacher! Thanks a lot!
thank you for this
Thank you! Finally a great explanation of all the possible scenarios
hello mam i have a doubt can u solve it for me
Mam, there are many potential flaws in your hybridization technique.
link tutorial please
Dataset need him mam please share you mam
Thanks!
you didn't choose the VGG16 model in this case because its accuracy doesn't inproove so you used the inceptionV3 twice
Perfect
Hello madam, great information in this video. it is requested that kindly make a video on the stacking ensemble technique using DCNN models for image classification i have difficulty in implementing stacking ensemble techniques. Thank you so much for sharing for informative videos
Its 5.08 AM and today is my midterm exam and our AI teacher teaches us by copying the lectures of Stanford university. He didn't even tell us that Logistic Regression ,..... Neutral Networks are algorithms used for Binary Classification. And he is going to give us problems in exams related to all these. But thanks for showing us how things are practically done.