InvesTime
InvesTime
  • 62
  • 236 635
Apache pig
Pig Represents Big Data as data flows. Pig is a high-level platform or tool which is used to process the large datasets. It provides a high-level of abstraction for processing over the MapReduce. It provides a high-level scripting language, known as Pig Latin which is used to develop the data analysis codes. First, to process the data which is stored in the HDFS, the programmers will write the scripts using the Pig Latin Language. Internally Pig Engine(a component of Apache Pig) converted all these scripts into a specific map and reduce task. But these are not visible to the programmers in order to provide a high-level of abstraction. Pig Latin and Pig Engine are the two main components of the Apache Pig tool. The result of Pig always stored in the HDFS.
Переглядів: 81

Відео

Large Language Models in DNA Sequence Classification
Переглядів 95Місяць тому
Large Language Models in DNA Sequence Classification
Hbase Table Creation
Переглядів 173Місяць тому
HBase is an open-source non-relational distributed database modeled after Google's Bigtable and written in Java. It is developed as part of Apache Software Foundation's Apache Hadoop project and runs on top of HDFS (Hadoop Distributed File System)
Sqoop Import and Export
Переглядів 180Місяць тому
Apache Sqoop stands for "SQL-to-Hadoop" which is a tool designed for efficiently transferring the bulk of data between Apache Hadoop systems and structured datastores systems such as relational databases. Sqoop can be used to import data from external structured databases into Hadoop Distributed File System or related systems like Hive and HBase. Conversely, Sqoop can be used to extract data fr...
Loading data from HDFS to HIVE
Переглядів 1672 місяці тому
Loading data from HDFS to HIVE
MapReduce Example 3
Переглядів 1162 місяці тому
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
Переглядів 712 місяці тому
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
Переглядів 2652 місяці тому
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.
Deletion in AVL tree
Переглядів 2227 місяців тому
Deletion in AVL tree
Dijkstra's Algorithm
Переглядів 1,3 тис.7 місяців тому
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,4 тис.Рік тому
Machine learning models: ua-cam.com/video/ncqZxTk1854/v-deo.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
Переглядів 8 тис.Рік тому
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
Переглядів 430Рік тому
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
Переглядів 33 тис.Рік тому
AVL Tree: ua-cam.com/video/vQptSYake4E/v-deo.html Red Black Tree ua-cam.com/video/9ubIKipLpRU/v-deo.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. The ...
AVL tree insertion
Переглядів 1,1 тис.Рік тому
AVL tree insertion
Red Black Tree - Insertion
Переглядів 744Рік тому
Red Black Tree - Insertion
Python code for weighted average ensemble
Переглядів 4,1 тис.Рік тому
Python code for weighted average ensemble
Hashing in Datastructures
Переглядів 273Рік тому
Hashing in Datastructures
BinaryTree - Insertion with Java Code
Переглядів 715Рік тому
BinaryTree - Insertion with Java Code
Heapsort
Переглядів 509Рік тому
Heapsort
Text Classification using Lazy - Text - Predict library with python code
Переглядів 620Рік тому
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
Переглядів 24 тис.2 роки тому
Python Code for Ensemble Model for Image Classification
Power BI Tutorial in 10 mins | Power BI demo
Переглядів 3492 роки тому
Power BI Tutorial in 10 mins | Power BI demo
How to reduce overfitting? || Tips to Reduce Overfitting in Deep learning Models.
Переглядів 1,5 тис.2 роки тому
How to reduce overfitting? || Tips to Reduce Overfitting in Deep learning Models.
Data Augmentation using Augmentor || Simple steps to perform Data Augmentation
Переглядів 3,5 тис.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

КОМЕНТАРІ

  • @muthukumarb1326
    @muthukumarb1326 15 днів тому

    RNNs, LSTMs, and Bi-LSTMs are widely used for tasks such as sequence classification and language translation. However, a major limitation of these models is the significant computational time required because they process input sequences one element at a time. To address this issue, Google Brain developed the Transformer model, which uses a multi-head attention mechanism. This allows the model to focus on multiple parts of the sequence in parallel, drastically reducing the computational time and improving efficiency.

  • @muthukumarb1326
    @muthukumarb1326 15 днів тому

    Hi if it possible, Can you please provide the link for google colab?

  • @nanniuowo
    @nanniuowo 17 днів тому

    happy new year!

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

    thanku madam, keep doing this kind of good videos

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

      You're welcome! More videos coming soon.

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

    Could you please share the code file in the description here?

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

    I like the way you teach

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

    I have a question about using pretrained models like you. Pretrained models are based on ImageNet. However, ImageNet doesn't include medical images of brain tumors. Therefore, I think we shouldn't use weights='imagenet', and layer.trainable should be set to True. Could you please provide me with your feedback?

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

      You are correct, you can freeze the pretrained layers and finetune the last layers for a new task.

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

    This is the worst lecture I have ever received. like literally you have repeated every single line 10 times. why so much redundancy? we are adults, we can understand a concept or listen to words when you're telling for the first time. Please speak Hindi if you are not good at it and fluent in speaking correct English sentences. so much frustrating.

  • @damladalgc9049
    @damladalgc9049 2 місяці тому

    Hello, ValueError: The name "functional_1" is used 2 times in the model. All operation names should be unique. can you help me with this error

  • @Fizabutt-w8b
    @Fizabutt-w8b 2 місяці тому

    you explained very well ❤

  • @akshatagarwal5092
    @akshatagarwal5092 2 місяці тому

    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?

  • @mbdidier
    @mbdidier 2 місяці тому

    Thank you! This has really helped me understand AVL Trees better. However, in the Final Tree, you forgot to add 8.

  • @explorerars4208
    @explorerars4208 2 місяці тому

    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

  • @faizanhussain1411
    @faizanhussain1411 2 місяці тому

    Copy API command is not visible..

  • @saadaltwaim9672
    @saadaltwaim9672 2 місяці тому

    Is this deep learning

  • @SlotQueens
    @SlotQueens 2 місяці тому

    Thank you so much

  • @wizaphiri19
    @wizaphiri19 3 місяці тому

    Probably the most important video for beginners trying to create binary classifiers. Thanks amilli 👏

  • @xzoo4033
    @xzoo4033 3 місяці тому

    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.

  • @mimo7660
    @mimo7660 4 місяці тому

    your videos are very helpful.can you please provide the code mam.

  • @mimo7660
    @mimo7660 4 місяці тому

    can please provode full code..

  • @hebaphd
    @hebaphd 4 місяці тому

    TypeError: Layer.__init__() takes 1 positional argument but 4 were given

  • @hebaphd
    @hebaphd 4 місяці тому

    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"

  • @drbrk8789
    @drbrk8789 4 місяці тому

    Good explanation

  • @bhargavisairmai4128
    @bhargavisairmai4128 5 місяців тому

    Please show the visible images about check point

    • @investime247
      @investime247 4 місяці тому

      Checkpoint will be stored in drive or path u give.

  • @rajasripuviarasu511
    @rajasripuviarasu511 5 місяців тому

    Thank you mam very useful

  • @mohammeddanishismaily361
    @mohammeddanishismaily361 5 місяців тому

    Hi Maa'm, How features are extacted and AOI calculated? Does Inception V3 do this task automatically... if so how can you please explain?

    • @investime247
      @investime247 4 місяці тому

      Yes, automatic feature extraction. Plz read the concept of neural network for full understanding

    • @mohammeddanishismaily361
      @mohammeddanishismaily361 4 місяці тому

      @@investime247 thank you ma'am for your precious reply 💙

    • @explorerars4208
      @explorerars4208 2 місяці тому

      ​@@investime247mam can it classify the mobile flashlight from other natural light

  • @sophiajandayan
    @sophiajandayan 5 місяців тому

    Thank you so much for this. It's explained really well with the example

  • @محمدعبدالعاطيمحمد-و1ه

    Can I contact you via email to inquire about some things?

  • @lavanyavaidya2876
    @lavanyavaidya2876 5 місяців тому

    Might be model is overffited!

  • @ShivnarayanSreeanand
    @ShivnarayanSreeanand 5 місяців тому

    what accuracy does this model get

  • @jeevanjeevan.s2894
    @jeevanjeevan.s2894 5 місяців тому

    straight forward, clear explanation.

  • @NingrajAcharya
    @NingrajAcharya 5 місяців тому

    Excellent

  • @codealongmahesh-sd6ol
    @codealongmahesh-sd6ol 6 місяців тому

    very less time to cover more helpfull info , thanks u

  • @AbubakarMahmudSheriff-ig2cm
    @AbubakarMahmudSheriff-ig2cm 6 місяців тому

    What a great instructor you are! Thanks

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

    Very nice

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

    Very nice

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

    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?

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

      We need to do for all numerical variables

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

    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?

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

      Need to do for all numerical variables

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

    thank you so much mam.. super clear cut explanation mam..kindly upload image to text genration also from generative ai mam kindly

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

    6:55, is this on testing data?

  • @mudhassir.s
    @mudhassir.s 6 місяців тому

    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

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

      Hema_david2510

    • @mudhassir.s
      @mudhassir.s 6 місяців тому

      @@investime247 mam insta la ping pannirukken paarunga mam pls

    • @mudhassir.s
      @mudhassir.s 6 місяців тому

      @@investime247 mam insta la msg pannirukken. Please reply pannunga mam

  • @vinaykumar-cq1ln
    @vinaykumar-cq1ln 7 місяців тому

    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.

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

      It should be sum of 1. Yes weights based in accuracy

  • @hemant0772
    @hemant0772 7 місяців тому

  • @reverselife476
    @reverselife476 7 місяців тому

    Thanks

  • @MuhammadMaab-os1gu
    @MuhammadMaab-os1gu 7 місяців тому

    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

  • @KaleemUllah-qi7hf
    @KaleemUllah-qi7hf 7 місяців тому

    Good one. Please make a Deep learning series as well!

  • @vt_blurry2443
    @vt_blurry2443 7 місяців тому

    straight forward , simple and clear! Thank you!

  • @larbi-belaissaoui
    @larbi-belaissaoui 7 місяців тому

    THANKS YOU FOR THIS

  • @larissafujii1211
    @larissafujii1211 7 місяців тому

    Congrats! I'm learning a lottt with you. You are so a good teacher! Thanks a lot!

  • @larbi-belaissaoui
    @larbi-belaissaoui 8 місяців тому

    thank you for this